From 1de2a6d1c934a89ddb341fecf0c863b707fb9512 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 14:35:54 -0700 Subject: [PATCH 01/32] Create README.md --- .../resnet_pytorch_python-backend/README.md | 12 ++++++++++++ 1 file changed, 12 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/README.md diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/README.md b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/README.md new file mode 100644 index 0000000000..adca5096ca --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/README.md @@ -0,0 +1,12 @@ +# Serve an ResNet Pytorch model on GPU with Amazon SageMaker Multi-model endpoints (MME) + +In this example, we will walk you through how to use NVIDIA Triton Inference Server on Amazon SageMaker MME with GPU feature to deploy Resnet Pytorch model for **Image Classification**. + +## Steps to run the notebook + +1. Launch SageMaker notebook instance with `g5.xlarge` instance. This example can also be run on a SageMaker studio notebook instance but the steps that follow will focus on the notebook instance. + + * For git repositories select the option `Clone a public git repository to this notebook instance only` and specify the Git repository URL + +2. Once JupyterLab is ready, launch the **resnet_pytorch_python_backend_MME.ipynb** notebook with **conda_python3** conda kernel and run through this notebook to learn how to host multiple CV models on `g5.2xlarge` GPU behind MME endpoint. + From 0c44b69f4c6d3748ab51fbe9ab02ee569dfe6b27 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 14:37:10 -0700 Subject: [PATCH 02/32] Add files via upload --- .../resnet_pytorch_python_backend_MME.ipynb | 739 ++++++++++++++++++ 1 file changed, 739 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_MME.ipynb diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_MME.ipynb b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_MME.ipynb new file mode 100644 index 0000000000..031de3cda1 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_MME.ipynb @@ -0,0 +1,739 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "9df84fc4", + "metadata": {}, + "source": [ + "# Run Multiple CV ResNet Pytorch Models on GPU with Amazon SageMaker Multi-Model Endpoints (MME)\n", + "\n", + "[Amazon SageMaker](https://aws.amazon.com/sagemaker/) multi-model endpoints(MME) provide a scalable and cost-effective way to deploy large number of deep learning models. Previously, customers had limited options to deploy 100s of deep learning models that need accelerated compute with GPUs. Now customers can deploy 1000s of deep learning models behind one SageMaker endpoint. Now, MME will run multiple models on a GPU core, share GPU instances behind an endpoint across multiple models and dynamically load/unload models based on the incoming traffic. With this, customers can significantly save cost and achieve best price performance.\n", + "\n", + "
Note \n", + "This notebook was tested with the `conda_python3` kernel on an Amazon SageMaker notebook instance of type `g4dn.4xlarge`\n", + "
" + ] + }, + { + "cell_type": "markdown", + "id": "c6beb5ff", + "metadata": {}, + "source": [ + "## Amazon SageMaker Multi-Model endpoints with GPU Support\n", + "\n", + "Amazon SageMaker multi-model endpoints with GPU works using [NVIDIA Triton Inference Server](https://github.com/triton-inference-server/server/). NVIDIA Triton Inference Server is open-source inference serving software that simplifies the inference serving process and provides high inference performance. Triton supports all major training and inference frameworks, such as TensorFlow, NVIDIA TensorRT, PyTorch, MXNet, Python, ONNX, XGBoost, scikit-learn, RandomForest, OpenVINO, custom C++, and more. It offers dynamic batching, concurrent execution, post-training quantization, optimal model configuration to achieve high performance inference.\n", + "When SageMaker receives an invocation request for a particular model, it does the following:" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9ce3098e", + "metadata": {}, + "outputs": [], + "source": [ + "from IPython import display\n", + "\n", + "display.Image(\"images/mme-gpu.jpg\")" + ] + }, + { + "cell_type": "markdown", + "id": "a271e7d9", + "metadata": {}, + "source": [ + "## How it works?\n", + "\n", + "1. SageMaker routes traffic to the right instance behind the endpoint where the target model is loaded. SageMaker takes care of model management behind the endpoint, loads model to the container's memory and unloads the model based on the endpoint's traffic pattern.\n", + "2. Dynamically loads models from Amazon Simple Storage Service(S3) to the instance’s storage volume. If the invoked models is not available on instance storage volume, the model is downloaded onto instance storage volume. If the instance storage volume reaches capacity, SageMaker deletes any unused models from the storage volume.\n", + "3. SageMaker loads the model to NVIDIA Triton container’s memory on GPU accelerated instance and serve the inference request. If the model is already loaded in the container memory, the subsequents requests are served faster as SageMaker does not need to download and load it again.\n", + "4. SageMaker takes care of traffic shaping to the MME endpoint, SageMaker continues to routes traffics to the instance where the model is loaded. If the instance resources reach capacity due to high utilization, SageMaker unloads least used models from the container to free up resource to load more frequently used models.\n", + "5. SageMaker MME can horizontally scale using auto-scaling policy, provision additional GPU compute instances based on metrics such as GPU utilization, memory utilization etc to serve spiky traffic to MME endpoints." + ] + }, + { + "cell_type": "markdown", + "id": "ab2fbaf5", + "metadata": {}, + "source": [ + "In this notebook, we will show you how to use the new features Amazon SageMaker MME with GPU with a computer vision use case. For demonstration purpose, we will use a ResNet-50 convolutional neural network pre-trained model that can classify images into 1000 categories. We will -\n", + "\n", + "* Show how to use NVIDIA Triton inference container on SageMaker MME, leverage different model frameworks such as PyTorch. \n", + "* Show how to get insights into instance and invocation metrics using Amazon CloudWatch." + ] + }, + { + "cell_type": "markdown", + "id": "d516f97c", + "metadata": {}, + "source": [ + "### Installs\n", + "\n", + "Installs the dependencies required to package the model and run inferences using Triton server. Update SageMaker, boto3, awscli etc" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "94ac0b55", + "metadata": {}, + "outputs": [], + "source": [ + "!pip install -qU pip awscli boto3 sagemaker\n", + "!pip install nvidia-pyindex --quiet\n", + "!pip install tritonclient[http] --quiet" + ] + }, + { + "cell_type": "markdown", + "id": "22828c11", + "metadata": {}, + "source": [ + "### Imports and variables" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ddec97e0", + "metadata": {}, + "outputs": [], + "source": [ + "# imports\n", + "import boto3, json, sagemaker, time\n", + "from sagemaker import get_execution_role\n", + "import numpy as np\n", + "from PIL import Image\n", + "import tritonclient.http as httpclient\n", + "\n", + "# variables\n", + "s3_client = boto3.client(\"s3\")\n", + "auto_scaling_client = boto3.client(\"application-autoscaling\")\n", + "sample_image_name = \"shiba_inu_dog.jpg\"\n", + "ts = time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", + "\n", + "# sagemaker variables\n", + "role = get_execution_role()\n", + "sm_client = boto3.client(service_name=\"sagemaker\")\n", + "runtime_sm_client = boto3.client(\"sagemaker-runtime\")\n", + "sagemaker_session = sagemaker.Session(boto_session=boto3.Session())\n", + "bucket = sagemaker_session.default_bucket()\n", + "prefix = \"resnet50-mme-gpu\"\n", + "\n", + "# endpoint variables\n", + "sm_model_name = f\"{prefix}-mdl-{ts}\"\n", + "endpoint_config_name = f\"{prefix}-epc-{ts}\"\n", + "endpoint_name = f\"{prefix}-ep-{ts}\"\n", + "model_data_url = f\"s3://{bucket}/{prefix}/\"\n", + "\n", + "# account mapping for SageMaker MME Triton Image\n", + "account_id_map = {\n", + " \"us-east-1\": \"785573368785\",\n", + " \"us-east-2\": \"007439368137\",\n", + " \"us-west-1\": \"710691900526\",\n", + " \"us-west-2\": \"301217895009\",\n", + " \"eu-west-1\": \"802834080501\",\n", + " \"eu-west-2\": \"205493899709\",\n", + " \"eu-west-3\": \"254080097072\",\n", + " \"eu-north-1\": \"601324751636\",\n", + " \"eu-south-1\": \"966458181534\",\n", + " \"eu-central-1\": \"746233611703\",\n", + " \"ap-east-1\": \"110948597952\",\n", + " \"ap-south-1\": \"763008648453\",\n", + " \"ap-northeast-1\": \"941853720454\",\n", + " \"ap-northeast-2\": \"151534178276\",\n", + " \"ap-southeast-1\": \"324986816169\",\n", + " \"ap-southeast-2\": \"355873309152\",\n", + " \"cn-northwest-1\": \"474822919863\",\n", + " \"cn-north-1\": \"472730292857\",\n", + " \"sa-east-1\": \"756306329178\",\n", + " \"ca-central-1\": \"464438896020\",\n", + " \"me-south-1\": \"836785723513\",\n", + " \"af-south-1\": \"774647643957\",\n", + "}\n", + "\n", + "region = boto3.Session().region_name\n", + "if region not in account_id_map.keys():\n", + " raise (\"UNSUPPORTED REGION\")\n", + "\n", + "base = \"amazonaws.com.cn\" if region.startswith(\"cn-\") else \"amazonaws.com\"\n", + "mme_triton_image_uri = (\n", + " \"{account_id}.dkr.ecr.{region}.{base}/sagemaker-tritonserver:22.07-py3\".format(\n", + " account_id=account_id_map[region], region=region, base=base\n", + " )\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "0e8c7b0d", + "metadata": {}, + "source": [ + "### Creating Model Artifacts\n", + "\n", + "This section presents overview of steps to prepare ResNet-50 pre-trained model to be deployed on SageMaker MME using Triton Inference server model configurations. \n", + "\n", + "\n", + "
Note \n", + "We are demonstrating deployment with 2 models. However, customers can prepare and 100s of models. The models may or may not share the same framework.\n", + "
" + ] + }, + { + "cell_type": "markdown", + "id": "ebeeb1cc", + "metadata": {}, + "source": [ + "#### Prepare PyTorch Model \n", + "\n", + "`generate_model_pytorch.sh` file in the `workspace` directory contains scripts to generate a PyTorch model. First, we load a pre-trained ResNet50 model using torchvision models package. We save the model as model.pt file in TorchScript optimized and serialized format. TorchScript needs an example inputs to do a model forward pass, so we pass one instance of a RGB image with 3 color channels of dimension 224X224. The script for exporting this model can be found [here](./workspace/generate_model_pytorch.sh)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b77ffc96", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "!docker run --gpus=all --rm -it \\\n", + " -v `pwd`/workspace:/workspace nvcr.io/nvidia/pytorch:22.07-py3 \\\n", + " /bin/bash generate_model_pytorch.sh" + ] + }, + { + "cell_type": "markdown", + "id": "16351596", + "metadata": {}, + "source": [ + "#### PyTorch Model Respository\n", + "\n", + "The model repository contains model to serve, in our case it will be the `model.pt` and configuration file with input/output specifications and metadata." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "50ed759b", + "metadata": {}, + "outputs": [], + "source": [ + "display.Image(\"images/pyt-model-repo.png\")" + ] + }, + { + "cell_type": "markdown", + "id": "b153e96d", + "metadata": {}, + "source": [ + "#### PyTorch Model configuration\n", + "\n", + "Model configuration file `config.pbtxt` must specify name of the model(`resnet`), the platform and backend properties (`pytorch_libtorch`), max_batch_size(128) and the input and output tensors along with the data type(TYPE_FP32) information. Additionally, you can specify `instance_group` and `dynamic_batching` properties to achieve high performance inference." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "202d179d", + "metadata": {}, + "outputs": [], + "source": [ + "!mkdir -p triton-serve-pt/resnet/" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b7934c50", + "metadata": {}, + "outputs": [], + "source": [ + "%%writefile triton-serve-pt/resnet/config.pbtxt\n", + "name: \"resnet\"\n", + "platform: \"pytorch_libtorch\"\n", + "max_batch_size: 128\n", + "input {\n", + " name: \"INPUT__0\"\n", + " data_type: TYPE_FP32\n", + " dims: 3\n", + " dims: 224\n", + " dims: 224\n", + "}\n", + "output {\n", + " name: \"OUTPUT__0\"\n", + " data_type: TYPE_FP32\n", + " dims: 1000\n", + "}" + ] + }, + { + "cell_type": "markdown", + "id": "ab63b87b", + "metadata": {}, + "source": [ + "#### 3. Export model artifacts to S3\n", + "\n", + "SageMaker expects the model artifacts in below format, it should also satisfy Triton container requirements such as model name, version, config.pbtxt files etc. `tar` the folder containing the model file as `model.tar.gz` and upload it to s3" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8bb9ada0", + "metadata": {}, + "outputs": [], + "source": [ + "!mkdir -p triton-serve-pt/resnet/1/\n", + "!mv -f workspace/model.pt triton-serve-pt/resnet/1/\n", + "!tar -C triton-serve-pt/ -czf resnet_pt_v0.tar.gz resnet\n", + "model_uri_pt = sagemaker_session.upload_data(path=\"resnet_pt_v0.tar.gz\", key_prefix=prefix)" + ] + }, + { + "cell_type": "markdown", + "id": "902b0454", + "metadata": {}, + "source": [ + "Now that we have uploaded the model artifacts to S3, we can create a SageMaker multi-model endpoint." + ] + }, + { + "cell_type": "markdown", + "id": "7ae922c9", + "metadata": {}, + "source": [ + "#### Deploy Models with MME\n", + "\n", + "We will now deploy ResNet-50 model with PyTorch framework to SageMaker MME. You can reproduce all the steps using step by step notebook on GitHub.\n", + "\n", + "\n", + "\n", + "
Note \n", + "you can deploy 100s of models. The models can use same framework. They can also use different frameworks as shown in this note.\n", + "
\n", + "\n", + "We will use AWS SDK for Python (Boto) APIs [create_model](https://boto3.amazonaws.com/v1/documentation/api/latest/reference/services/sagemaker.html#SageMaker.Client.create_model), [create_endpoint_config](https://boto3.amazonaws.com/v1/documentation/api/latest/reference/services/sagemaker.html#SageMaker.Client.create_endpoint_config) and [create_endpoint](https://boto3.amazonaws.com/v1/documentation/api/latest/reference/services/sagemaker.html#SageMaker.Client.create_endpoint) to create a mulit-model endpoint.\n" + ] + }, + { + "cell_type": "markdown", + "id": "10d724ef", + "metadata": {}, + "source": [ + "#### Define the serving container " + ] + }, + { + "cell_type": "markdown", + "id": "467fa947", + "metadata": {}, + "source": [ + " In the container definition, define the `ModelDataUrl` to specify the S3 directory that contains all the models that SageMaker multi-model endpoint will use to load and serve predictions. Set `Mode` to `MultiModel` to indicates SageMaker would create the endpoint with MME container specifications. We set the container with an image that supports deploying multi-model endpoints with GPU, see MME [container images](https://docs.aws.amazon.com/sagemaker/latest/dg/multi-model-endpoints.html#multi-model-support) for more details." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "44ee9b6e", + "metadata": {}, + "outputs": [], + "source": [ + "container = {\"Image\": mme_triton_image_uri, \"ModelDataUrl\": model_data_url, \"Mode\": \"MultiModel\"}" + ] + }, + { + "cell_type": "markdown", + "id": "a4117289", + "metadata": {}, + "source": [ + "#### Create a multi model object\n", + "\n", + "Using the SageMaker boto3 client, create the model using [create_model](https://boto3.amazonaws.com/v1/documentation/api/latest/reference/services/sagemaker.html#SageMaker.Client.create_model) API. We will pass the container definition to the create model API along with ModelName and ExecutionRoleArn.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3fa435d5", + "metadata": {}, + "outputs": [], + "source": [ + "create_model_response = sm_client.create_model(\n", + " ModelName=sm_model_name, ExecutionRoleArn=role, PrimaryContainer=container\n", + ")\n", + "\n", + "print(\"Model Arn: \" + create_model_response[\"ModelArn\"])" + ] + }, + { + "cell_type": "markdown", + "id": "5b526e21", + "metadata": {}, + "source": [ + "#### Define configuration for the multi model endpoint\n", + "\n", + "Create a multi-model endpoint configurations using [create_endpoint_config](https://boto3.amazonaws.com/v1/documentation/api/latest/reference/services/sagemaker.html#SageMaker.Client.create_endpoint_config) boto3 API. Specify an accelerated GPU computing instance in InstanceType, in this post we will use g4dn.4xlarge instance. We recommend configuring your endpoints with at least two instances. This allows SageMaker to provide a highly available set of predictions across multiple Availability Zones for the models.\n", + "\n", + "
Note \n", + "Based on our findings, customers get price performance on ML optimized instances with single GPU core. Hence, this feature is only enabled for single GPU core instances. For full list of instances supported see this (https://docs.aws.amazon.com/sagemaker/latest/dg/multi-model-endpoints.html#multi-model-support to Docs page where we capture list of isntances.)\n", + "
\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "f2935290", + "metadata": {}, + "outputs": [], + "source": [ + "create_endpoint_config_response = sm_client.create_endpoint_config(\n", + " EndpointConfigName=endpoint_config_name,\n", + " ProductionVariants=[\n", + " {\n", + " \"InstanceType\": \"ml.g4dn.4xlarge\",\n", + " \"InitialVariantWeight\": 1,\n", + " \"InitialInstanceCount\": 1,\n", + " \"ModelName\": sm_model_name,\n", + " \"VariantName\": \"AllTraffic\",\n", + " }\n", + " ],\n", + ")\n", + "\n", + "print(\"Endpoint Config Arn: \" + create_endpoint_config_response[\"EndpointConfigArn\"])" + ] + }, + { + "cell_type": "markdown", + "id": "1807bbde", + "metadata": {}, + "source": [ + "#### Create Multi Model Endpoint\n", + "\n", + "Using the above endpoint configuration we create a new sagemaker endpoint and wait for the deployment to finish. The status will change to **InService** once the deployment is successful." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5b08fa3d", + "metadata": {}, + "outputs": [], + "source": [ + "create_endpoint_response = sm_client.create_endpoint(\n", + " EndpointName=endpoint_name, EndpointConfigName=endpoint_config_name\n", + ")\n", + "\n", + "print(\"Endpoint Arn: \" + create_endpoint_response[\"EndpointArn\"])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "38448b45", + "metadata": {}, + "outputs": [], + "source": [ + "resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", + "status = resp[\"EndpointStatus\"]\n", + "print(\"Status: \" + status)\n", + "\n", + "while status == \"Creating\":\n", + " time.sleep(60)\n", + " resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", + " status = resp[\"EndpointStatus\"]\n", + " print(\"Status: \" + status)\n", + "\n", + "print(\"Arn: \" + resp[\"EndpointArn\"])\n", + "print(\"Status: \" + status)" + ] + }, + { + "cell_type": "markdown", + "id": "81840474", + "metadata": {}, + "source": [ + "#### Setup Autoscaling policies for GPU Multi Model Endpoint\n", + "\n", + "Amazon SageMaker multi-model endpoints supports automatic scaling (auto scaling) for your hosted models. Auto scaling dynamically adjusts the number of instances provisioned for a model in response to changes in your workload. When the workload increases, auto scaling brings more instances online. When the workload decreases, auto scaling removes unnecessary instances so that you don't pay for provisioned instances that you aren't using.\n", + "\n", + "In the below scaling policy, use a custom metric GPUUtilization in TargetTrackingScalingPolicyConfiguration configuration and set a TargetValue of 60.0 for the target value of that metric. This autoscaling policy will provision additional instances upto MaxCapacity when GPU Utilization is more than 60%." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8bc42a48", + "metadata": {}, + "outputs": [], + "source": [ + "# Perform auto-scaling of the endpoint based on GPU memory utilization\n", + "\n", + "# This is the format in which application autoscaling references the endpoint\n", + "resource_id = \"endpoint/\" + endpoint_name + \"/variant/\" + \"AllTraffic\"\n", + "response = auto_scaling_client.register_scalable_target(\n", + " ServiceNamespace=\"sagemaker\",\n", + " ResourceId=resource_id,\n", + " ScalableDimension=\"sagemaker:variant:DesiredInstanceCount\",\n", + " MinCapacity=1,\n", + " MaxCapacity=5,\n", + ")\n", + "\n", + "\n", + "# GPUMemoryUtilization metric\n", + "response = auto_scaling_client.put_scaling_policy(\n", + " PolicyName=\"GPUUtil-ScalingPolicy\",\n", + " ServiceNamespace=\"sagemaker\",\n", + " ResourceId=resource_id,\n", + " ScalableDimension=\"sagemaker:variant:DesiredInstanceCount\", # SageMaker supports only Instance Count\n", + " PolicyType=\"TargetTrackingScaling\", # 'StepScaling'|'TargetTrackingScaling'\n", + " TargetTrackingScalingPolicyConfiguration={\n", + " # Scale out when GPU utilization hits GPUUtilization target value.\n", + " \"TargetValue\": 60.0,\n", + " \"CustomizedMetricSpecification\": {\n", + " \"MetricName\": \"GPUUtilization\",\n", + " \"Namespace\": \"/aws/sagemaker/Endpoints\",\n", + " \"Dimensions\": [\n", + " {\"Name\": \"EndpointName\", \"Value\": endpoint_name},\n", + " {\"Name\": \"VariantName\", \"Value\": \"AllTraffic\"},\n", + " ],\n", + " \"Statistic\": \"Average\", # Possible - 'Statistic': 'Average'|'Minimum'|'Maximum'|'SampleCount'|'Sum'\n", + " \"Unit\": \"Percent\",\n", + " },\n", + " \"ScaleInCooldown\": 600,\n", + " \"ScaleOutCooldown\": 200,\n", + " },\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "372ddac3", + "metadata": {}, + "source": [ + "#### Prepare Input Payload for PyTorch model\n", + "\n", + "The following method transforms a sample image we will be using for inference into the payload that can be sent for inference to the Triton server.\n", + "\n", + "The `tritonclient` package provides utility methods to generate the payload without having to know the details of the specification. We'll use the following methods to convert our inference request into a binary format which provides lower latencies for inference." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4f474aba", + "metadata": {}, + "outputs": [], + "source": [ + "s3_client.download_file(\n", + " \"sagemaker-sample-files\", \"datasets/image/pets/shiba_inu_dog.jpg\", \"shiba_inu_dog.jpg\"\n", + ")\n", + "\n", + "\n", + "def get_sample_image():\n", + " image_path = \"./shiba_inu_dog.jpg\"\n", + " img = Image.open(image_path).convert(\"RGB\")\n", + " img = img.resize((224, 224))\n", + " img = (np.array(img).astype(np.float32) / 255) - np.array(\n", + " [0.485, 0.456, 0.406], dtype=np.float32\n", + " ).reshape(1, 1, 3)\n", + " img = img / np.array([0.229, 0.224, 0.225], dtype=np.float32).reshape(1, 1, 3)\n", + " img = np.transpose(img, (2, 0, 1))\n", + " return img.tolist()\n", + "\n", + "\n", + "def _get_sample_image_binary(input_name, output_name):\n", + " inputs = []\n", + " outputs = []\n", + " inputs.append(httpclient.InferInput(input_name, [1, 3, 224, 224], \"FP32\"))\n", + " input_data = np.array(get_sample_image(), dtype=np.float32)\n", + " input_data = np.expand_dims(input_data, axis=0)\n", + " inputs[0].set_data_from_numpy(input_data, binary_data=True)\n", + " outputs.append(httpclient.InferRequestedOutput(output_name, binary_data=True))\n", + " request_body, header_length = httpclient.InferenceServerClient.generate_request_body(\n", + " inputs, outputs=outputs\n", + " )\n", + " return request_body, header_length\n", + "\n", + "\n", + "def get_sample_image_binary_pt():\n", + " return _get_sample_image_binary(\"INPUT__0\", \"OUTPUT__0\")" + ] + }, + { + "cell_type": "markdown", + "id": "b0f9a245", + "metadata": {}, + "source": [ + "#### Invoke target model on Multi Model Endpoint\n", + "\n", + "Once the endpoint is successfully created, we can send inference request to multi-model endpoint using invoke_enpoint API. We specify the TargetModel in the invocation call and pass in the payload for each model type. Sample invocation for PyTorch model is shown below" + ] + }, + { + "cell_type": "markdown", + "id": "f77b7852", + "metadata": {}, + "source": [ + "#### PyTorch Model prediction" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3f9ed482", + "metadata": {}, + "outputs": [], + "source": [ + "# PyTorch payload\n", + "pt_payload = {\n", + " \"inputs\": [\n", + " {\n", + " \"name\": \"INPUT__0\",\n", + " \"shape\": [1, 3, 224, 224],\n", + " \"datatype\": \"FP32\",\n", + " \"data\": get_sample_image(),\n", + " }\n", + " ]\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d62d618a", + "metadata": {}, + "outputs": [], + "source": [ + "response = runtime_sm_client.invoke_endpoint(\n", + " EndpointName=endpoint_name,\n", + " ContentType=\"application/octet-stream\",\n", + " Body=json.dumps(pt_payload),\n", + " TargetModel=\"resnet_pt_v0.tar.gz\",\n", + ")\n", + "\n", + "response = json.loads(response[\"Body\"].read().decode(\"utf8\"))\n", + "output = response[\"outputs\"][0][\"data\"]\n", + "\n", + "print(output)" + ] + }, + { + "cell_type": "markdown", + "id": "974978c5", + "metadata": {}, + "source": [ + "We can also use binary+json as the payload format to get better performance for the inference call. The specification of this format is provided [here](https://github.com/triton-inference-server/server/blob/main/docs/protocol/extension_binary_data.md).\n", + "\n", + "**Note:** With the `binary+json` format, we have to specify the length of the request metadata in the header to allow Triton to correctly parse the binary payload. This is done using a custom Content-Type header `application/vnd.sagemaker-triton.binary+json;json-header-size={}`.\n", + "\n", + "Please not, this is different from using `Inference-Header-Content-Length` header on a stand-alone Triton server since custom headers are not allowed in SageMaker." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "273fd772", + "metadata": {}, + "outputs": [], + "source": [ + "request_body, header_length = get_sample_image_binary_pt()\n", + "\n", + "response = runtime_sm_client.invoke_endpoint(\n", + " EndpointName=endpoint_name,\n", + " ContentType=\"application/vnd.sagemaker-triton.binary+json;json-header-size={}\".format(\n", + " header_length\n", + " ),\n", + " Body=request_body,\n", + " TargetModel=\"resnet_pt_v0.tar.gz\",\n", + ")\n", + "\n", + "# Parse json header size length from the response\n", + "header_length_prefix = \"application/vnd.sagemaker-triton.binary+json;json-header-size=\"\n", + "header_length_str = response[\"ContentType\"][len(header_length_prefix) :]\n", + "\n", + "# Read response body\n", + "result = httpclient.InferenceServerClient.parse_response_body(\n", + " response[\"Body\"].read(), header_length=int(header_length_str)\n", + ")\n", + "output0_data = result.as_numpy(\"OUTPUT__0\")\n", + "print(output0_data)" + ] + }, + { + "cell_type": "markdown", + "id": "e7788a02", + "metadata": {}, + "source": [ + "#### Cloudwatch metrics for GPU Multi Model Endpoints\n", + "\n", + "Amazon SageMaker multi-model endpoints provides instance level metrics to monitor, for more details refer [Monitor Amazon SageMaker with Amazon CloudWatch](https://docs.aws.amazon.com/sagemaker/latest/dg/monitoring-cloudwatch.html)\n", + "\n", + "\n", + "* Number of models loaded in the containers (LoadedModelCount), \n", + "* Precentage of GPU units that are used by the containers (GPUUtilization), \n", + "* Precentage of GPU memory used by the containers (GPUMemoryUtilization), \n", + "* Precentage of disk space used by the containers (DiskUtilization) etc. \n", + "\n", + "SageMaker MME also provides Model loading metrics such as-\n", + "\n", + "* Time interval for model to be downloaded or loaded (ModelLoadingWaitTime),\n", + "* Time interval to unload model from container (ModelUnloadingTime),\n", + "* Time to download the model from S3 (ModelDownloadingTime), \n", + "* Number of invocations to model that are already loaded onto the container(ModelCacheHit) etc to get model invocation level insights. \n", + "\n" + ] + }, + { + "cell_type": "markdown", + "id": "21f9ccc6", + "metadata": {}, + "source": [ + "#### Terminate endpoint and clean up artifacts" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5ade6c2f", + "metadata": {}, + "outputs": [], + "source": [ + "sm_client.delete_model(ModelName=sm_model_name)\n", + "sm_client.delete_endpoint_config(EndpointConfigName=endpoint_config_name)\n", + "sm_client.delete_endpoint(EndpointName=endpoint_name)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "11047290", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "instance_type": "ml.p3.2xlarge", + "kernelspec": { + "display_name": "conda_python3", + "language": "python", + "name": "conda_python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} From 7a984a101f4761bda75db04e21e69f36ffa8aa7e Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 14:38:39 -0700 Subject: [PATCH 03/32] Create test.txt --- .../resnet_pytorch_python-backend/triton-serve-pt/test.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/test.txt diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/test.txt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/test.txt new file mode 100644 index 0000000000..8b13789179 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/test.txt @@ -0,0 +1 @@ + From 4ad2db99a61a11e10ee317f1fa5ead1fd981d5ab Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 14:39:46 -0700 Subject: [PATCH 04/32] Create test.txt --- .../triton-serve-pt/resnet/1/test.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/1/test.txt diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/1/test.txt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/1/test.txt new file mode 100644 index 0000000000..8b13789179 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/1/test.txt @@ -0,0 +1 @@ + From 001faa4070b5956c7b398c4bfd902518dfcf7ccb Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 15:27:34 -0700 Subject: [PATCH 05/32] Add files via upload --- .../triton-serve-pt/config.pbtxt | 15 +++++++++++++++ 1 file changed, 15 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/config.pbtxt diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/config.pbtxt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/config.pbtxt new file mode 100644 index 0000000000..0bc01ffd68 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/config.pbtxt @@ -0,0 +1,15 @@ +name: "resnet" +platform: "pytorch_libtorch" +max_batch_size: 128 +input { + name: "INPUT__0" + data_type: TYPE_FP32 + dims: 3 + dims: 224 + dims: 224 +} +output { + name: "OUTPUT__0" + data_type: TYPE_FP32 + dims: 1000 +} From b9cc0fa231a582beb2be62b2ee98b1f3801df049 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 15:28:27 -0700 Subject: [PATCH 06/32] Delete test.txt --- .../resnet_pytorch_python-backend/triton-serve-pt/test.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/test.txt diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/test.txt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/test.txt deleted file mode 100644 index 8b13789179..0000000000 --- a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/test.txt +++ /dev/null @@ -1 +0,0 @@ - From e6a3a70e38e404fdba8579157010f353bf4a2961 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 15:28:45 -0700 Subject: [PATCH 07/32] Delete test.txt --- .../triton-serve-pt/resnet/1/test.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/1/test.txt diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/1/test.txt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/1/test.txt deleted file mode 100644 index 8b13789179..0000000000 --- a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/1/test.txt +++ /dev/null @@ -1 +0,0 @@ - From f0bf9dc81414fc62fa7842c548f54fbb8a7cbd14 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 15:29:54 -0700 Subject: [PATCH 08/32] Create test.txt --- .../multi-model/resnet_pytorch_python-backend/workspace/test.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/test.txt diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/test.txt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/test.txt new file mode 100644 index 0000000000..8b13789179 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/test.txt @@ -0,0 +1 @@ + From d19eebd8c35dad7b90e0c6440d2652cd14c677d0 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 15:31:00 -0700 Subject: [PATCH 09/32] Add files via upload --- .../workspace/conversion.txt | 14810 ++++++++++++++++ .../workspace/generate_model_pytorch.sh | 9 + .../workspace/onnx_exporter.py | 27 + .../workspace/pt_exporter.py | 22 + 4 files changed, 14868 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/conversion.txt create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/generate_model_pytorch.sh create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/onnx_exporter.py create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/pt_exporter.py diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/conversion.txt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/conversion.txt new file mode 100644 index 0000000000..472767444b --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/conversion.txt @@ -0,0 +1,14810 @@ +&&&& RUNNING TensorRT.trtexec [TensorRT v8401] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose +[02/25/2023-01:32:45] [I] === Model Options === +[02/25/2023-01:32:45] [I] Format: ONNX +[02/25/2023-01:32:45] [I] Model: model.onnx +[02/25/2023-01:32:45] [I] Output: +[02/25/2023-01:32:45] [I] === Build Options === +[02/25/2023-01:32:45] [I] Max batch: explicit batch +[02/25/2023-01:32:45] [I] Memory Pools: workspace: default, dlaSRAM: default, dlaLocalDRAM: default, dlaGlobalDRAM: default +[02/25/2023-01:32:45] [I] minTiming: 1 +[02/25/2023-01:32:45] [I] avgTiming: 8 +[02/25/2023-01:32:45] [I] Precision: FP32+FP16 +[02/25/2023-01:32:45] [I] LayerPrecisions: +[02/25/2023-01:32:45] [I] Calibration: +[02/25/2023-01:32:45] [I] Refit: Disabled +[02/25/2023-01:32:45] [I] Sparsity: Disabled +[02/25/2023-01:32:45] [I] Safe mode: Disabled +[02/25/2023-01:32:45] [I] DirectIO mode: Disabled +[02/25/2023-01:32:45] [I] Restricted mode: Disabled +[02/25/2023-01:32:45] [I] Build only: Disabled +[02/25/2023-01:32:45] [I] Save engine: model.plan +[02/25/2023-01:32:45] [I] Load engine: +[02/25/2023-01:32:45] [I] Profiling verbosity: 0 +[02/25/2023-01:32:45] [I] Tactic sources: Using default tactic sources +[02/25/2023-01:32:45] [I] timingCacheMode: local +[02/25/2023-01:32:45] [I] timingCacheFile: +[02/25/2023-01:32:45] [I] Input(s)s format: fp32:CHW +[02/25/2023-01:32:45] [I] Output(s)s format: fp32:CHW +[02/25/2023-01:32:45] [I] Input build shape: input=1x3x224x224+128x3x224x224+128x3x224x224 +[02/25/2023-01:32:45] [I] Input calibration shapes: model +[02/25/2023-01:32:45] [I] === System Options === +[02/25/2023-01:32:45] [I] Device: 0 +[02/25/2023-01:32:45] [I] DLACore: +[02/25/2023-01:32:45] [I] Plugins: +[02/25/2023-01:32:45] [I] === Inference Options === +[02/25/2023-01:32:45] [I] Batch: Explicit +[02/25/2023-01:32:45] [I] Input inference shape: input=128x3x224x224 +[02/25/2023-01:32:45] [I] Iterations: 10 +[02/25/2023-01:32:45] [I] Duration: 3s (+ 200ms warm up) +[02/25/2023-01:32:45] [I] Sleep time: 0ms +[02/25/2023-01:32:45] [I] Idle time: 0ms +[02/25/2023-01:32:45] [I] Streams: 1 +[02/25/2023-01:32:45] [I] ExposeDMA: Disabled +[02/25/2023-01:32:45] [I] Data transfers: Enabled +[02/25/2023-01:32:45] [I] Spin-wait: Disabled +[02/25/2023-01:32:45] [I] Multithreading: Disabled +[02/25/2023-01:32:45] [I] CUDA Graph: Disabled +[02/25/2023-01:32:45] [I] Separate profiling: Disabled +[02/25/2023-01:32:45] [I] Time Deserialize: Disabled +[02/25/2023-01:32:45] [I] Time Refit: Disabled +[02/25/2023-01:32:45] [I] Inputs: +[02/25/2023-01:32:45] [I] === Reporting Options === +[02/25/2023-01:32:45] [I] Verbose: Enabled +[02/25/2023-01:32:45] [I] Averages: 10 inferences +[02/25/2023-01:32:45] [I] Percentile: 99 +[02/25/2023-01:32:45] [I] Dump refittable layers:Disabled +[02/25/2023-01:32:45] [I] Dump output: Disabled +[02/25/2023-01:32:45] [I] Profile: Disabled +[02/25/2023-01:32:45] [I] Export timing to JSON file: +[02/25/2023-01:32:45] [I] Export output to JSON file: +[02/25/2023-01:32:45] [I] Export profile to JSON file: +[02/25/2023-01:32:45] [I] +[02/25/2023-01:32:46] [I] === Device Information === +[02/25/2023-01:32:46] [I] Selected Device: Tesla T4 +[02/25/2023-01:32:46] [I] Compute Capability: 7.5 +[02/25/2023-01:32:46] [I] SMs: 40 +[02/25/2023-01:32:46] [I] Compute Clock Rate: 1.59 GHz +[02/25/2023-01:32:46] [I] Device Global Memory: 14910 MiB +[02/25/2023-01:32:46] [I] Shared Memory per SM: 64 KiB +[02/25/2023-01:32:46] [I] Memory Bus Width: 256 bits (ECC enabled) +[02/25/2023-01:32:46] [I] Memory Clock Rate: 5.001 GHz +[02/25/2023-01:32:46] [I] +[02/25/2023-01:32:46] [I] TensorRT version: 8.4.1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::BatchTilePlugin_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::CoordConvAC version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::CropAndResize version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::CropAndResizeDynamic version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::DecodeBbox3DPlugin version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::EfficientNMS_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::EfficientNMS_ONNX_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::EfficientNMS_Explicit_TF_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::EfficientNMS_Implicit_TF_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::GenerateDetection_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::MultilevelCropAndResize_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::MultilevelProposeROI_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::MultiscaleDeformableAttnPlugin_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::NMSDynamic_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::PillarScatterPlugin version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::Proposal version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::ProposalDynamic version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::Region_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::ScatterND version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::Split version 1 +[02/25/2023-01:32:46] [V] [TRT] Registered plugin creator - ::VoxelGeneratorPlugin version 1 +[02/25/2023-01:32:47] [I] [TRT] [MemUsageChange] Init CUDA: CPU +311, GPU +0, now: CPU 319, GPU 241 (MiB) +[02/25/2023-01:32:48] [I] [TRT] [MemUsageChange] Init builder kernel library: CPU +207, GPU +68, now: CPU 545, GPU 309 (MiB) +[02/25/2023-01:32:48] [I] Start parsing network model +[02/25/2023-01:32:49] [I] [TRT] ---------------------------------------------------------------- +[02/25/2023-01:32:49] [I] [TRT] Input filename: model.onnx +[02/25/2023-01:32:49] [I] [TRT] ONNX IR version: 0.0.6 +[02/25/2023-01:32:49] [I] [TRT] Opset version: 11 +[02/25/2023-01:32:49] [I] [TRT] Producer name: pytorch +[02/25/2023-01:32:49] [I] [TRT] Producer version: 1.13.0 +[02/25/2023-01:32:49] [I] [TRT] Domain: +[02/25/2023-01:32:49] [I] [TRT] Model version: 0 +[02/25/2023-01:32:49] [I] [TRT] Doc string: +[02/25/2023-01:32:49] [I] [TRT] ---------------------------------------------------------------- +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::BatchTilePlugin_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::BatchedNMS_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::CoordConvAC version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::CropAndResize version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::CropAndResizeDynamic version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::DecodeBbox3DPlugin version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::DetectionLayer_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::EfficientNMS_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::EfficientNMS_ONNX_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::EfficientNMS_Explicit_TF_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::EfficientNMS_Implicit_TF_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::FlattenConcat_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::GenerateDetection_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::GridAnchor_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::GridAnchorRect_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::InstanceNormalization_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::LReLU_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::MultilevelCropAndResize_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::MultilevelProposeROI_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::MultiscaleDeformableAttnPlugin_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::NMS_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::NMSDynamic_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::Normalize_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::PillarScatterPlugin version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::PriorBox_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::ProposalLayer_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::Proposal version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::ProposalDynamic version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::PyramidROIAlign_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::Region_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::Reorg_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::ResizeNearest_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::RPROI_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::ScatterND version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::SpecialSlice_TRT version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::Split version 1 +[02/25/2023-01:32:49] [V] [TRT] Plugin creator already registered - ::VoxelGeneratorPlugin version 1 +[02/25/2023-01:32:49] [V] [TRT] Adding network input: input with dtype: float32, dimensions: (-1, 3, 224, 224) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input for ONNX tensor: input +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: fc.weight +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: fc.bias +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_497 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_498 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_500 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_501 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_503 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_504 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_506 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_507 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_509 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_510 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_512 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_513 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_515 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_516 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_518 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_519 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_521 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_522 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_524 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_525 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_527 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_528 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_530 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_531 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_533 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_534 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_536 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_537 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_539 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_540 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_542 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_543 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_545 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_546 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_548 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_549 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_551 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_552 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_554 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_555 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_557 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_558 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_560 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_561 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_563 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_564 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_566 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_567 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_569 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_570 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_572 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_573 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_575 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_576 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_578 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_579 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_581 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_582 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_584 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_585 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_587 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_588 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_590 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_591 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_593 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_594 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_596 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_597 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_599 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_600 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_602 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_603 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_605 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_606 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_608 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_609 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_611 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_612 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_614 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_615 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_617 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_618 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_620 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_621 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_623 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_624 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_626 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_627 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_629 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_630 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_632 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_633 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_635 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_636 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_638 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_639 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_641 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_642 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_644 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_645 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_647 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_648 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_650 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_651 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_653 +[02/25/2023-01:32:49] [V] [TRT] Importing initializer: onnx::Conv_654 +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_0 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_497 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_498 +[02/25/2023-01:32:49] [V] [TRT] Conv_0 [Conv] inputs: [input -> (-1, 3, 224, 224)[FLOAT]], [onnx::Conv_497 -> (64, 3, 7, 7)[FLOAT]], [onnx::Conv_498 -> (64)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 3, 224, 224) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_0 for ONNX node: Conv_0 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (7, 7), strides: (2, 2), prepadding: (3, 3), postpadding: (3, 3), dilations: (1, 1), numOutputs: 64 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 64, 112, 112) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.4 for ONNX tensor: input.4 +[02/25/2023-01:32:49] [V] [TRT] Conv_0 [Conv] outputs: [input.4 -> (-1, 64, 112, 112)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_1 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.4 +[02/25/2023-01:32:49] [V] [TRT] Relu_1 [Relu] inputs: [input.4 -> (-1, 64, 112, 112)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_1 for ONNX node: Relu_1 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::MaxPool_323 for ONNX tensor: onnx::MaxPool_323 +[02/25/2023-01:32:49] [V] [TRT] Relu_1 [Relu] outputs: [onnx::MaxPool_323 -> (-1, 64, 112, 112)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: MaxPool_2 [MaxPool] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::MaxPool_323 +[02/25/2023-01:32:49] [V] [TRT] MaxPool_2 [MaxPool] inputs: [onnx::MaxPool_323 -> (-1, 64, 112, 112)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: MaxPool_2 for ONNX node: MaxPool_2 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.8 for ONNX tensor: input.8 +[02/25/2023-01:32:49] [V] [TRT] MaxPool_2 [MaxPool] outputs: [input.8 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_3 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.8 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_500 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_501 +[02/25/2023-01:32:49] [V] [TRT] Conv_3 [Conv] inputs: [input.8 -> (-1, 64, 56, 56)[FLOAT]], [onnx::Conv_500 -> (64, 64, 1, 1)[FLOAT]], [onnx::Conv_501 -> (64)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_3 for ONNX node: Conv_3 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.16 for ONNX tensor: input.16 +[02/25/2023-01:32:49] [V] [TRT] Conv_3 [Conv] outputs: [input.16 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_4 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.16 +[02/25/2023-01:32:49] [V] [TRT] Relu_4 [Relu] inputs: [input.16 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_4 for ONNX node: Relu_4 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_327 for ONNX tensor: onnx::Conv_327 +[02/25/2023-01:32:49] [V] [TRT] Relu_4 [Relu] outputs: [onnx::Conv_327 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_5 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_327 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_503 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_504 +[02/25/2023-01:32:49] [V] [TRT] Conv_5 [Conv] inputs: [onnx::Conv_327 -> (-1, 64, 56, 56)[FLOAT]], [onnx::Conv_503 -> (64, 64, 3, 3)[FLOAT]], [onnx::Conv_504 -> (64)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_5 for ONNX node: Conv_5 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.24 for ONNX tensor: input.24 +[02/25/2023-01:32:49] [V] [TRT] Conv_5 [Conv] outputs: [input.24 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_6 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.24 +[02/25/2023-01:32:49] [V] [TRT] Relu_6 [Relu] inputs: [input.24 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_6 for ONNX node: Relu_6 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_330 for ONNX tensor: onnx::Conv_330 +[02/25/2023-01:32:49] [V] [TRT] Relu_6 [Relu] outputs: [onnx::Conv_330 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_7 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_330 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_506 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_507 +[02/25/2023-01:32:49] [V] [TRT] Conv_7 [Conv] inputs: [onnx::Conv_330 -> (-1, 64, 56, 56)[FLOAT]], [onnx::Conv_506 -> (256, 64, 1, 1)[FLOAT]], [onnx::Conv_507 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_7 for ONNX node: Conv_7 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_505 for ONNX tensor: onnx::Add_505 +[02/25/2023-01:32:49] [V] [TRT] Conv_7 [Conv] outputs: [onnx::Add_505 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_8 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.8 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_509 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_510 +[02/25/2023-01:32:49] [V] [TRT] Conv_8 [Conv] inputs: [input.8 -> (-1, 64, 56, 56)[FLOAT]], [onnx::Conv_509 -> (256, 64, 1, 1)[FLOAT]], [onnx::Conv_510 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_8 for ONNX node: Conv_8 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_508 for ONNX tensor: onnx::Add_508 +[02/25/2023-01:32:49] [V] [TRT] Conv_8 [Conv] outputs: [onnx::Add_508 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_9 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_505 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_508 +[02/25/2023-01:32:49] [V] [TRT] Add_9 [Add] inputs: [onnx::Add_505 -> (-1, 256, 56, 56)[FLOAT]], [onnx::Add_508 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_9 for ONNX node: Add_9 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_335 for ONNX tensor: onnx::Relu_335 +[02/25/2023-01:32:49] [V] [TRT] Add_9 [Add] outputs: [onnx::Relu_335 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_10 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_335 +[02/25/2023-01:32:49] [V] [TRT] Relu_10 [Relu] inputs: [onnx::Relu_335 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_10 for ONNX node: Relu_10 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.36 for ONNX tensor: input.36 +[02/25/2023-01:32:49] [V] [TRT] Relu_10 [Relu] outputs: [input.36 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_11 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.36 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_512 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_513 +[02/25/2023-01:32:49] [V] [TRT] Conv_11 [Conv] inputs: [input.36 -> (-1, 256, 56, 56)[FLOAT]], [onnx::Conv_512 -> (64, 256, 1, 1)[FLOAT]], [onnx::Conv_513 -> (64)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_11 for ONNX node: Conv_11 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.44 for ONNX tensor: input.44 +[02/25/2023-01:32:49] [V] [TRT] Conv_11 [Conv] outputs: [input.44 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_12 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.44 +[02/25/2023-01:32:49] [V] [TRT] Relu_12 [Relu] inputs: [input.44 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_12 for ONNX node: Relu_12 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_339 for ONNX tensor: onnx::Conv_339 +[02/25/2023-01:32:49] [V] [TRT] Relu_12 [Relu] outputs: [onnx::Conv_339 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_13 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_339 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_515 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_516 +[02/25/2023-01:32:49] [V] [TRT] Conv_13 [Conv] inputs: [onnx::Conv_339 -> (-1, 64, 56, 56)[FLOAT]], [onnx::Conv_515 -> (64, 64, 3, 3)[FLOAT]], [onnx::Conv_516 -> (64)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_13 for ONNX node: Conv_13 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.52 for ONNX tensor: input.52 +[02/25/2023-01:32:49] [V] [TRT] Conv_13 [Conv] outputs: [input.52 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_14 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.52 +[02/25/2023-01:32:49] [V] [TRT] Relu_14 [Relu] inputs: [input.52 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_14 for ONNX node: Relu_14 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_342 for ONNX tensor: onnx::Conv_342 +[02/25/2023-01:32:49] [V] [TRT] Relu_14 [Relu] outputs: [onnx::Conv_342 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_15 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_342 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_518 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_519 +[02/25/2023-01:32:49] [V] [TRT] Conv_15 [Conv] inputs: [onnx::Conv_342 -> (-1, 64, 56, 56)[FLOAT]], [onnx::Conv_518 -> (256, 64, 1, 1)[FLOAT]], [onnx::Conv_519 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_15 for ONNX node: Conv_15 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_517 for ONNX tensor: onnx::Add_517 +[02/25/2023-01:32:49] [V] [TRT] Conv_15 [Conv] outputs: [onnx::Add_517 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_16 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_517 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.36 +[02/25/2023-01:32:49] [V] [TRT] Add_16 [Add] inputs: [onnx::Add_517 -> (-1, 256, 56, 56)[FLOAT]], [input.36 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_16 for ONNX node: Add_16 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_345 for ONNX tensor: onnx::Relu_345 +[02/25/2023-01:32:49] [V] [TRT] Add_16 [Add] outputs: [onnx::Relu_345 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_17 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_345 +[02/25/2023-01:32:49] [V] [TRT] Relu_17 [Relu] inputs: [onnx::Relu_345 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_17 for ONNX node: Relu_17 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.60 for ONNX tensor: input.60 +[02/25/2023-01:32:49] [V] [TRT] Relu_17 [Relu] outputs: [input.60 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_18 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.60 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_521 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_522 +[02/25/2023-01:32:49] [V] [TRT] Conv_18 [Conv] inputs: [input.60 -> (-1, 256, 56, 56)[FLOAT]], [onnx::Conv_521 -> (64, 256, 1, 1)[FLOAT]], [onnx::Conv_522 -> (64)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_18 for ONNX node: Conv_18 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.68 for ONNX tensor: input.68 +[02/25/2023-01:32:49] [V] [TRT] Conv_18 [Conv] outputs: [input.68 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_19 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.68 +[02/25/2023-01:32:49] [V] [TRT] Relu_19 [Relu] inputs: [input.68 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_19 for ONNX node: Relu_19 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_349 for ONNX tensor: onnx::Conv_349 +[02/25/2023-01:32:49] [V] [TRT] Relu_19 [Relu] outputs: [onnx::Conv_349 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_20 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_349 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_524 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_525 +[02/25/2023-01:32:49] [V] [TRT] Conv_20 [Conv] inputs: [onnx::Conv_349 -> (-1, 64, 56, 56)[FLOAT]], [onnx::Conv_524 -> (64, 64, 3, 3)[FLOAT]], [onnx::Conv_525 -> (64)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_20 for ONNX node: Conv_20 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.76 for ONNX tensor: input.76 +[02/25/2023-01:32:49] [V] [TRT] Conv_20 [Conv] outputs: [input.76 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_21 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.76 +[02/25/2023-01:32:49] [V] [TRT] Relu_21 [Relu] inputs: [input.76 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_21 for ONNX node: Relu_21 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_352 for ONNX tensor: onnx::Conv_352 +[02/25/2023-01:32:49] [V] [TRT] Relu_21 [Relu] outputs: [onnx::Conv_352 -> (-1, 64, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_22 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_352 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_527 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_528 +[02/25/2023-01:32:49] [V] [TRT] Conv_22 [Conv] inputs: [onnx::Conv_352 -> (-1, 64, 56, 56)[FLOAT]], [onnx::Conv_527 -> (256, 64, 1, 1)[FLOAT]], [onnx::Conv_528 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_22 for ONNX node: Conv_22 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_526 for ONNX tensor: onnx::Add_526 +[02/25/2023-01:32:49] [V] [TRT] Conv_22 [Conv] outputs: [onnx::Add_526 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_23 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_526 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.60 +[02/25/2023-01:32:49] [V] [TRT] Add_23 [Add] inputs: [onnx::Add_526 -> (-1, 256, 56, 56)[FLOAT]], [input.60 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_23 for ONNX node: Add_23 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_355 for ONNX tensor: onnx::Relu_355 +[02/25/2023-01:32:49] [V] [TRT] Add_23 [Add] outputs: [onnx::Relu_355 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_24 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_355 +[02/25/2023-01:32:49] [V] [TRT] Relu_24 [Relu] inputs: [onnx::Relu_355 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_24 for ONNX node: Relu_24 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.84 for ONNX tensor: input.84 +[02/25/2023-01:32:49] [V] [TRT] Relu_24 [Relu] outputs: [input.84 -> (-1, 256, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_25 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.84 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_530 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_531 +[02/25/2023-01:32:49] [V] [TRT] Conv_25 [Conv] inputs: [input.84 -> (-1, 256, 56, 56)[FLOAT]], [onnx::Conv_530 -> (128, 256, 1, 1)[FLOAT]], [onnx::Conv_531 -> (128)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_25 for ONNX node: Conv_25 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 128, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.92 for ONNX tensor: input.92 +[02/25/2023-01:32:49] [V] [TRT] Conv_25 [Conv] outputs: [input.92 -> (-1, 128, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_26 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.92 +[02/25/2023-01:32:49] [V] [TRT] Relu_26 [Relu] inputs: [input.92 -> (-1, 128, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_26 for ONNX node: Relu_26 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_359 for ONNX tensor: onnx::Conv_359 +[02/25/2023-01:32:49] [V] [TRT] Relu_26 [Relu] outputs: [onnx::Conv_359 -> (-1, 128, 56, 56)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_27 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_359 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_533 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_534 +[02/25/2023-01:32:49] [V] [TRT] Conv_27 [Conv] inputs: [onnx::Conv_359 -> (-1, 128, 56, 56)[FLOAT]], [onnx::Conv_533 -> (128, 128, 3, 3)[FLOAT]], [onnx::Conv_534 -> (128)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 128, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_27 for ONNX node: Conv_27 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.100 for ONNX tensor: input.100 +[02/25/2023-01:32:49] [V] [TRT] Conv_27 [Conv] outputs: [input.100 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_28 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.100 +[02/25/2023-01:32:49] [V] [TRT] Relu_28 [Relu] inputs: [input.100 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_28 for ONNX node: Relu_28 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_362 for ONNX tensor: onnx::Conv_362 +[02/25/2023-01:32:49] [V] [TRT] Relu_28 [Relu] outputs: [onnx::Conv_362 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_29 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_362 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_536 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_537 +[02/25/2023-01:32:49] [V] [TRT] Conv_29 [Conv] inputs: [onnx::Conv_362 -> (-1, 128, 28, 28)[FLOAT]], [onnx::Conv_536 -> (512, 128, 1, 1)[FLOAT]], [onnx::Conv_537 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_29 for ONNX node: Conv_29 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_535 for ONNX tensor: onnx::Add_535 +[02/25/2023-01:32:49] [V] [TRT] Conv_29 [Conv] outputs: [onnx::Add_535 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_30 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.84 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_539 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_540 +[02/25/2023-01:32:49] [V] [TRT] Conv_30 [Conv] inputs: [input.84 -> (-1, 256, 56, 56)[FLOAT]], [onnx::Conv_539 -> (512, 256, 1, 1)[FLOAT]], [onnx::Conv_540 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_30 for ONNX node: Conv_30 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_538 for ONNX tensor: onnx::Add_538 +[02/25/2023-01:32:49] [V] [TRT] Conv_30 [Conv] outputs: [onnx::Add_538 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_31 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_535 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_538 +[02/25/2023-01:32:49] [V] [TRT] Add_31 [Add] inputs: [onnx::Add_535 -> (-1, 512, 28, 28)[FLOAT]], [onnx::Add_538 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_31 for ONNX node: Add_31 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_367 for ONNX tensor: onnx::Relu_367 +[02/25/2023-01:32:49] [V] [TRT] Add_31 [Add] outputs: [onnx::Relu_367 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_32 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_367 +[02/25/2023-01:32:49] [V] [TRT] Relu_32 [Relu] inputs: [onnx::Relu_367 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_32 for ONNX node: Relu_32 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.112 for ONNX tensor: input.112 +[02/25/2023-01:32:49] [V] [TRT] Relu_32 [Relu] outputs: [input.112 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_33 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.112 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_542 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_543 +[02/25/2023-01:32:49] [V] [TRT] Conv_33 [Conv] inputs: [input.112 -> (-1, 512, 28, 28)[FLOAT]], [onnx::Conv_542 -> (128, 512, 1, 1)[FLOAT]], [onnx::Conv_543 -> (128)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_33 for ONNX node: Conv_33 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.120 for ONNX tensor: input.120 +[02/25/2023-01:32:49] [V] [TRT] Conv_33 [Conv] outputs: [input.120 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_34 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.120 +[02/25/2023-01:32:49] [V] [TRT] Relu_34 [Relu] inputs: [input.120 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_34 for ONNX node: Relu_34 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_371 for ONNX tensor: onnx::Conv_371 +[02/25/2023-01:32:49] [V] [TRT] Relu_34 [Relu] outputs: [onnx::Conv_371 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_35 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_371 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_545 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_546 +[02/25/2023-01:32:49] [V] [TRT] Conv_35 [Conv] inputs: [onnx::Conv_371 -> (-1, 128, 28, 28)[FLOAT]], [onnx::Conv_545 -> (128, 128, 3, 3)[FLOAT]], [onnx::Conv_546 -> (128)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_35 for ONNX node: Conv_35 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.128 for ONNX tensor: input.128 +[02/25/2023-01:32:49] [V] [TRT] Conv_35 [Conv] outputs: [input.128 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_36 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.128 +[02/25/2023-01:32:49] [V] [TRT] Relu_36 [Relu] inputs: [input.128 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_36 for ONNX node: Relu_36 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_374 for ONNX tensor: onnx::Conv_374 +[02/25/2023-01:32:49] [V] [TRT] Relu_36 [Relu] outputs: [onnx::Conv_374 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_37 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_374 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_548 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_549 +[02/25/2023-01:32:49] [V] [TRT] Conv_37 [Conv] inputs: [onnx::Conv_374 -> (-1, 128, 28, 28)[FLOAT]], [onnx::Conv_548 -> (512, 128, 1, 1)[FLOAT]], [onnx::Conv_549 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_37 for ONNX node: Conv_37 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_547 for ONNX tensor: onnx::Add_547 +[02/25/2023-01:32:49] [V] [TRT] Conv_37 [Conv] outputs: [onnx::Add_547 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_38 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_547 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.112 +[02/25/2023-01:32:49] [V] [TRT] Add_38 [Add] inputs: [onnx::Add_547 -> (-1, 512, 28, 28)[FLOAT]], [input.112 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_38 for ONNX node: Add_38 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_377 for ONNX tensor: onnx::Relu_377 +[02/25/2023-01:32:49] [V] [TRT] Add_38 [Add] outputs: [onnx::Relu_377 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_39 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_377 +[02/25/2023-01:32:49] [V] [TRT] Relu_39 [Relu] inputs: [onnx::Relu_377 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_39 for ONNX node: Relu_39 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.136 for ONNX tensor: input.136 +[02/25/2023-01:32:49] [V] [TRT] Relu_39 [Relu] outputs: [input.136 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_40 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.136 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_551 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_552 +[02/25/2023-01:32:49] [V] [TRT] Conv_40 [Conv] inputs: [input.136 -> (-1, 512, 28, 28)[FLOAT]], [onnx::Conv_551 -> (128, 512, 1, 1)[FLOAT]], [onnx::Conv_552 -> (128)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_40 for ONNX node: Conv_40 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.144 for ONNX tensor: input.144 +[02/25/2023-01:32:49] [V] [TRT] Conv_40 [Conv] outputs: [input.144 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_41 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.144 +[02/25/2023-01:32:49] [V] [TRT] Relu_41 [Relu] inputs: [input.144 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_41 for ONNX node: Relu_41 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_381 for ONNX tensor: onnx::Conv_381 +[02/25/2023-01:32:49] [V] [TRT] Relu_41 [Relu] outputs: [onnx::Conv_381 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_42 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_381 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_554 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_555 +[02/25/2023-01:32:49] [V] [TRT] Conv_42 [Conv] inputs: [onnx::Conv_381 -> (-1, 128, 28, 28)[FLOAT]], [onnx::Conv_554 -> (128, 128, 3, 3)[FLOAT]], [onnx::Conv_555 -> (128)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_42 for ONNX node: Conv_42 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.152 for ONNX tensor: input.152 +[02/25/2023-01:32:49] [V] [TRT] Conv_42 [Conv] outputs: [input.152 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_43 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.152 +[02/25/2023-01:32:49] [V] [TRT] Relu_43 [Relu] inputs: [input.152 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_43 for ONNX node: Relu_43 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_384 for ONNX tensor: onnx::Conv_384 +[02/25/2023-01:32:49] [V] [TRT] Relu_43 [Relu] outputs: [onnx::Conv_384 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_44 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_384 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_557 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_558 +[02/25/2023-01:32:49] [V] [TRT] Conv_44 [Conv] inputs: [onnx::Conv_384 -> (-1, 128, 28, 28)[FLOAT]], [onnx::Conv_557 -> (512, 128, 1, 1)[FLOAT]], [onnx::Conv_558 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_44 for ONNX node: Conv_44 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_556 for ONNX tensor: onnx::Add_556 +[02/25/2023-01:32:49] [V] [TRT] Conv_44 [Conv] outputs: [onnx::Add_556 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_45 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_556 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.136 +[02/25/2023-01:32:49] [V] [TRT] Add_45 [Add] inputs: [onnx::Add_556 -> (-1, 512, 28, 28)[FLOAT]], [input.136 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_45 for ONNX node: Add_45 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_387 for ONNX tensor: onnx::Relu_387 +[02/25/2023-01:32:49] [V] [TRT] Add_45 [Add] outputs: [onnx::Relu_387 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_46 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_387 +[02/25/2023-01:32:49] [V] [TRT] Relu_46 [Relu] inputs: [onnx::Relu_387 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_46 for ONNX node: Relu_46 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.160 for ONNX tensor: input.160 +[02/25/2023-01:32:49] [V] [TRT] Relu_46 [Relu] outputs: [input.160 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_47 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.160 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_560 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_561 +[02/25/2023-01:32:49] [V] [TRT] Conv_47 [Conv] inputs: [input.160 -> (-1, 512, 28, 28)[FLOAT]], [onnx::Conv_560 -> (128, 512, 1, 1)[FLOAT]], [onnx::Conv_561 -> (128)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_47 for ONNX node: Conv_47 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.168 for ONNX tensor: input.168 +[02/25/2023-01:32:49] [V] [TRT] Conv_47 [Conv] outputs: [input.168 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_48 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.168 +[02/25/2023-01:32:49] [V] [TRT] Relu_48 [Relu] inputs: [input.168 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_48 for ONNX node: Relu_48 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_391 for ONNX tensor: onnx::Conv_391 +[02/25/2023-01:32:49] [V] [TRT] Relu_48 [Relu] outputs: [onnx::Conv_391 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_49 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_391 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_563 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_564 +[02/25/2023-01:32:49] [V] [TRT] Conv_49 [Conv] inputs: [onnx::Conv_391 -> (-1, 128, 28, 28)[FLOAT]], [onnx::Conv_563 -> (128, 128, 3, 3)[FLOAT]], [onnx::Conv_564 -> (128)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_49 for ONNX node: Conv_49 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.176 for ONNX tensor: input.176 +[02/25/2023-01:32:49] [V] [TRT] Conv_49 [Conv] outputs: [input.176 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_50 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.176 +[02/25/2023-01:32:49] [V] [TRT] Relu_50 [Relu] inputs: [input.176 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_50 for ONNX node: Relu_50 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_394 for ONNX tensor: onnx::Conv_394 +[02/25/2023-01:32:49] [V] [TRT] Relu_50 [Relu] outputs: [onnx::Conv_394 -> (-1, 128, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_51 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_394 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_566 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_567 +[02/25/2023-01:32:49] [V] [TRT] Conv_51 [Conv] inputs: [onnx::Conv_394 -> (-1, 128, 28, 28)[FLOAT]], [onnx::Conv_566 -> (512, 128, 1, 1)[FLOAT]], [onnx::Conv_567 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_51 for ONNX node: Conv_51 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_565 for ONNX tensor: onnx::Add_565 +[02/25/2023-01:32:49] [V] [TRT] Conv_51 [Conv] outputs: [onnx::Add_565 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_52 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_565 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.160 +[02/25/2023-01:32:49] [V] [TRT] Add_52 [Add] inputs: [onnx::Add_565 -> (-1, 512, 28, 28)[FLOAT]], [input.160 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_52 for ONNX node: Add_52 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_397 for ONNX tensor: onnx::Relu_397 +[02/25/2023-01:32:49] [V] [TRT] Add_52 [Add] outputs: [onnx::Relu_397 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_53 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_397 +[02/25/2023-01:32:49] [V] [TRT] Relu_53 [Relu] inputs: [onnx::Relu_397 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_53 for ONNX node: Relu_53 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.184 for ONNX tensor: input.184 +[02/25/2023-01:32:49] [V] [TRT] Relu_53 [Relu] outputs: [input.184 -> (-1, 512, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_54 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.184 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_569 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_570 +[02/25/2023-01:32:49] [V] [TRT] Conv_54 [Conv] inputs: [input.184 -> (-1, 512, 28, 28)[FLOAT]], [onnx::Conv_569 -> (256, 512, 1, 1)[FLOAT]], [onnx::Conv_570 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_54 for ONNX node: Conv_54 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.192 for ONNX tensor: input.192 +[02/25/2023-01:32:49] [V] [TRT] Conv_54 [Conv] outputs: [input.192 -> (-1, 256, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_55 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.192 +[02/25/2023-01:32:49] [V] [TRT] Relu_55 [Relu] inputs: [input.192 -> (-1, 256, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_55 for ONNX node: Relu_55 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_401 for ONNX tensor: onnx::Conv_401 +[02/25/2023-01:32:49] [V] [TRT] Relu_55 [Relu] outputs: [onnx::Conv_401 -> (-1, 256, 28, 28)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_56 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_401 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_572 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_573 +[02/25/2023-01:32:49] [V] [TRT] Conv_56 [Conv] inputs: [onnx::Conv_401 -> (-1, 256, 28, 28)[FLOAT]], [onnx::Conv_572 -> (256, 256, 3, 3)[FLOAT]], [onnx::Conv_573 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_56 for ONNX node: Conv_56 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.200 for ONNX tensor: input.200 +[02/25/2023-01:32:49] [V] [TRT] Conv_56 [Conv] outputs: [input.200 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_57 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.200 +[02/25/2023-01:32:49] [V] [TRT] Relu_57 [Relu] inputs: [input.200 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_57 for ONNX node: Relu_57 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_404 for ONNX tensor: onnx::Conv_404 +[02/25/2023-01:32:49] [V] [TRT] Relu_57 [Relu] outputs: [onnx::Conv_404 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_58 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_404 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_575 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_576 +[02/25/2023-01:32:49] [V] [TRT] Conv_58 [Conv] inputs: [onnx::Conv_404 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_575 -> (1024, 256, 1, 1)[FLOAT]], [onnx::Conv_576 -> (1024)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_58 for ONNX node: Conv_58 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_574 for ONNX tensor: onnx::Add_574 +[02/25/2023-01:32:49] [V] [TRT] Conv_58 [Conv] outputs: [onnx::Add_574 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_59 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.184 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_578 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_579 +[02/25/2023-01:32:49] [V] [TRT] Conv_59 [Conv] inputs: [input.184 -> (-1, 512, 28, 28)[FLOAT]], [onnx::Conv_578 -> (1024, 512, 1, 1)[FLOAT]], [onnx::Conv_579 -> (1024)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_59 for ONNX node: Conv_59 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_577 for ONNX tensor: onnx::Add_577 +[02/25/2023-01:32:49] [V] [TRT] Conv_59 [Conv] outputs: [onnx::Add_577 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_60 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_574 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_577 +[02/25/2023-01:32:49] [V] [TRT] Add_60 [Add] inputs: [onnx::Add_574 -> (-1, 1024, 14, 14)[FLOAT]], [onnx::Add_577 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_60 for ONNX node: Add_60 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_409 for ONNX tensor: onnx::Relu_409 +[02/25/2023-01:32:49] [V] [TRT] Add_60 [Add] outputs: [onnx::Relu_409 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_61 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_409 +[02/25/2023-01:32:49] [V] [TRT] Relu_61 [Relu] inputs: [onnx::Relu_409 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_61 for ONNX node: Relu_61 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.212 for ONNX tensor: input.212 +[02/25/2023-01:32:49] [V] [TRT] Relu_61 [Relu] outputs: [input.212 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_62 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.212 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_581 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_582 +[02/25/2023-01:32:49] [V] [TRT] Conv_62 [Conv] inputs: [input.212 -> (-1, 1024, 14, 14)[FLOAT]], [onnx::Conv_581 -> (256, 1024, 1, 1)[FLOAT]], [onnx::Conv_582 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_62 for ONNX node: Conv_62 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.220 for ONNX tensor: input.220 +[02/25/2023-01:32:49] [V] [TRT] Conv_62 [Conv] outputs: [input.220 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_63 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.220 +[02/25/2023-01:32:49] [V] [TRT] Relu_63 [Relu] inputs: [input.220 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_63 for ONNX node: Relu_63 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_413 for ONNX tensor: onnx::Conv_413 +[02/25/2023-01:32:49] [V] [TRT] Relu_63 [Relu] outputs: [onnx::Conv_413 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_64 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_413 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_584 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_585 +[02/25/2023-01:32:49] [V] [TRT] Conv_64 [Conv] inputs: [onnx::Conv_413 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_584 -> (256, 256, 3, 3)[FLOAT]], [onnx::Conv_585 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_64 for ONNX node: Conv_64 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.228 for ONNX tensor: input.228 +[02/25/2023-01:32:49] [V] [TRT] Conv_64 [Conv] outputs: [input.228 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_65 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.228 +[02/25/2023-01:32:49] [V] [TRT] Relu_65 [Relu] inputs: [input.228 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_65 for ONNX node: Relu_65 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_416 for ONNX tensor: onnx::Conv_416 +[02/25/2023-01:32:49] [V] [TRT] Relu_65 [Relu] outputs: [onnx::Conv_416 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_66 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_416 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_587 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_588 +[02/25/2023-01:32:49] [V] [TRT] Conv_66 [Conv] inputs: [onnx::Conv_416 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_587 -> (1024, 256, 1, 1)[FLOAT]], [onnx::Conv_588 -> (1024)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_66 for ONNX node: Conv_66 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_586 for ONNX tensor: onnx::Add_586 +[02/25/2023-01:32:49] [V] [TRT] Conv_66 [Conv] outputs: [onnx::Add_586 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_67 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_586 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.212 +[02/25/2023-01:32:49] [V] [TRT] Add_67 [Add] inputs: [onnx::Add_586 -> (-1, 1024, 14, 14)[FLOAT]], [input.212 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_67 for ONNX node: Add_67 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_419 for ONNX tensor: onnx::Relu_419 +[02/25/2023-01:32:49] [V] [TRT] Add_67 [Add] outputs: [onnx::Relu_419 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_68 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_419 +[02/25/2023-01:32:49] [V] [TRT] Relu_68 [Relu] inputs: [onnx::Relu_419 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_68 for ONNX node: Relu_68 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.236 for ONNX tensor: input.236 +[02/25/2023-01:32:49] [V] [TRT] Relu_68 [Relu] outputs: [input.236 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_69 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.236 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_590 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_591 +[02/25/2023-01:32:49] [V] [TRT] Conv_69 [Conv] inputs: [input.236 -> (-1, 1024, 14, 14)[FLOAT]], [onnx::Conv_590 -> (256, 1024, 1, 1)[FLOAT]], [onnx::Conv_591 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_69 for ONNX node: Conv_69 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.244 for ONNX tensor: input.244 +[02/25/2023-01:32:49] [V] [TRT] Conv_69 [Conv] outputs: [input.244 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_70 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.244 +[02/25/2023-01:32:49] [V] [TRT] Relu_70 [Relu] inputs: [input.244 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_70 for ONNX node: Relu_70 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_423 for ONNX tensor: onnx::Conv_423 +[02/25/2023-01:32:49] [V] [TRT] Relu_70 [Relu] outputs: [onnx::Conv_423 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_71 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_423 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_593 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_594 +[02/25/2023-01:32:49] [V] [TRT] Conv_71 [Conv] inputs: [onnx::Conv_423 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_593 -> (256, 256, 3, 3)[FLOAT]], [onnx::Conv_594 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_71 for ONNX node: Conv_71 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.252 for ONNX tensor: input.252 +[02/25/2023-01:32:49] [V] [TRT] Conv_71 [Conv] outputs: [input.252 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_72 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.252 +[02/25/2023-01:32:49] [V] [TRT] Relu_72 [Relu] inputs: [input.252 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_72 for ONNX node: Relu_72 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_426 for ONNX tensor: onnx::Conv_426 +[02/25/2023-01:32:49] [V] [TRT] Relu_72 [Relu] outputs: [onnx::Conv_426 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_73 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_426 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_596 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_597 +[02/25/2023-01:32:49] [V] [TRT] Conv_73 [Conv] inputs: [onnx::Conv_426 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_596 -> (1024, 256, 1, 1)[FLOAT]], [onnx::Conv_597 -> (1024)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_73 for ONNX node: Conv_73 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_595 for ONNX tensor: onnx::Add_595 +[02/25/2023-01:32:49] [V] [TRT] Conv_73 [Conv] outputs: [onnx::Add_595 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_74 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_595 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.236 +[02/25/2023-01:32:49] [V] [TRT] Add_74 [Add] inputs: [onnx::Add_595 -> (-1, 1024, 14, 14)[FLOAT]], [input.236 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_74 for ONNX node: Add_74 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_429 for ONNX tensor: onnx::Relu_429 +[02/25/2023-01:32:49] [V] [TRT] Add_74 [Add] outputs: [onnx::Relu_429 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_75 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_429 +[02/25/2023-01:32:49] [V] [TRT] Relu_75 [Relu] inputs: [onnx::Relu_429 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_75 for ONNX node: Relu_75 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.260 for ONNX tensor: input.260 +[02/25/2023-01:32:49] [V] [TRT] Relu_75 [Relu] outputs: [input.260 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_76 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.260 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_599 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_600 +[02/25/2023-01:32:49] [V] [TRT] Conv_76 [Conv] inputs: [input.260 -> (-1, 1024, 14, 14)[FLOAT]], [onnx::Conv_599 -> (256, 1024, 1, 1)[FLOAT]], [onnx::Conv_600 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_76 for ONNX node: Conv_76 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.268 for ONNX tensor: input.268 +[02/25/2023-01:32:49] [V] [TRT] Conv_76 [Conv] outputs: [input.268 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_77 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.268 +[02/25/2023-01:32:49] [V] [TRT] Relu_77 [Relu] inputs: [input.268 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_77 for ONNX node: Relu_77 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_433 for ONNX tensor: onnx::Conv_433 +[02/25/2023-01:32:49] [V] [TRT] Relu_77 [Relu] outputs: [onnx::Conv_433 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_78 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_433 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_602 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_603 +[02/25/2023-01:32:49] [V] [TRT] Conv_78 [Conv] inputs: [onnx::Conv_433 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_602 -> (256, 256, 3, 3)[FLOAT]], [onnx::Conv_603 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_78 for ONNX node: Conv_78 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.276 for ONNX tensor: input.276 +[02/25/2023-01:32:49] [V] [TRT] Conv_78 [Conv] outputs: [input.276 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_79 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.276 +[02/25/2023-01:32:49] [V] [TRT] Relu_79 [Relu] inputs: [input.276 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_79 for ONNX node: Relu_79 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_436 for ONNX tensor: onnx::Conv_436 +[02/25/2023-01:32:49] [V] [TRT] Relu_79 [Relu] outputs: [onnx::Conv_436 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_80 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_436 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_605 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_606 +[02/25/2023-01:32:49] [V] [TRT] Conv_80 [Conv] inputs: [onnx::Conv_436 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_605 -> (1024, 256, 1, 1)[FLOAT]], [onnx::Conv_606 -> (1024)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_80 for ONNX node: Conv_80 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_604 for ONNX tensor: onnx::Add_604 +[02/25/2023-01:32:49] [V] [TRT] Conv_80 [Conv] outputs: [onnx::Add_604 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_81 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_604 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.260 +[02/25/2023-01:32:49] [V] [TRT] Add_81 [Add] inputs: [onnx::Add_604 -> (-1, 1024, 14, 14)[FLOAT]], [input.260 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_81 for ONNX node: Add_81 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_439 for ONNX tensor: onnx::Relu_439 +[02/25/2023-01:32:49] [V] [TRT] Add_81 [Add] outputs: [onnx::Relu_439 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_82 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_439 +[02/25/2023-01:32:49] [V] [TRT] Relu_82 [Relu] inputs: [onnx::Relu_439 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_82 for ONNX node: Relu_82 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.284 for ONNX tensor: input.284 +[02/25/2023-01:32:49] [V] [TRT] Relu_82 [Relu] outputs: [input.284 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_83 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.284 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_608 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_609 +[02/25/2023-01:32:49] [V] [TRT] Conv_83 [Conv] inputs: [input.284 -> (-1, 1024, 14, 14)[FLOAT]], [onnx::Conv_608 -> (256, 1024, 1, 1)[FLOAT]], [onnx::Conv_609 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_83 for ONNX node: Conv_83 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.292 for ONNX tensor: input.292 +[02/25/2023-01:32:49] [V] [TRT] Conv_83 [Conv] outputs: [input.292 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_84 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.292 +[02/25/2023-01:32:49] [V] [TRT] Relu_84 [Relu] inputs: [input.292 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_84 for ONNX node: Relu_84 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_443 for ONNX tensor: onnx::Conv_443 +[02/25/2023-01:32:49] [V] [TRT] Relu_84 [Relu] outputs: [onnx::Conv_443 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_85 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_443 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_611 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_612 +[02/25/2023-01:32:49] [V] [TRT] Conv_85 [Conv] inputs: [onnx::Conv_443 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_611 -> (256, 256, 3, 3)[FLOAT]], [onnx::Conv_612 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_85 for ONNX node: Conv_85 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.300 for ONNX tensor: input.300 +[02/25/2023-01:32:49] [V] [TRT] Conv_85 [Conv] outputs: [input.300 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_86 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.300 +[02/25/2023-01:32:49] [V] [TRT] Relu_86 [Relu] inputs: [input.300 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_86 for ONNX node: Relu_86 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_446 for ONNX tensor: onnx::Conv_446 +[02/25/2023-01:32:49] [V] [TRT] Relu_86 [Relu] outputs: [onnx::Conv_446 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_87 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_446 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_614 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_615 +[02/25/2023-01:32:49] [V] [TRT] Conv_87 [Conv] inputs: [onnx::Conv_446 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_614 -> (1024, 256, 1, 1)[FLOAT]], [onnx::Conv_615 -> (1024)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_87 for ONNX node: Conv_87 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_613 for ONNX tensor: onnx::Add_613 +[02/25/2023-01:32:49] [V] [TRT] Conv_87 [Conv] outputs: [onnx::Add_613 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_88 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_613 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.284 +[02/25/2023-01:32:49] [V] [TRT] Add_88 [Add] inputs: [onnx::Add_613 -> (-1, 1024, 14, 14)[FLOAT]], [input.284 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_88 for ONNX node: Add_88 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_449 for ONNX tensor: onnx::Relu_449 +[02/25/2023-01:32:49] [V] [TRT] Add_88 [Add] outputs: [onnx::Relu_449 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_89 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_449 +[02/25/2023-01:32:49] [V] [TRT] Relu_89 [Relu] inputs: [onnx::Relu_449 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_89 for ONNX node: Relu_89 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.308 for ONNX tensor: input.308 +[02/25/2023-01:32:49] [V] [TRT] Relu_89 [Relu] outputs: [input.308 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_90 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.308 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_617 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_618 +[02/25/2023-01:32:49] [V] [TRT] Conv_90 [Conv] inputs: [input.308 -> (-1, 1024, 14, 14)[FLOAT]], [onnx::Conv_617 -> (256, 1024, 1, 1)[FLOAT]], [onnx::Conv_618 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_90 for ONNX node: Conv_90 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.316 for ONNX tensor: input.316 +[02/25/2023-01:32:49] [V] [TRT] Conv_90 [Conv] outputs: [input.316 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_91 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.316 +[02/25/2023-01:32:49] [V] [TRT] Relu_91 [Relu] inputs: [input.316 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_91 for ONNX node: Relu_91 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_453 for ONNX tensor: onnx::Conv_453 +[02/25/2023-01:32:49] [V] [TRT] Relu_91 [Relu] outputs: [onnx::Conv_453 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_92 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_453 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_620 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_621 +[02/25/2023-01:32:49] [V] [TRT] Conv_92 [Conv] inputs: [onnx::Conv_453 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_620 -> (256, 256, 3, 3)[FLOAT]], [onnx::Conv_621 -> (256)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_92 for ONNX node: Conv_92 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.324 for ONNX tensor: input.324 +[02/25/2023-01:32:49] [V] [TRT] Conv_92 [Conv] outputs: [input.324 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_93 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.324 +[02/25/2023-01:32:49] [V] [TRT] Relu_93 [Relu] inputs: [input.324 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_93 for ONNX node: Relu_93 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_456 for ONNX tensor: onnx::Conv_456 +[02/25/2023-01:32:49] [V] [TRT] Relu_93 [Relu] outputs: [onnx::Conv_456 -> (-1, 256, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_94 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_456 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_623 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_624 +[02/25/2023-01:32:49] [V] [TRT] Conv_94 [Conv] inputs: [onnx::Conv_456 -> (-1, 256, 14, 14)[FLOAT]], [onnx::Conv_623 -> (1024, 256, 1, 1)[FLOAT]], [onnx::Conv_624 -> (1024)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_94 for ONNX node: Conv_94 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_622 for ONNX tensor: onnx::Add_622 +[02/25/2023-01:32:49] [V] [TRT] Conv_94 [Conv] outputs: [onnx::Add_622 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_95 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_622 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.308 +[02/25/2023-01:32:49] [V] [TRT] Add_95 [Add] inputs: [onnx::Add_622 -> (-1, 1024, 14, 14)[FLOAT]], [input.308 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_95 for ONNX node: Add_95 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_459 for ONNX tensor: onnx::Relu_459 +[02/25/2023-01:32:49] [V] [TRT] Add_95 [Add] outputs: [onnx::Relu_459 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_96 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_459 +[02/25/2023-01:32:49] [V] [TRT] Relu_96 [Relu] inputs: [onnx::Relu_459 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_96 for ONNX node: Relu_96 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.332 for ONNX tensor: input.332 +[02/25/2023-01:32:49] [V] [TRT] Relu_96 [Relu] outputs: [input.332 -> (-1, 1024, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_97 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.332 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_626 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_627 +[02/25/2023-01:32:49] [V] [TRT] Conv_97 [Conv] inputs: [input.332 -> (-1, 1024, 14, 14)[FLOAT]], [onnx::Conv_626 -> (512, 1024, 1, 1)[FLOAT]], [onnx::Conv_627 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_97 for ONNX node: Conv_97 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.340 for ONNX tensor: input.340 +[02/25/2023-01:32:49] [V] [TRT] Conv_97 [Conv] outputs: [input.340 -> (-1, 512, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_98 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.340 +[02/25/2023-01:32:49] [V] [TRT] Relu_98 [Relu] inputs: [input.340 -> (-1, 512, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_98 for ONNX node: Relu_98 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_463 for ONNX tensor: onnx::Conv_463 +[02/25/2023-01:32:49] [V] [TRT] Relu_98 [Relu] outputs: [onnx::Conv_463 -> (-1, 512, 14, 14)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_99 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_463 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_629 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_630 +[02/25/2023-01:32:49] [V] [TRT] Conv_99 [Conv] inputs: [onnx::Conv_463 -> (-1, 512, 14, 14)[FLOAT]], [onnx::Conv_629 -> (512, 512, 3, 3)[FLOAT]], [onnx::Conv_630 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_99 for ONNX node: Conv_99 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.348 for ONNX tensor: input.348 +[02/25/2023-01:32:49] [V] [TRT] Conv_99 [Conv] outputs: [input.348 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_100 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.348 +[02/25/2023-01:32:49] [V] [TRT] Relu_100 [Relu] inputs: [input.348 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_100 for ONNX node: Relu_100 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_466 for ONNX tensor: onnx::Conv_466 +[02/25/2023-01:32:49] [V] [TRT] Relu_100 [Relu] outputs: [onnx::Conv_466 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_101 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_466 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_632 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_633 +[02/25/2023-01:32:49] [V] [TRT] Conv_101 [Conv] inputs: [onnx::Conv_466 -> (-1, 512, 7, 7)[FLOAT]], [onnx::Conv_632 -> (2048, 512, 1, 1)[FLOAT]], [onnx::Conv_633 -> (2048)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_101 for ONNX node: Conv_101 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_631 for ONNX tensor: onnx::Add_631 +[02/25/2023-01:32:49] [V] [TRT] Conv_101 [Conv] outputs: [onnx::Add_631 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_102 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.332 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_635 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_636 +[02/25/2023-01:32:49] [V] [TRT] Conv_102 [Conv] inputs: [input.332 -> (-1, 1024, 14, 14)[FLOAT]], [onnx::Conv_635 -> (2048, 1024, 1, 1)[FLOAT]], [onnx::Conv_636 -> (2048)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_102 for ONNX node: Conv_102 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_634 for ONNX tensor: onnx::Add_634 +[02/25/2023-01:32:49] [V] [TRT] Conv_102 [Conv] outputs: [onnx::Add_634 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_103 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_631 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_634 +[02/25/2023-01:32:49] [V] [TRT] Add_103 [Add] inputs: [onnx::Add_631 -> (-1, 2048, 7, 7)[FLOAT]], [onnx::Add_634 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_103 for ONNX node: Add_103 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_471 for ONNX tensor: onnx::Relu_471 +[02/25/2023-01:32:49] [V] [TRT] Add_103 [Add] outputs: [onnx::Relu_471 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_104 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_471 +[02/25/2023-01:32:49] [V] [TRT] Relu_104 [Relu] inputs: [onnx::Relu_471 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_104 for ONNX node: Relu_104 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.360 for ONNX tensor: input.360 +[02/25/2023-01:32:49] [V] [TRT] Relu_104 [Relu] outputs: [input.360 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_105 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.360 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_638 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_639 +[02/25/2023-01:32:49] [V] [TRT] Conv_105 [Conv] inputs: [input.360 -> (-1, 2048, 7, 7)[FLOAT]], [onnx::Conv_638 -> (512, 2048, 1, 1)[FLOAT]], [onnx::Conv_639 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_105 for ONNX node: Conv_105 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.368 for ONNX tensor: input.368 +[02/25/2023-01:32:49] [V] [TRT] Conv_105 [Conv] outputs: [input.368 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_106 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.368 +[02/25/2023-01:32:49] [V] [TRT] Relu_106 [Relu] inputs: [input.368 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_106 for ONNX node: Relu_106 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_475 for ONNX tensor: onnx::Conv_475 +[02/25/2023-01:32:49] [V] [TRT] Relu_106 [Relu] outputs: [onnx::Conv_475 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_107 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_475 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_641 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_642 +[02/25/2023-01:32:49] [V] [TRT] Conv_107 [Conv] inputs: [onnx::Conv_475 -> (-1, 512, 7, 7)[FLOAT]], [onnx::Conv_641 -> (512, 512, 3, 3)[FLOAT]], [onnx::Conv_642 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_107 for ONNX node: Conv_107 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.376 for ONNX tensor: input.376 +[02/25/2023-01:32:49] [V] [TRT] Conv_107 [Conv] outputs: [input.376 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_108 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.376 +[02/25/2023-01:32:49] [V] [TRT] Relu_108 [Relu] inputs: [input.376 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_108 for ONNX node: Relu_108 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_478 for ONNX tensor: onnx::Conv_478 +[02/25/2023-01:32:49] [V] [TRT] Relu_108 [Relu] outputs: [onnx::Conv_478 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_109 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_478 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_644 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_645 +[02/25/2023-01:32:49] [V] [TRT] Conv_109 [Conv] inputs: [onnx::Conv_478 -> (-1, 512, 7, 7)[FLOAT]], [onnx::Conv_644 -> (2048, 512, 1, 1)[FLOAT]], [onnx::Conv_645 -> (2048)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_109 for ONNX node: Conv_109 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_643 for ONNX tensor: onnx::Add_643 +[02/25/2023-01:32:49] [V] [TRT] Conv_109 [Conv] outputs: [onnx::Add_643 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_110 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_643 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.360 +[02/25/2023-01:32:49] [V] [TRT] Add_110 [Add] inputs: [onnx::Add_643 -> (-1, 2048, 7, 7)[FLOAT]], [input.360 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_110 for ONNX node: Add_110 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_481 for ONNX tensor: onnx::Relu_481 +[02/25/2023-01:32:49] [V] [TRT] Add_110 [Add] outputs: [onnx::Relu_481 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_111 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_481 +[02/25/2023-01:32:49] [V] [TRT] Relu_111 [Relu] inputs: [onnx::Relu_481 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_111 for ONNX node: Relu_111 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.384 for ONNX tensor: input.384 +[02/25/2023-01:32:49] [V] [TRT] Relu_111 [Relu] outputs: [input.384 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_112 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.384 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_647 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_648 +[02/25/2023-01:32:49] [V] [TRT] Conv_112 [Conv] inputs: [input.384 -> (-1, 2048, 7, 7)[FLOAT]], [onnx::Conv_647 -> (512, 2048, 1, 1)[FLOAT]], [onnx::Conv_648 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_112 for ONNX node: Conv_112 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.392 for ONNX tensor: input.392 +[02/25/2023-01:32:49] [V] [TRT] Conv_112 [Conv] outputs: [input.392 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_113 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.392 +[02/25/2023-01:32:49] [V] [TRT] Relu_113 [Relu] inputs: [input.392 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_113 for ONNX node: Relu_113 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_485 for ONNX tensor: onnx::Conv_485 +[02/25/2023-01:32:49] [V] [TRT] Relu_113 [Relu] outputs: [onnx::Conv_485 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_114 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_485 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_650 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_651 +[02/25/2023-01:32:49] [V] [TRT] Conv_114 [Conv] inputs: [onnx::Conv_485 -> (-1, 512, 7, 7)[FLOAT]], [onnx::Conv_650 -> (512, 512, 3, 3)[FLOAT]], [onnx::Conv_651 -> (512)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_114 for ONNX node: Conv_114 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.400 for ONNX tensor: input.400 +[02/25/2023-01:32:49] [V] [TRT] Conv_114 [Conv] outputs: [input.400 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_115 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.400 +[02/25/2023-01:32:49] [V] [TRT] Relu_115 [Relu] inputs: [input.400 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_115 for ONNX node: Relu_115 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Conv_488 for ONNX tensor: onnx::Conv_488 +[02/25/2023-01:32:49] [V] [TRT] Relu_115 [Relu] outputs: [onnx::Conv_488 -> (-1, 512, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Conv_116 [Conv] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_488 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_653 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Conv_654 +[02/25/2023-01:32:49] [V] [TRT] Conv_116 [Conv] inputs: [onnx::Conv_488 -> (-1, 512, 7, 7)[FLOAT]], [onnx::Conv_653 -> (2048, 512, 1, 1)[FLOAT]], [onnx::Conv_654 -> (2048)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Conv_116 for ONNX node: Conv_116 +[02/25/2023-01:32:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048 +[02/25/2023-01:32:49] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7) +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Add_652 for ONNX tensor: onnx::Add_652 +[02/25/2023-01:32:49] [V] [TRT] Conv_116 [Conv] outputs: [onnx::Add_652 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Add_117 [Add] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Add_652 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.384 +[02/25/2023-01:32:49] [V] [TRT] Add_117 [Add] inputs: [onnx::Add_652 -> (-1, 2048, 7, 7)[FLOAT]], [input.384 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Add_117 for ONNX node: Add_117 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Relu_491 for ONNX tensor: onnx::Relu_491 +[02/25/2023-01:32:49] [V] [TRT] Add_117 [Add] outputs: [onnx::Relu_491 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Relu_118 [Relu] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Relu_491 +[02/25/2023-01:32:49] [V] [TRT] Relu_118 [Relu] inputs: [onnx::Relu_491 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Relu_118 for ONNX node: Relu_118 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: input.408 for ONNX tensor: input.408 +[02/25/2023-01:32:49] [V] [TRT] Relu_118 [Relu] outputs: [input.408 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: GlobalAveragePool_119 [GlobalAveragePool] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: input.408 +[02/25/2023-01:32:49] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] inputs: [input.408 -> (-1, 2048, 7, 7)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] GlobalAveragePool operators are implemented via Reduce layers rather than Pooling layers +[02/25/2023-01:32:49] [V] [TRT] Registering layer: GlobalAveragePool_119 for ONNX node: GlobalAveragePool_119 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Flatten_493 for ONNX tensor: onnx::Flatten_493 +[02/25/2023-01:32:49] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] outputs: [onnx::Flatten_493 -> (-1, 2048, 1, 1)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Flatten_120 [Flatten] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Flatten_493 +[02/25/2023-01:32:49] [V] [TRT] Flatten_120 [Flatten] inputs: [onnx::Flatten_493 -> (-1, 2048, 1, 1)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Flatten_120 for ONNX node: Flatten_120 +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: onnx::Gemm_494 for ONNX tensor: onnx::Gemm_494 +[02/25/2023-01:32:49] [V] [TRT] Flatten_120 [Flatten] outputs: [onnx::Gemm_494 -> (-1, 2048)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Parsing node: Gemm_121 [Gemm] +[02/25/2023-01:32:49] [V] [TRT] Searching for input: onnx::Gemm_494 +[02/25/2023-01:32:49] [V] [TRT] Searching for input: fc.weight +[02/25/2023-01:32:49] [V] [TRT] Searching for input: fc.bias +[02/25/2023-01:32:49] [V] [TRT] Gemm_121 [Gemm] inputs: [onnx::Gemm_494 -> (-1, 2048)[FLOAT]], [fc.weight -> (1000, 2048)[FLOAT]], [fc.bias -> (1000)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Registering layer: fc.weight for ONNX node: fc.weight +[02/25/2023-01:32:49] [V] [TRT] Using opA: 0 opB: 1 +[02/25/2023-01:32:49] [V] [TRT] Registering layer: Gemm_121 for ONNX node: Gemm_121 +[02/25/2023-01:32:49] [V] [TRT] Registering layer: fc.bias for ONNX node: fc.bias +[02/25/2023-01:32:49] [V] [TRT] Registering tensor: output_1 for ONNX tensor: output +[02/25/2023-01:32:49] [V] [TRT] Gemm_121 [Gemm] outputs: [output -> (-1, 1000)[FLOAT]], +[02/25/2023-01:32:49] [V] [TRT] Marking output_1 as output: output +[02/25/2023-01:32:49] [I] Finish parsing network model +[02/25/2023-01:32:49] [V] [TRT] Applying generic optimizations to the graph for inference. +[02/25/2023-01:32:49] [V] [TRT] Original: 126 layers +[02/25/2023-01:32:49] [V] [TRT] After dead-layer removal: 126 layers +[02/25/2023-01:32:49] [V] [TRT] Running: ConstShuffleFusion on fc.bias +[02/25/2023-01:32:49] [V] [TRT] ConstShuffleFusion: Fusing fc.bias with (Unnamed Layer* 129) [Shuffle] +[02/25/2023-01:32:49] [V] [TRT] After Myelin optimization: 125 layers +[02/25/2023-01:32:49] [V] [TRT] Running: MatMulToConvTransform on Gemm_121 +[02/25/2023-01:32:49] [V] [TRT] Convert layer type of Gemm_121 from MATRIX_MULTIPLY to CONVOLUTION +[02/25/2023-01:32:49] [V] [TRT] Running: ShuffleShuffleFusion on Flatten_120 +[02/25/2023-01:32:49] [V] [TRT] ShuffleShuffleFusion: Fusing Flatten_120 with reshape_before_Gemm_121 +[02/25/2023-01:32:49] [V] [TRT] Running: ShuffleErasure on Flatten_120 + reshape_before_Gemm_121 +[02/25/2023-01:32:49] [V] [TRT] Removing Flatten_120 + reshape_before_Gemm_121 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReshapeBiasAddFusion on Gemm_121 +[02/25/2023-01:32:49] [V] [TRT] Applying ScaleNodes fusions. +[02/25/2023-01:32:49] [V] [TRT] After scale fusion: 122 layers +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_0 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_0 with Relu_1 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_3 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_3 with Relu_4 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_8 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_8 with Add_9 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_5 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_5 with Relu_6 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_8 + Add_9 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_8 + Add_9 with Relu_10 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_11 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_11 with Relu_12 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_13 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_13 with Relu_14 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_15 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_15 with Add_16 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_15 + Add_16 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_15 + Add_16 with Relu_17 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_18 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_18 with Relu_19 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_20 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_20 with Relu_21 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_22 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_22 with Add_23 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_22 + Add_23 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_22 + Add_23 with Relu_24 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_25 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_25 with Relu_26 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_30 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_30 with Add_31 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_27 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_27 with Relu_28 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_30 + Add_31 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_30 + Add_31 with Relu_32 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_33 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_33 with Relu_34 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_35 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_35 with Relu_36 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_37 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_37 with Add_38 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_37 + Add_38 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_37 + Add_38 with Relu_39 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_40 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_40 with Relu_41 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_42 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_42 with Relu_43 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_44 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_44 with Add_45 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_44 + Add_45 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_44 + Add_45 with Relu_46 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_47 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_47 with Relu_48 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_49 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_49 with Relu_50 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_51 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_51 with Add_52 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_51 + Add_52 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_51 + Add_52 with Relu_53 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_54 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_54 with Relu_55 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_59 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_59 with Add_60 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_56 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_56 with Relu_57 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_59 + Add_60 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_59 + Add_60 with Relu_61 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_62 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_62 with Relu_63 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_64 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_64 with Relu_65 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_66 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_66 with Add_67 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_66 + Add_67 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_66 + Add_67 with Relu_68 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_69 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_69 with Relu_70 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_71 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_71 with Relu_72 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_73 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_73 with Add_74 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_73 + Add_74 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_73 + Add_74 with Relu_75 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_76 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_76 with Relu_77 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_78 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_78 with Relu_79 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_80 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_80 with Add_81 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_80 + Add_81 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_80 + Add_81 with Relu_82 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_83 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_83 with Relu_84 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_85 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_85 with Relu_86 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_87 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_87 with Add_88 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_87 + Add_88 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_87 + Add_88 with Relu_89 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_90 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_90 with Relu_91 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_92 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_92 with Relu_93 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_94 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_94 with Add_95 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_94 + Add_95 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_94 + Add_95 with Relu_96 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_97 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_97 with Relu_98 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_102 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_102 with Add_103 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_99 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_99 with Relu_100 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_102 + Add_103 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_102 + Add_103 with Relu_104 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_105 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_105 with Relu_106 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_107 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_107 with Relu_108 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_109 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_109 with Add_110 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_109 + Add_110 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_109 + Add_110 with Relu_111 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_112 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_112 with Relu_113 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_114 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_114 with Relu_115 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvEltwiseSumFusion on Conv_116 +[02/25/2023-01:32:49] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_116 with Add_117 +[02/25/2023-01:32:49] [V] [TRT] Running: ConvReluFusion on Conv_116 + Add_117 +[02/25/2023-01:32:49] [V] [TRT] ConvReluFusion: Fusing Conv_116 + Add_117 with Relu_118 +[02/25/2023-01:32:49] [V] [TRT] Running: ReduceToPoolingFusion on GlobalAveragePool_119 +[02/25/2023-01:32:49] [V] [TRT] Swap the layer type of GlobalAveragePool_119 from REDUCE to POOLING +[02/25/2023-01:32:49] [V] [TRT] After dupe layer removal: 57 layers +[02/25/2023-01:32:49] [V] [TRT] After final dead-layer removal: 57 layers +[02/25/2023-01:32:49] [V] [TRT] After tensor merging: 57 layers +[02/25/2023-01:32:50] [V] [TRT] After vertical fusions: 57 layers +[02/25/2023-01:32:50] [V] [TRT] After dupe layer removal: 57 layers +[02/25/2023-01:32:50] [V] [TRT] After final dead-layer removal: 57 layers +[02/25/2023-01:32:50] [V] [TRT] After tensor merging: 57 layers +[02/25/2023-01:32:50] [V] [TRT] After slice removal: 57 layers +[02/25/2023-01:32:50] [V] [TRT] After concat removal: 57 layers +[02/25/2023-01:32:50] [V] [TRT] Trying to split Reshape and strided tensor +[02/25/2023-01:32:50] [V] [TRT] Graph construction and optimization completed in 1.15758 seconds. +[02/25/2023-01:32:52] [V] [TRT] Using cublasLt as a tactic source +[02/25/2023-01:32:52] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +499, GPU +216, now: CPU 1158, GPU 533 (MiB) +[02/25/2023-01:32:52] [V] [TRT] Using cuDNN as a tactic source +[02/25/2023-01:32:52] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +116, GPU +52, now: CPU 1274, GPU 585 (MiB) +[02/25/2023-01:32:52] [I] [TRT] Local timing cache in use. Profiling results in this builder pass will not be stored. +[02/25/2023-01:32:52] [V] [TRT] Constructing optimization profile number 0 [1/1]. +[02/25/2023-01:32:52] [V] [TRT] Reserving memory for host IO tensors. Host: 0 bytes +[02/25/2023-01:32:52] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:52] [V] [TRT] *************** Autotuning Reformat: Float(150528,50176,224,1) -> Float(150528,1,672,3) *************** +[02/25/2023-01:32:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.84037 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.17517 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.840485 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.84037 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(150528,50176,224,1) -> Half(150528,50176,224,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.589239 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.619666 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.855849 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.589239 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(150528,50176,224,1) -> Half(100352,50176:2,224,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.12985 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.34837 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.818889 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.818889 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(150528,50176,224,1) -> Half(50176,1:4,224,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.35636 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.600361 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.807099 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.600361 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(150528,50176,224,1) -> Half(50176,1:8,224,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.10883 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.18775 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.829477 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.829477 +[02/25/2023-01:32:53] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(802816,12544,112,1) -> Half(802816,12544,112,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.63485 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.05979 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.12411 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 2.63485 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(802816,12544,112,1) -> Half(401408,12544:2,112,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.24348 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.44357 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.54152 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.54152 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(802816,12544,112,1) -> Half(100352,1:8,896,8) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 4.27886 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.47657 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.47673 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.47657 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,7168,64) -> Float(802816,12544,112,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 6.0093 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 5.88328 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.88979 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 5.88328 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,7168,64) -> Half(802816,12544,112,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.86752 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.38361 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.74808 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.38361 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,7168,64) -> Half(401408,12544:2,112,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 6.09155 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.34616 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.16831 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.34616 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,7168,64) -> Half(100352,1:8,896,8) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.05157 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.43569 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.96375 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.43569 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Half(802816,12544,112,1) -> Float(802816,12544,112,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.64411 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.50501 +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.12225 +[02/25/2023-01:32:53] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 2.64411 +[02/25/2023-01:32:53] [V] [TRT] *************** Autotuning Reformat: Half(802816,12544,112,1) -> Half(401408,12544:2,112,1) *************** +[02/25/2023-01:32:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:53] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.58663 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.61375 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.22919 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.22919 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(802816,12544,112,1) -> Half(100352,1:8,896,8) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 4.11618 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.59483 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.86904 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.86904 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(401408,12544:2,112,1) -> Float(802816,12544,112,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.91147 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.27538 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.63201 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.63201 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(401408,12544:2,112,1) -> Half(802816,12544,112,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.46839 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 6.46439 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.13379 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.13379 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(401408,12544:2,112,1) -> Half(100352,1:8,896,8) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.27768 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.9026 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.82659 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.82659 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,896,8) -> Float(802816,12544,112,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.47312 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.17937 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.9296 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.9296 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,896,8) -> Half(802816,12544,112,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 4.69251 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 5.16033 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.66041 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.66041 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,896,8) -> Half(401408,12544:2,112,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::MaxPool_323 -> ) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.34606 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.63314 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.66469 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.66469 +[02/25/2023-01:32:54] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.10603 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.13781 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.09158 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.09158 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.601426 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.775899 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.786377 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.601426 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.802231 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.864731 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.619374 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.619374 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.992987 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.620494 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.622688 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.620494 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.663872 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.904338 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.01498 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.663872 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.03988 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.788187 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.0282 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.788187 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.663191 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.663237 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.538437 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.538437 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.995424 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.653335 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.458167 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.458167 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.733728 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.02758 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.651909 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.651909 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.869125 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.812027 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.866414 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.812027 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.638592 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.54853 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.532055 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.532055 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.804279 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.465445 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.457289 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.457289 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.26177 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.00996 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.714162 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.714162 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.752992 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.740535 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.743602 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.740535 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.20472 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.20393 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.421417 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.421417 +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.8) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.27096 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.662245 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.419963 +[02/25/2023-01:32:54] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.419963 +[02/25/2023-01:32:54] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:54] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:54] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.09978 +[02/25/2023-01:32:54] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.17079 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.10011 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 1.09978 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.601563 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.775049 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.785248 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.601563 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.803707 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.862839 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.619968 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.619968 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.00107 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.619959 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.622601 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.619959 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.45816 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.45568 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.44268 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.44268 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.3344 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.844329 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.33513 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.844329 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.40794 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.844361 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.45555 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.844361 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.751141 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.611963 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.75931 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.611963 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.648855 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.903904 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.00927 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.648855 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.07115 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.786139 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.06203 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.786139 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.666729 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.663941 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.541623 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.541623 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.00948 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.653943 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.459977 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.459977 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.750331 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.02967 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.64395 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.64395 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.88635 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.810368 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.887931 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.810368 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.661463 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.6191 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.559104 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.559104 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.833833 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.471346 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.458766 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.458766 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.30718 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.993929 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.711241 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.711241 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.785435 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.737573 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.753147 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.737573 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.23551 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.23325 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.420809 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.420809 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(input.8 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.28234 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.661211 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.420718 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.420718 +[02/25/2023-01:32:55] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.29437 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.88768 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.24953 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 4.88768 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.39849 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.09317 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.13677 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 2.39849 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.19487 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.50126 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.49672 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.49672 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.06061 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.50876 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.60697 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.50876 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003e8 Time: 6.47865 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x00000000000003ea Time: 5.89883 +[02/25/2023-01:32:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.3735 +[02/25/2023-01:32:55] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 5.89883 +[02/25/2023-01:32:55] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:55] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 6.15763 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.7343 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.10731 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.7343 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 6.54422 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.47285 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.57671 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.47285 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.03414 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.49008 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.96693 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.49008 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.58692 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.58429 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.11398 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 2.58692 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 4.42755 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.28291 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.72635 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.28291 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.85508 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.75844 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.29452 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.29452 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 4.4256 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.79523 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.97901 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.97901 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.01092 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.09216 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.61903 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.61903 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.82771 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.35667 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.94796 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.35667 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.80791 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003ea Time: 6.01216 +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.1287 +[02/25/2023-01:32:56] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.1287 +[02/25/2023-01:32:56] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:56] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.32266 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.0069 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.95459 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.95459 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.44561 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.08574 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.02844 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 3.02844 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.82454 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.1132 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.8409 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 2.82454 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.11912 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.00775 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.78878 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.78878 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_505 -> ) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.30285 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.73084 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.81089 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.81089 +[02/25/2023-01:32:57] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.3211 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.74658 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.25419 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 4.74658 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.40451 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.08941 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.12876 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 2.40451 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.20321 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.4982 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.48939 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.48939 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.0607 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.5077 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.60609 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.5077 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 6.47568 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003ea Time: 5.85074 +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.37949 +[02/25/2023-01:32:57] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 5.85074 +[02/25/2023-01:32:57] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:57] [V] [TRT] Tactic: 0x00000000000003e8 Time: 6.18874 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.73091 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.14751 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.73091 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 6.54951 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.47224 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.59602 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.47224 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.02401 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.49095 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.90963 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.49095 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.63575 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.58855 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.11098 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 2.63575 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 4.36976 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.2888 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.68465 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.2888 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.88619 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.76634 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.30387 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.30387 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 4.40795 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.78938 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.97447 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.97447 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.00436 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.0922 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.62047 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.62047 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.8227 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.36486 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.96143 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 3.36486 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.80366 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 5.98776 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.1349 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.1349 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.30231 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.00719 +[02/25/2023-01:32:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.95958 +[02/25/2023-01:32:58] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.95958 +[02/25/2023-01:32:58] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.45912 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.0919 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.0255 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 3.0255 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.81082 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.1157 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.86044 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 2.81082 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.12169 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 4.00826 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.78623 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.78623 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.36) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 5.29086 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.72754 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.80948 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.80948 +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(401408,3136,56,1) -> Float(401408,1,7168,128) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.5758 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.24933 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.52372 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.24933 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(401408,3136,56,1) -> Half(401408,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.20024 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.54816 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.56849 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 1.20024 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(401408,3136,56,1) -> Half(200704,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.59842 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.72733 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.24193 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.24193 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(401408,3136,56,1) -> Half(50176,1:8,896,16) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.42737 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.24966 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.26157 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.24966 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,7168,128) -> Float(401408,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.10901 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.98015 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.96091 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.96091 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,7168,128) -> Half(401408,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.82547 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.7276 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.85557 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.7276 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,7168,128) -> Half(200704,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 3.00501 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.69212 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.05673 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.69212 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,7168,128) -> Half(50176,1:8,896,16) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.48948 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.22488 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.48977 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.22488 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136,56,1) -> Float(401408,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.31863 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.80078 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.03953 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 1.31863 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136,56,1) -> Float(401408,1,7168,128) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.19366 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.62118 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.29286 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.62118 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136,56,1) -> Half(200704,3136:2,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.36528 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.36612 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.16807 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.16807 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136,56,1) -> Half(50176,1:8,896,16) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.24611 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.35402 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.974345 +[02/25/2023-01:32:59] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.974345 +[02/25/2023-01:32:59] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136:2,56,1) -> Float(401408,3136,56,1) *************** +[02/25/2023-01:32:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.58536 +[02/25/2023-01:32:59] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.0678 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.29086 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.29086 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136:2,56,1) -> Float(401408,1,7168,128) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.90853 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.65888 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.91109 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.65888 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136:2,56,1) -> Half(401408,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.3148 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.97077 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.0901 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.0901 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(200704,3136:2,56,1) -> Half(50176,1:8,896,16) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.6756 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.942665 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.927136 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.927136 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,896,16) -> Float(401408,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.60216 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.01002 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.44923 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.44923 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,896,16) -> Float(401408,1,7168,128) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.43828 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.52951 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.42921 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.42921 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,896,16) -> Half(401408,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.44052 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.98405 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.856928 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.856928 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,896,16) -> Half(200704,3136:2,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_359 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.6305 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.32853 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.86347 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.86347 +[02/25/2023-01:33:00] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.604978 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.586862 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.605102 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.586862 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.303104 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.39835 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.396032 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.303104 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.407648 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.440635 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.315744 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.315744 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.551465 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.319749 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.320325 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.319749 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.591895 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.714638 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.592018 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.591895 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.554661 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.445879 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.555205 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.445879 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.585998 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.42688 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.58613 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.42688 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.369061 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.309586 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.381472 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.309586 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.324727 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.462834 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.503858 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.324727 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.505563 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.396119 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.495909 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.396119 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.344375 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.356059 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.27909 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.27909 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.462263 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.353134 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.236626 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.236626 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.379982 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.554144 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.325047 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.325047 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.447045 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.411017 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.444946 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.411017 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.329646 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.655232 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.271259 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.271259 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.39936 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.237275 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.230871 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.230871 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.582551 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.540329 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.354409 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.354409 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.378295 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.382528 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.378405 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.378295 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.548082 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.497957 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.215918 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.215918 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_362 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.568402 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.335579 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.216233 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.216233 +[02/25/2023-01:33:00] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:33:00] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.52818 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.46605 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.49831 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.46605 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.20173 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.58115 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.56509 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 1.20173 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.61254 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.78674 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.2506 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.2506 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.34845 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.29113 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.28641 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.28641 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.60506 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.85876 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.54567 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.54567 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.33456 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.78692 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.37135 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.78692 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.63284 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.69838 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.72284 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.69838 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.68141 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.23364 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.62367 +[02/25/2023-01:33:00] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.23364 +[02/25/2023-01:33:00] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:00] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.29807 +[02/25/2023-01:33:00] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.83428 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.03869 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 1.29807 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.96848 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.64539 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.98246 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.64539 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.33558 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.42753 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.08836 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.08836 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.82976 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.46271 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.945298 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.945298 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.53517 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.20016 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.29619 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.29619 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.81834 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.68509 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.80956 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.68509 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.37351 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.80957 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.14453 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.14453 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.62859 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.982112 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.94944 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.94944 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.51176 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.18814 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.49442 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.49442 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.46783 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.56639 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.46458 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.46458 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.11807 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.00441 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.910775 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.910775 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_535 -> ) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.40521 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.3622 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.91392 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.91392 +[02/25/2023-01:33:01] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.62261 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.4813 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.52717 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 2.4813 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.20025 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.58108 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.5665 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 1.20025 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.61312 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.78678 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.25304 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.25304 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.36719 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.29543 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.28819 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.28819 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.55637 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.86729 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.54157 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 2.54157 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.32888 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.78351 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.38381 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.78351 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.62911 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.69724 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.65889 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.69724 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.64788 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.23441 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.61472 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.23441 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.30126 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.83387 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.02863 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 1.30126 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.98236 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.63869 +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.01007 +[02/25/2023-01:33:01] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.63869 +[02/25/2023-01:33:01] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:01] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.36453 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.44852 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.14681 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.14681 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.93916 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.48243 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.964293 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.964293 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.55675 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.1992 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.29583 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.29583 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.80947 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.6888 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.80359 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.6888 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.3308 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.699 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.111 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.111 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.59315 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.971945 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.948608 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.948608 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.5427 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.18182 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.49124 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.49124 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.46862 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.56822 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.45788 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.45788 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.10766 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.02664 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.910711 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.910711 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.112) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 2.38965 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.36075 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.914043 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.914043 +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(200704,784,28,1) -> Float(200704,1,7168,256) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.236 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.19447 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.19225 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.19225 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(200704,784,28,1) -> Half(200704,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.601138 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.792114 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.785824 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.601138 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(200704,784,28,1) -> Half(100352,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.804887 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.879762 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.624736 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.624736 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(200704,784,28,1) -> Half(25088,1:8,896,32) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.08416 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.64304 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.641184 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.641184 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,7168,256) -> Float(200704,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.23638 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.44869 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.23026 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.23026 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,7168,256) -> Half(200704,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.12464 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.893723 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.12841 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.893723 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,7168,256) -> Half(100352,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.24017 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.867781 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.29404 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.867781 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,7168,256) -> Half(25088,1:8,896,32) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.796027 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.624347 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.809563 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.624347 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784,28,1) -> Float(200704,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.654482 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.920485 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.00654 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.654482 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784,28,1) -> Float(200704,1,7168,256) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.985966 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.804864 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.96368 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.804864 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784,28,1) -> Half(100352,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.68491 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.713157 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.562043 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.562043 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(200704,784,28,1) -> Half(25088,1:8,896,32) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.918661 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.716507 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.473115 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.473115 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784:2,28,1) -> Float(200704,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.7568 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.09979 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.648338 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.648338 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784:2,28,1) -> Float(200704,1,7168,256) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.888544 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.837952 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.880974 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.837952 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784:2,28,1) -> Half(200704,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.659141 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.32713 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.54928 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.54928 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(100352,784:2,28,1) -> Half(25088,1:8,896,32) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.79755 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.481138 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.469769 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.469769 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,896,32) -> Float(200704,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.18527 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.08317 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.72901 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.72901 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,896,32) -> Float(200704,1,7168,256) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.752855 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.778825 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.747534 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.747534 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,896,32) -> Half(200704,784,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.05413 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.94443 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.439835 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.439835 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,896,32) -> Half(100352,784:2,28,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_401 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.14807 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.672343 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.441911 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.441911 +[02/25/2023-01:33:02] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.276114 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.292233 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.275895 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.275895 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.153339 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 3.01116 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.201582 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.153339 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.207461 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.232009 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.158981 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.158981 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.256265 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.164718 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.15995 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.15995 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.294921 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.347438 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.294912 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.294912 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.280283 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.227913 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.279977 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.227913 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.298423 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.227973 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.298386 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.227973 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.189312 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.159168 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.189303 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.159168 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.163205 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 2.96347 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.252553 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.163205 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.238235 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.189294 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.238249 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.189294 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.177573 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.179913 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.141397 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.141397 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.221646 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.18133 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.123136 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.123136 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.191927 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.304096 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.163973 +[02/25/2023-01:33:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.163973 +[02/25/2023-01:33:02] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.210926 +[02/25/2023-01:33:02] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.193545 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.210862 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.193545 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.168229 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.396037 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.138981 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.138981 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.191753 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.133243 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.116192 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.116192 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.26741 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.289938 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.197595 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.197595 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.189335 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.192535 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.189294 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.189294 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.257362 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.320658 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.133995 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.133995 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_404 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.26325 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.178181 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.120009 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.120009 +[02/25/2023-01:33:03] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:03] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.22206 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.03423 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.21838 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.03423 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.600891 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 11.8775 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.784955 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.600891 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.825769 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.934912 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.630226 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.630226 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.17465 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.667063 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.624704 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.624704 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.22748 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.33963 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.21329 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.21329 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.12611 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.894386 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.16453 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.894386 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.27086 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.88032 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.30639 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.88032 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.811593 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.613253 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.810423 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.613253 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.654162 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 12.0495 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.00966 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.654162 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.02926 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.779813 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.01076 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.779813 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.689819 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.706267 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.556119 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.556119 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.961472 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.740206 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.477184 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.477184 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.764146 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.20165 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.649198 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.649198 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.868059 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.772416 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.867474 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.772416 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.667621 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.56069 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.552613 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.552613 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.767977 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.535113 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.456165 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.456165 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.12361 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.142 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.786656 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.786656 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.778226 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.771698 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.753138 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.753138 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.04526 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.30625 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.536585 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.536585 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_574 -> ) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.09656 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.699433 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.480987 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.480987 +[02/25/2023-01:33:03] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.26666 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.10574 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.26479 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 1.10574 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.601819 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 11.8386 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.785358 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.601819 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.819273 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.934304 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.626889 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.626889 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.15975 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.667063 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.624654 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.624654 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.22997 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.34437 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.22441 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 1.22441 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.13584 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.894455 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.16463 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.894455 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.27268 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.879177 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.32034 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.879177 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.808503 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.613248 +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.804571 +[02/25/2023-01:33:03] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.613248 +[02/25/2023-01:33:03] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:03] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.650386 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 11.8676 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.01031 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.650386 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.03968 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.776608 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 1.02456 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.776608 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.689079 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.708155 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.559982 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.559982 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.968411 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.740782 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.480521 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.480521 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.769216 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.2016 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.649897 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.649897 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.872503 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.774455 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.869522 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.774455 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.669778 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.57842 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.555552 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.555552 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.773568 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.533856 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.456384 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.456384 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.0963 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.1447 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.776837 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.776837 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.770706 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.774144 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.759515 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.759515 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.04448 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.29814 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.536786 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.536786 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.212) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 1.09604 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.698807 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.481289 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.481289 +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,196,14,1) -> Float(100352,1,7168,512) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.595374 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.487982 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.563552 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.487982 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,196,14,1) -> Half(100352,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.301755 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 5.66122 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.396142 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.301755 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,196,14,1) -> Half(50176,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.412462 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.463017 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.315433 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.315433 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,196,14,1) -> Half(12544,1:8,896,64) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.546802 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.329833 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.314405 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.314405 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,7168,512) -> Float(100352,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.593285 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.674693 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.593463 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.593285 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,7168,512) -> Half(100352,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.557989 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.44955 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.557774 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.44955 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,7168,512) -> Half(50176,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.596402 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.444334 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.60533 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.444334 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,7168,512) -> Half(12544,1:8,896,64) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.381157 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.310962 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.381115 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.310962 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196,14,1) -> Float(100352,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.32459 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 6.00503 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.504594 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.32459 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196,14,1) -> Float(100352,1,7168,512) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.497243 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.379593 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.489061 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.379593 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196,14,1) -> Half(50176,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.346455 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.354889 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.276219 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.276219 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196,14,1) -> Half(12544,1:8,896,64) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.454976 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.366249 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.244571 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.244571 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196:2,14,1) -> Float(100352,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.386537 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.601792 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.326267 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.326267 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196:2,14,1) -> Float(100352,1,7168,512) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.428251 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.385175 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.424119 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.385175 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196:2,14,1) -> Half(100352,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.332901 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.77856 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.274432 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.274432 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(50176,196:2,14,1) -> Half(12544,1:8,896,64) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.381211 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.266802 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.229573 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.229573 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,896,64) -> Float(100352,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.535227 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.574857 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.391378 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.391378 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,896,64) -> Float(100352,1,7168,512) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.378304 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.388873 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.3784 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.378304 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,896,64) -> Half(100352,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.525134 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.651867 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.269321 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.269321 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,896,64) -> Half(50176,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_463 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.539173 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.34912 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.241038 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.241038 +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.137899 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.142752 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.137586 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.137586 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0777691 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.66685 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.103707 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.0777691 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.100759 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.117675 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0803977 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0803977 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.127387 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0827977 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0816571 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0816571 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.131445 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.171904 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.131417 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.131417 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.126315 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.109445 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.126197 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.109445 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.13061 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.117193 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.130496 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.117193 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0951703 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0814171 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0950834 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.0814171 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0821943 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 1.64742 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.127145 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.0821943 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.117637 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0909851 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.117657 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.0909851 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0857166 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.106174 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0702415 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0702415 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.109129 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.108912 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0606232 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0606232 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0951269 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.147968 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0823109 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0823109 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.101454 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0922514 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.101317 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.0922514 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0835314 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.174606 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0692023 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0692023 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0952297 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0664213 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0689981 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.0664213 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.128149 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.140679 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.103426 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.103426 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0956137 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0926766 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0956663 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.0926766 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.126242 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.146245 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0737874 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0737874 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Conv_466 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.12776 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0932251 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0634682 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0634682 +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:33:04] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.616402 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.479095 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.614103 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.479095 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.30187 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 6.5841 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.396293 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.30187 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.398857 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.452283 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.31483 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.31483 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.584261 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.319067 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.310126 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.310126 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.534976 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.67973 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.534821 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.534821 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.527803 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.422478 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.527584 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.422478 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.541349 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.451438 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.541298 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.451438 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.388713 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.312558 +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.388535 +[02/25/2023-01:33:04] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.312558 +[02/25/2023-01:33:04] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:04] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.325632 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 6.89925 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.504978 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.325632 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.454702 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.365714 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.448219 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.365714 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.335543 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.409029 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.273001 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.273001 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.416773 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.439113 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.241097 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.241097 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.384439 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.578711 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.326011 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.326011 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.436809 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.358885 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.437093 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.358885 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.336736 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.690949 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.276558 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.276558 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.390583 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.255689 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.275561 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.255689 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.523168 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.551602 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.407378 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.407378 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.384293 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.366299 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.38432 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.366299 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.515995 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.579077 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.287995 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.287995 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Add_631 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.51648 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.356535 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.24805 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.24805 +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.62768 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.481097 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.624114 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.481097 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.302053 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 6.66624 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.396005 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.302053 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.395602 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.451547 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.313385 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.313385 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.577307 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.319355 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.310208 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.310208 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.513792 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.670574 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.523689 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.513792 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.515643 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.422533 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.515611 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.422533 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.532027 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.45157 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.535493 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.45157 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.384818 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.312521 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.385568 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.312521 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.326514 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 7.005 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.504686 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.326514 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.458752 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.364494 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.458213 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.364494 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.342894 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.415451 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.274697 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.274697 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.420055 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.431493 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.237344 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.237344 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.378926 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.579639 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.326025 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.326025 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.436809 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.358016 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.436914 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.358016 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.336942 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.691639 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.276498 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.276498 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.390638 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.25579 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.275895 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.25579 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.523378 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.552631 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.407063 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.407063 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.384315 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.364727 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.384366 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003ea Time: 0.364727 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.504978 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.566711 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.287822 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.287822 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> input.360) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.516571 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.356352 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.24805 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.24805 +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(2048,1,1,1) -> Float(2048,1,2048,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00836521 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0124038 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00830654 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00830654 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(2048,1,1,1) -> Half(2048,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00561864 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.00990537 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00902514 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00561864 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(2048,1,1,1) -> Half(1024,1:2,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00875429 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.109323 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00547623 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00547623 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(2048,1,1,1) -> Half(256,1:8,256,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00821384 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.00988069 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00558822 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00558822 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(2048,1,2048,2048) -> Float(2048,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00718446 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0102975 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00716823 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00716823 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(2048,1,2048,2048) -> Half(2048,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00736663 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0105871 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00869997 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00736663 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(2048,1,2048,2048) -> Half(1024,1:2,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00839111 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0971931 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00772499 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00772499 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(2048,1,2048,2048) -> Half(256,1:8,256,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00811708 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.00971032 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00789317 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00789317 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(2048,1,1,1) -> Float(2048,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00503614 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0106596 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0077695 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00503614 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(2048,1,1,1) -> Float(2048,1,2048,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.0071984 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.00823949 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00710052 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00710052 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(2048,1,1,1) -> Half(1024,1:2,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00839721 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0952274 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00770213 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00770213 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(2048,1,1,1) -> Half(256,1:8,256,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00909914 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0122644 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00807162 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00807162 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(1024,1:2,1,1) -> Float(2048,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00841788 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0943337 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00490438 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00490438 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(1024,1:2,1,1) -> Float(2048,1,2048,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00775435 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0100309 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00800787 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00775435 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(1024,1:2,1,1) -> Half(2048,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00896657 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0942971 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00798375 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00798375 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(1024,1:2,1,1) -> Half(256,1:8,256,256) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00821867 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0125539 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0730354 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00821867 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(256,1:8,256,256) -> Float(2048,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00861526 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0937303 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00681496 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00681496 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(256,1:8,256,256) -> Float(2048,1,2048,2048) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00790544 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.00935457 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00836876 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00790544 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(256,1:8,256,256) -> Half(2048,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00857788 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0946971 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00672603 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00672603 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(256,1:8,256,256) -> Half(1024,1:2,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(onnx::Flatten_493 -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00914314 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0947154 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0729577 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00914314 +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(1000,1,1,1) -> Half(1000,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(Gemm_121_out_tensor -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00478461 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.00903829 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00507255 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00478461 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(1000,1,1000,1000) -> Float(1000,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(Gemm_121_out_tensor -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00450743 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.00943514 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0047811 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00450743 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Float(1000,1,1000,1000) -> Half(1000,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(Gemm_121_out_tensor -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00456071 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0102204 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00469279 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00456071 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(1000,1,1,1) -> Float(1000,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(Gemm_121_out_tensor -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00414407 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0106269 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00480914 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00414407 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(500,1:2,1,1) -> Float(1000,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(Gemm_121_out_tensor -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00488731 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0480335 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00436668 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00436668 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(500,1:2,1,1) -> Half(1000,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(Gemm_121_out_tensor -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00475134 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0485242 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00392154 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00392154 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(125,1:8,125,125) -> Float(1000,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(Gemm_121_out_tensor -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00490271 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0481691 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00322926 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00322926 +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(125,1:8,125,125) -> Half(1000,1,1,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat(Gemm_121_out_tensor -> ) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00466713 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.0482819 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00317277 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00317277 +[02/25/2023-01:33:05] [V] [TRT] =============== Computing reformatting costs +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning Reformat: Half(1000,1) -> Float(1000,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Optimizer Reformat( -> output) (Reformat) +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003e8 Time: 0.00351487 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x00000000000003ea Time: 0.00851711 +[02/25/2023-01:33:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00361086 +[02/25/2023-01:33:05] [V] [TRT] Fastest Tactic: 0x00000000000003e8 Time: 0.00351487 +[02/25/2023-01:33:05] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:05] [V] [TRT] *************** Autotuning format combination: Float(150528,50176,224,1) -> Float(802816,12544,112,1) *************** +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution) +[02/25/2023-01:33:05] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:05] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution) +[02/25/2023-01:33:05] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:06] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution) +[02/25/2023-01:33:07] [V] [TRT] Tactic: 0x0000000000000000 Time: 27.9584 +[02/25/2023-01:33:07] [V] [TRT] Tactic: 0x0000000000000001 Time: 13.2559 +[02/25/2023-01:33:08] [V] [TRT] Tactic: 0x0000000000000002 Time: 24.6515 +[02/25/2023-01:33:08] [V] [TRT] Tactic: 0x0000000000000005 Time: 48.1947 +[02/25/2023-01:33:08] [V] [TRT] Tactic: 0x0000000000000038 Time: 18.7334 +[02/25/2023-01:33:08] [V] [TRT] Tactic: 0x0000000000000039 Time: 11.8942 +[02/25/2023-01:33:08] [V] [TRT] Tactic: 0x000000000000003a Time: 24.7249 +[02/25/2023-01:33:09] [V] [TRT] Tactic: 0x000000000000003d Time: 48.2193 +[02/25/2023-01:33:09] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 11.8942 +[02/25/2023-01:33:09] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/25/2023-01:33:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:09] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 9.82891 +[02/25/2023-01:33:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 0x27728c886a448c5a +[02/25/2023-01:33:09] [V] [TRT] Tactic: 0x27728c886a448c5a Time: 5.59441 +[02/25/2023-01:33:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 0x597d29027694c20b +[02/25/2023-01:33:09] [V] [TRT] Tactic: 0x597d29027694c20b Time: 11.7868 +[02/25/2023-01:33:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:33:09] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 9.66159 +[02/25/2023-01:33:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:09] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.99876 +[02/25/2023-01:33:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:09] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 7.90932 +[02/25/2023-01:33:09] [V] [TRT] Fastest Tactic: 0x27728c886a448c5a Time: 5.59441 +[02/25/2023-01:33:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x27728c886a448c5a +[02/25/2023-01:33:09] [V] [TRT] *************** Autotuning format combination: Float(150528,1,672,3) -> Float(802816,1,7168,64) *************** +[02/25/2023-01:33:09] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/25/2023-01:33:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:10] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 23.317 +[02/25/2023-01:33:10] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: 0xca84742beb9f9767 +[02/25/2023-01:33:10] [V] [TRT] Tactic: 0xca84742beb9f9767 Time: 23.1743 +[02/25/2023-01:33:10] [V] [TRT] Fastest Tactic: 0xca84742beb9f9767 Time: 23.1743 +[02/25/2023-01:33:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xca84742beb9f9767 +[02/25/2023-01:33:10] [V] [TRT] *************** Autotuning format combination: Half(150528,50176,224,1) -> Half(802816,12544,112,1) *************** +[02/25/2023-01:33:10] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution) +[02/25/2023-01:33:10] [V] [TRT] Tactic: 0x0000000000000000 Time: 15.9272 +[02/25/2023-01:33:10] [V] [TRT] Tactic: 0x0000000000000001 Time: 9.16334 +[02/25/2023-01:33:10] [V] [TRT] Tactic: 0x0000000000000002 Time: 19.395 +[02/25/2023-01:33:10] [V] [TRT] Tactic: 0x0000000000000005 Time: 43.8471 +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x0000000000000038 Time: 16.2258 +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x000000000000003a Time: 20.2351 +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x000000000000003d Time: 43.8652 +[02/25/2023-01:33:11] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 9.16334 +[02/25/2023-01:33:11] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/25/2023-01:33:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:33:11] [V] [TRT] *************** Autotuning format combination: Half(100352,50176:2,224,1) -> Half(401408,12544:2,112,1) *************** +[02/25/2023-01:33:11] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution) +[02/25/2023-01:33:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:11] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x0fe4a9cce7ed878b Time: 3.46083 +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 4.42365 +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 4.59178 +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x4092cbc840fbea35 +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x4092cbc840fbea35 Time: 4.39216 +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x446c8c788145836a Time: 4.89979 +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 4.8784 +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0x98a00f59a4b141f0 +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0x98a00f59a4b141f0 Time: 4.90324 +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xcbe3f30275b04323 +[02/25/2023-01:33:11] [V] [TRT] Tactic: 0xcbe3f30275b04323 Time: 8.57704 +[02/25/2023-01:33:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 7.67902 +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0xd7d66d5d03a72c4e +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0xd7d66d5d03a72c4e Time: 4.18992 +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 8.51642 +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xfc994367fd14b2d9 +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0xfc994367fd14b2d9 Time: 7.91932 +[02/25/2023-01:33:12] [V] [TRT] Fastest Tactic: 0x0fe4a9cce7ed878b Time: 3.46083 +[02/25/2023-01:33:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:33:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:4,224,1) -> Half(100352,1:8,896,8) *************** +[02/25/2023-01:33:12] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: 0x8c03a77858cdae89 +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0x8c03a77858cdae89 Time: 2.60454 +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: trt_turing_cutlass_image_network_first_layer_hmma_fprop_f16f16f32_nhwc_nhwc_k64r7s7c4_stride2x2 Tactic: 0xe2222883a6602489 +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0xe2222883a6602489 Time: 1.91429 +[02/25/2023-01:33:12] [V] [TRT] Fastest Tactic: 0xe2222883a6602489 Time: 1.91429 +[02/25/2023-01:33:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xe2222883a6602489 +[02/25/2023-01:33:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Float(802816,12544,112,1) *************** +[02/25/2023-01:33:12] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/25/2023-01:33:12] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Half(100352,1:8,896,8) *************** +[02/25/2023-01:33:12] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution) +[02/25/2023-01:33:12] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:12] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 20.3598 +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 46.1992 +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 7.88143 +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:33:12] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 13.6353 +[02/25/2023-01:33:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:33:13] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 86.2727 +[02/25/2023-01:33:13] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:33:14] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 54.581 +[02/25/2023-01:33:14] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:33:14] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 43.7478 +[02/25/2023-01:33:14] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:33:14] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 26.8267 +[02/25/2023-01:33:14] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x350e898a5a20ad00 +[02/25/2023-01:33:14] [V] [TRT] Tactic: 0x350e898a5a20ad00 Time: 14.9175 +[02/25/2023-01:33:14] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:33:14] [V] [TRT] Tactic: 0x4e34a65090c3b86f Time: 25.5278 +[02/25/2023-01:33:14] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:33:15] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 22.3115 +[02/25/2023-01:33:15] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:15] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 21.9759 +[02/25/2023-01:33:15] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:33:15] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 12.0863 +[02/25/2023-01:33:15] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:15] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 23.9932 +[02/25/2023-01:33:15] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:33:15] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 14.4991 +[02/25/2023-01:33:15] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:15] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 12.6385 +[02/25/2023-01:33:15] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:33:15] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 10.3591 +[02/25/2023-01:33:15] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:33:16] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 18.8923 +[02/25/2023-01:33:16] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:16] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 25.616 +[02/25/2023-01:33:16] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:33:16] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 30.0319 +[02/25/2023-01:33:16] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:33:16] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 23.3652 +[02/25/2023-01:33:16] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:16] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 8.47228 +[02/25/2023-01:33:16] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x8781623566dac7f0 +[02/25/2023-01:33:16] [V] [TRT] Tactic: 0x8781623566dac7f0 Time: 8.62199 +[02/25/2023-01:33:16] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: trt_turing_cutlass_image_network_first_layer_hmma_fprop_f16f16f32_nhwc_nhwc_k64r7s7c8_stride2x2 Tactic: 0x89d2643fb1fde16d +[02/25/2023-01:33:16] [V] [TRT] Tactic: 0x89d2643fb1fde16d Time: 6.01561 +[02/25/2023-01:33:16] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:33:17] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 13.5581 +[02/25/2023-01:33:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:33:17] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 22.2854 +[02/25/2023-01:33:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:33:17] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 15.3242 +[02/25/2023-01:33:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:33:17] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 12.6949 +[02/25/2023-01:33:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:33:17] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 40.1328 +[02/25/2023-01:33:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:17] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 14.9873 +[02/25/2023-01:33:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:33:18] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 29.1197 +[02/25/2023-01:33:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:33:18] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 33.7214 +[02/25/2023-01:33:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0xbb3d6545e4864f26 +[02/25/2023-01:33:18] [V] [TRT] Tactic: 0xbb3d6545e4864f26 Time: 24.6129 +[02/25/2023-01:33:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:33:18] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 16.7598 +[02/25/2023-01:33:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:18] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 24.6675 +[02/25/2023-01:33:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 26.2419 +[02/25/2023-01:33:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 25.7476 +[02/25/2023-01:33:19] [V] [TRT] Fastest Tactic: 0x89d2643fb1fde16d Time: 6.01561 +[02/25/2023-01:33:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x89d2643fb1fde16d +[02/25/2023-01:33:19] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:19] [V] [TRT] *************** Autotuning format combination: Float(802816,12544,112,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:19] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling) +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000000101 Time: 8.22661 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000010101 Time: 5.83387 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000020101 Time: 4.90756 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000030101 Time: 4.28626 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000040101 Time: 3.379 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000050101 Time: 5.97895 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000060101 Time: 3.99018 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000070101 Time: 8.30552 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000080101 Time: 5.80642 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x0000000000090101 Time: 4.68324 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x00000000000a0101 Time: 2.70946 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x00000000000b0101 Time: 2.4026 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x00000000000c0101 Time: 3.70951 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x00000000000d0101 Time: 3.2975 +[02/25/2023-01:33:19] [V] [TRT] Tactic: 0x00000000000e0101 Time: 8.49997 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x00000000000f0101 Time: 5.88181 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000100101 Time: 4.66527 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000110101 Time: 2.56405 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000120101 Time: 2.3356 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000130101 Time: 3.54019 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000140101 Time: 3.24083 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000150101 Time: 8.58995 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000160101 Time: 5.98124 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000170101 Time: 4.68224 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000180101 Time: 2.50931 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000190101 Time: 2.28645 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x00000000001a0101 Time: 3.47043 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x00000000001b0101 Time: 3.2297 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x00000000001c0101 Time: 8.63718 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x00000000001d0101 Time: 6.02118 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x00000000001e0101 Time: 4.69201 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x00000000001f0101 Time: 2.47779 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000200101 Time: 2.28446 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000210101 Time: 3.43961 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000220101 Time: 3.22279 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000230101 Time: 8.66413 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000240101 Time: 6.03077 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000250101 Time: 4.7543 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000260101 Time: 2.46152 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000270101 Time: 2.26626 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000280101 Time: 3.42603 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x0000000000290101 Time: 3.23319 +[02/25/2023-01:33:20] [V] [TRT] Tactic: 0x00000000006a0101 Time: 2.10737 +[02/25/2023-01:33:20] [V] [TRT] Fastest Tactic: 0x00000000006a0101 Time: 2.10737 +[02/25/2023-01:33:20] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling) +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0xffffffffffffffff Time: 2.52085 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0xffffffffffffffff Time: 2.52085 +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CaskPooling) +[02/25/2023-01:33:21] [V] [TRT] MaxPool_2 Set Tactic Name: sm50_xmma_pooling_fw_4d_FP32FP32NCHW_Max Tactic: 0xb59f9cfb90407c92 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0xb59f9cfb90407c92 Time: 2.54479 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0xb59f9cfb90407c92 Time: 2.54479 +[02/25/2023-01:33:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 0x00000000006a0101 +[02/25/2023-01:33:21] [V] [TRT] *************** Autotuning format combination: Half(802816,12544,112,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling) +[02/25/2023-01:33:21] [V] [TRT] TiledPooling has no valid tactics for this config, skipping +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling) +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0xffffffffffffffff Time: 1.72734 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0xffffffffffffffff Time: 1.72734 +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CaskPooling) +[02/25/2023-01:33:21] [V] [TRT] MaxPool_2 Set Tactic Name: sm50_xmma_pooling_fw_4d_FP16FP32NCHW_Max Tactic: 0xfd3a631f5c3e741e +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0xfd3a631f5c3e741e Time: 1.98637 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0xfd3a631f5c3e741e Time: 1.98637 +[02/25/2023-01:33:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: 0xffffffffffffffff +[02/25/2023-01:33:21] [V] [TRT] *************** Autotuning format combination: Half(401408,12544:2,112,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling) +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000000101 Time: 4.10482 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000010101 Time: 2.92392 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000020101 Time: 2.50233 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000030101 Time: 2.30254 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000040101 Time: 1.83031 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000050101 Time: 3.0761 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000060101 Time: 2.09007 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000070101 Time: 4.15359 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000080101 Time: 2.9005 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000090101 Time: 2.34731 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000000a0101 Time: 1.42192 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000000b0101 Time: 1.23101 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000000c0101 Time: 1.90208 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000000d0101 Time: 1.65947 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000000e0101 Time: 4.24974 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000000f0101 Time: 2.93802 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000100101 Time: 2.33761 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000110101 Time: 1.3195 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000120101 Time: 1.17614 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000130101 Time: 1.78638 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000140101 Time: 1.63308 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000150101 Time: 4.29285 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000160101 Time: 2.98784 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000170101 Time: 2.34305 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000180101 Time: 1.27386 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000190101 Time: 1.158 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000001a0101 Time: 1.74935 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000001b0101 Time: 1.61843 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000001c0101 Time: 4.31796 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000001d0101 Time: 3.00352 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000001e0101 Time: 2.34437 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000001f0101 Time: 1.26034 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000200101 Time: 1.15258 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000210101 Time: 1.73232 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000220101 Time: 1.62376 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000230101 Time: 4.32831 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000240101 Time: 3.01401 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000250101 Time: 2.37115 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000260101 Time: 1.24201 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000270101 Time: 1.15369 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000280101 Time: 1.72409 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x0000000000290101 Time: 1.6267 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x00000000006a0101 Time: 1.06351 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0x00000000006a0101 Time: 1.06351 +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling) +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0xfffffffffffffffd Time: 1.04147 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0xfffffffffffffffd Time: 1.04147 +[02/25/2023-01:33:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: 0xfffffffffffffffd +[02/25/2023-01:33:21] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,896,8) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling) +[02/25/2023-01:33:21] [V] [TRT] TiledPooling has no valid tactics for this config, skipping +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling) +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0xfffffffffffffffe Time: 1.07089 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0xfffffffffffffffe Time: 1.07089 +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling) +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0xffffffffffffffff Time: 1.01252 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0xffffffffffffffff Time: 1.01252 +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CaskPooling) +[02/25/2023-01:33:21] [V] [TRT] MaxPool_2 Set Tactic Name: sm50_xmma_pooling_fw_4d_FP16FP32NHWC_Max_CAlign8 Tactic: 0x6613a704fbea2e33 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0x6613a704fbea2e33 Time: 1.51213 +[02/25/2023-01:33:21] [V] [TRT] MaxPool_2 Set Tactic Name: sm50_xmma_pooling_fw_4d_FP16FP32NHWC_Max_CAlign4 Tactic: 0xea62e389fb7bcc66 +[02/25/2023-01:33:21] [V] [TRT] Tactic: 0xea62e389fb7bcc66 Time: 2.29811 +[02/25/2023-01:33:21] [V] [TRT] Fastest Tactic: 0x6613a704fbea2e33 Time: 1.51213 +[02/25/2023-01:33:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: 0xffffffffffffffff +[02/25/2023-01:33:21] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:21] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution) +[02/25/2023-01:33:21] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution) +[02/25/2023-01:33:21] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:21] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution) +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.41106 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.65965 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000002 Time: 4.41081 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000004 Time: 9.46013 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000005 Time: 6.15834 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000038 Time: 3.40827 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000039 Time: 2.6529 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x000000000000003a Time: 4.40941 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x000000000000003c Time: 9.46387 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x000000000000003d Time: 6.17184 +[02/25/2023-01:33:22] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 2.6529 +[02/25/2023-01:33:22] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/25/2023-01:33:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:22] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 1.07758 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 1.089 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 0.941262 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 1.19179 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 1.13477 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 0.878624 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 0.896677 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 0.87637 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 2.64053 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 1.15678 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 1.01468 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 0.909047 +[02/25/2023-01:33:22] [V] [TRT] Fastest Tactic: 0x90238daf8750ddb0 Time: 0.87637 +[02/25/2023-01:33:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:22] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:33:22] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/25/2023-01:33:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:22] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 1.3288 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 0.945883 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 1.27912 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 1.53163 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 1.02171 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 1.22265 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 1.23696 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 0.946011 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 1.58854 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 1.34817 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 2.1602 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 1.28153 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 1.03185 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 1.37402 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xf92663d88255134b Time: 0.965239 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 1.54412 +[02/25/2023-01:33:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.00909 +[02/25/2023-01:33:22] [V] [TRT] Fastest Tactic: 0x48f8d75aa348d22f Time: 0.945883 +[02/25/2023-01:33:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:22] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:22] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution) +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.60219 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000001 Time: 1.50967 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000002 Time: 3.1074 +[02/25/2023-01:33:22] [V] [TRT] Tactic: 0x0000000000000004 Time: 8.15718 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x0000000000000005 Time: 5.12081 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x0000000000000038 Time: 2.65684 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x000000000000003a Time: 3.18727 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x000000000000003c Time: 8.15691 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x000000000000003d Time: 5.12186 +[02/25/2023-01:33:23] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 1.50967 +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/25/2023-01:33:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/25/2023-01:33:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:33:23] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/25/2023-01:33:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution) +[02/25/2023-01:33:23] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/25/2023-01:33:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 0.473687 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 0.474505 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 0.47451 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x446c8c788145836a Time: 0.489472 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 0.49328 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 0.474258 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 0.846647 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x97afba3735828021 Time: 0.489435 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 0.480005 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 0.494098 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 0.915022 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 0.487579 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 0.477769 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 0.94293 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 0.676718 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 0.672329 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 0.493175 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 0.936302 +[02/25/2023-01:33:23] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 0.473687 +[02/25/2023-01:33:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:23] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/25/2023-01:33:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/25/2023-01:33:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution) +[02/25/2023-01:33:23] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/25/2023-01:33:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.440613 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.417806 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.459954 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.555776 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.454514 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.481778 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.04564 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.446757 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.938898 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.476581 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.429518 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.464311 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 1.03751 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 0.611182 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.437426 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.447022 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.45968 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.441806 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.455406 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 0.628009 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 0.472905 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.595218 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.485545 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.480635 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.440174 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 0.551529 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.483433 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.62549 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.480987 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.791424 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.494446 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.460507 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.471465 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 0.443877 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.452197 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x83b35618df65874c Time: 0.466423 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.477518 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.577207 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.30634 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.480987 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.435927 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.0632 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.598894 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 0.4424 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.573522 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.456494 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.452919 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.454917 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.455781 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.434089 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.524219 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.456837 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.459968 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.472672 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.594693 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.438839 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.820955 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 0.54928 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.427319 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.419273 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 0.443424 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.456119 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.49248 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.467127 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.467822 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 1.27727 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.483232 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.437513 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.498222 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 0.450642 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.482039 +[02/25/2023-01:33:23] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.427406 +[02/25/2023-01:33:23] [V] [TRT] Fastest Tactic: 0x017a89ce2d82b850 Time: 0.417806 +[02/25/2023-01:33:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:33:23] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:23] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution) +[02/25/2023-01:33:23] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution) +[02/25/2023-01:33:23] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:23] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution) +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x0000000000000000 Time: 12.8677 +[02/25/2023-01:33:23] [V] [TRT] Tactic: 0x0000000000000001 Time: 6.36638 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x0000000000000002 Time: 19.6426 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x0000000000000004 Time: 9.43752 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x0000000000000005 Time: 6.71978 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x0000000000000006 Time: 5.62556 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x0000000000000038 Time: 13.1833 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x0000000000000039 Time: 6.2543 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x000000000000003a Time: 19.2146 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x000000000000003c Time: 9.43894 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x000000000000003d Time: 6.70954 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x000000000000003e Time: 5.66918 +[02/25/2023-01:33:24] [V] [TRT] Fastest Tactic: 0x0000000000000006 Time: 5.62556 +[02/25/2023-01:33:24] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/25/2023-01:33:24] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 9.09334 +[02/25/2023-01:33:24] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 0x268494f0a1c83de3 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x268494f0a1c83de3 Time: 4.04094 +[02/25/2023-01:33:24] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 0x27728c886a448c5a +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x27728c886a448c5a Time: 4.88947 +[02/25/2023-01:33:24] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:33:24] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 9.01092 +[02/25/2023-01:33:24] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 0x597d29027694c20b +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0x597d29027694c20b Time: 9.09306 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 4.62412 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x62b2ffd9a5c0cfb5 +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0x62b2ffd9a5c0cfb5 Time: 7.1845 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 8.23451 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 4.9838 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x93a1176336e5b9f6 +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0x93a1176336e5b9f6 Time: 6.68174 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 6.54014 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 11.3723 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb6717e61503d5e9b +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0xb6717e61503d5e9b Time: 10.6487 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 6.25467 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 5.93856 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 11.5935 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 19.0204 +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:33:25] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 6.69497 +[02/25/2023-01:33:25] [V] [TRT] Fastest Tactic: 0x268494f0a1c83de3 Time: 4.04094 +[02/25/2023-01:33:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x268494f0a1c83de3 +[02/25/2023-01:33:25] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:33:25] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/25/2023-01:33:25] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 10.789 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 8.66275 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0x0e2033f7517a807f +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x0e2033f7517a807f Time: 8.80208 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 7.26177 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x3eba442f4c9c4f50 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x3eba442f4c9c4f50 Time: 6.19039 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x43334a9c8840c773 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x43334a9c8840c773 Time: 5.52057 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 5.18378 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 9.10191 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.71045 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x66e3239eee98201e +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x66e3239eee98201e Time: 10.3061 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 8.78588 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 4.87656 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 9.08112 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.54803 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb132670a7750e065 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0xb132670a7750e065 Time: 7.60091 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: 0xca84742beb9f9767 +[02/25/2023-01:33:26] [V] [TRT] Tactic: 0xca84742beb9f9767 Time: 9.33112 +[02/25/2023-01:33:26] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0xd2b62ec40baf8ee4 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0xd2b62ec40baf8ee4 Time: 4.80432 +[02/25/2023-01:33:27] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 10.551 +[02/25/2023-01:33:27] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.79982 +[02/25/2023-01:33:27] [V] [TRT] Fastest Tactic: 0xd2b62ec40baf8ee4 Time: 4.80432 +[02/25/2023-01:33:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xd2b62ec40baf8ee4 +[02/25/2023-01:33:27] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:27] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution) +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0x0000000000000000 Time: 13.8931 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.95853 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0x0000000000000002 Time: 18.0255 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0x0000000000000004 Time: 8.16187 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0x0000000000000005 Time: 5.37502 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0x0000000000000006 Time: 6.34458 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0x0000000000000038 Time: 14.165 +[02/25/2023-01:33:27] [V] [TRT] Tactic: 0x000000000000003a Time: 17.9616 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x000000000000003c Time: 8.15543 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x000000000000003d Time: 5.40957 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x000000000000003e Time: 6.62734 +[02/25/2023-01:33:28] [V] [TRT] Fastest Tactic: 0x0000000000000005 Time: 5.37502 +[02/25/2023-01:33:28] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/25/2023-01:33:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000005 +[02/25/2023-01:33:28] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:33:28] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution) +[02/25/2023-01:33:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:28] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x0fe4a9cce7ed878b Time: 2.38124 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.41443 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.84176 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.94707 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x4092cbc840fbea35 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x4092cbc840fbea35 Time: 2.89558 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.06025 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.04424 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.75011 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 5.36211 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0x98a00f59a4b141f0 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x98a00f59a4b141f0 Time: 2.72911 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 2.8209 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 5.42616 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xcbe3f30275b04323 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xcbe3f30275b04323 Time: 5.07495 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 4.7932 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 0xd46b3ee2b59f893c +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xd46b3ee2b59f893c Time: 2.27884 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0xd7d66d5d03a72c4e +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xd7d66d5d03a72c4e Time: 2.75718 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 2.9177 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 5.44915 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xfc994367fd14b2d9 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0xfc994367fd14b2d9 Time: 5.00342 +[02/25/2023-01:33:28] [V] [TRT] Fastest Tactic: 0xd46b3ee2b59f893c Time: 2.27884 +[02/25/2023-01:33:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xd46b3ee2b59f893c +[02/25/2023-01:33:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:28] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/25/2023-01:33:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:33:28] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution) +[02/25/2023-01:33:28] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:28] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x00a425145e84482b +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x00a425145e84482b Time: 4.58844 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x03512591e8ea2977 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x03512591e8ea2977 Time: 1.60437 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.37036 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x095000b22a78f234 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x095000b22a78f234 Time: 1.2605 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 3.06117 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x0c0088d5808566d2 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x0c0088d5808566d2 Time: 1.58387 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x0caa5410b61e6cc5 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x0caa5410b61e6cc5 Time: 4.89728 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 1.00643 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x0e131ddbafdfe235 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x0e131ddbafdfe235 Time: 2.25255 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 1.48863 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 5.15947 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 1.41034 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.80374 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x1981adfb6b6fd8b9 +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x1981adfb6b6fd8b9 Time: 2.59317 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:33:28] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.52077 +[02/25/2023-01:33:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 1.88475 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 3.46632 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.0515 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x1de724868edf11b0 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x1de724868edf11b0 Time: 1.1413 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 1.48043 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x30150d05024bc911 Time: 0.979575 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x32789ed2e6c7b43b +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x32789ed2e6c7b43b Time: 1.49321 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 5.09196 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 2.73237 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 2.74572 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x350e898a5a20ad00 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x350e898a5a20ad00 Time: 1.0805 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 2.37041 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x490a097d77573bff +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x490a097d77573bff Time: 1.45291 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x4c6a6da741444412 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x4c6a6da741444412 Time: 3.05472 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x4e34a65090c3b86f Time: 1.42058 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x504f864880743a14 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x504f864880743a14 Time: 2.24022 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 2.3558 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 2.45582 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 0x5252dc6c9c5f3aff +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x5252dc6c9c5f3aff Time: 1.67039 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 5.0295 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.62348 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x56c66ffbce24b635 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x56c66ffbce24b635 Time: 1.45115 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.29141 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.41809 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.6297 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.7466 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.55463 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.28286 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 2.15801 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 2.51873 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x6cee4d9c86b4cdd5 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x6cee4d9c86b4cdd5 Time: 1.31455 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.52938 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x721049a39aae27ff +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x721049a39aae27ff Time: 2.26165 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 2.91694 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.82886 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.37927 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.07812 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.37297 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x8781623566dac7f0 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x8781623566dac7f0 Time: 1.05472 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.91924 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 1.74557 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 1.72926 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 2.54767 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.18696 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 1.90991 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.71622 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.43191 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 3.51904 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: 0xa84824f86c61d2d8 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xa84824f86c61d2d8 Time: 3.28997 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.07344 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 1.41839 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xac4736b5b00e1531 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xac4736b5b00e1531 Time: 2.31717 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.08603 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 2.05733 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 1.8394 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xb307bc772518d3d7 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xb307bc772518d3d7 Time: 1.96714 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 1.00524 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0xbb3d6545e4864f26 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xbb3d6545e4864f26 Time: 1.56198 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.64225 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 2.59448 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xc684285f13ba11d0 +[02/25/2023-01:33:29] [V] [TRT] Tactic: 0xc684285f13ba11d0 Time: 1.5815 +[02/25/2023-01:33:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 2.08692 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 5.19842 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xcb7b50f35a87094b +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xcb7b50f35a87094b Time: 1.67333 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.09221 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 2.00882 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.53189 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 1.51552 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.46097 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xd9d1d89fceeca81a +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xd9d1d89fceeca81a Time: 2.93977 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xdb70c5e9779254fb +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xdb70c5e9779254fb Time: 1.9617 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 1.55114 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 3.11372 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 2.76883 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 2.48271 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 3.02228 +[02/25/2023-01:33:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 1.37516 +[02/25/2023-01:33:30] [V] [TRT] Fastest Tactic: 0x30150d05024bc911 Time: 0.979575 +[02/25/2023-01:33:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x30150d05024bc911 +[02/25/2023-01:33:30] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:30] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:30] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution) +[02/25/2023-01:33:30] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:30] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution) +[02/25/2023-01:33:30] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:30] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution) +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0x0000000000000000 Time: 8.97243 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0x0000000000000001 Time: 7.0931 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.46261 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0x0000000000000004 Time: 26.4727 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0x0000000000000005 Time: 16.3753 +[02/25/2023-01:33:30] [V] [TRT] Tactic: 0x0000000000000038 Time: 9.09578 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x0000000000000039 Time: 7.1012 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x000000000000003a Time: 9.49072 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x000000000000003c Time: 26.687 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x000000000000003d Time: 16.3804 +[02/25/2023-01:33:31] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 7.0931 +[02/25/2023-01:33:31] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/25/2023-01:33:31] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:31] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.53072 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.84935 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 3.6267 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 3.20297 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 4.68797 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 3.06849 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.91229 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 3.26127 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 5.57641 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.96101 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 4.05483 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 3.49477 +[02/25/2023-01:33:31] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 2.53072 +[02/25/2023-01:33:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:31] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:33:31] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/25/2023-01:33:31] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:31] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.93455 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 3.23737 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:33:31] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 3.03865 +[02/25/2023-01:33:31] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 6.35378 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.7413 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 3.01466 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 3.06259 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 3.44368 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 6.17916 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.67901 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 4.79199 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.90848 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 4.68562 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 5.31083 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0xf92663d88255134b Time: 3.18824 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 6.13815 +[02/25/2023-01:33:32] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 4.66008 +[02/25/2023-01:33:32] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 2.67901 +[02/25/2023-01:33:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:32] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:32] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution) +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.61387 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x0000000000000001 Time: 4.58336 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x0000000000000002 Time: 7.46025 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x0000000000000004 Time: 23.5784 +[02/25/2023-01:33:32] [V] [TRT] Tactic: 0x0000000000000005 Time: 14.295 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x0000000000000038 Time: 6.82836 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x000000000000003a Time: 7.39243 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x000000000000003c Time: 23.582 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x000000000000003d Time: 14.3692 +[02/25/2023-01:33:33] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 4.58336 +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/25/2023-01:33:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/25/2023-01:33:33] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:33:33] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/25/2023-01:33:33] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution) +[02/25/2023-01:33:33] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/25/2023-01:33:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.41177 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 1.36689 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 1.47861 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x446c8c788145836a Time: 2.08405 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 2.35198 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.87889 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.44 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.93677 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.76597 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 2.04888 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.20331 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.86222 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.63958 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.24556 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.56123 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.54184 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.94736 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.20861 +[02/25/2023-01:33:33] [V] [TRT] Fastest Tactic: 0x21904dd9d0cd407e Time: 1.36689 +[02/25/2023-01:33:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:33] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/25/2023-01:33:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/25/2023-01:33:33] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution) +[02/25/2023-01:33:33] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/25/2023-01:33:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:33] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 1.30943 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 1.53512 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 1.33032 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 1.54092 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.41176 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 1.23202 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.30141 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x249110624ee04937 Time: 1.23438 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 1.18826 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.20071 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 1.17475 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 1.2069 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 1.37338 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.48831 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 1.28647 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.22646 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 1.4302 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 1.42496 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.23408 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:33:33] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.56572 +[02/25/2023-01:33:33] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.543 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.52629 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.17929 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.73339 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 1.17681 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.64152 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.71887 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.41686 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 1.26537 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 1.20871 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 1.15703 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 1.23024 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 1.1823 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 2.088 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.42399 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x83b35618df65874c Time: 1.49487 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.61061 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.34619 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.60688 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 1.26768 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.30286 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.22496 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 1.36659 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.65954 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.31835 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.2703 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.58954 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.5508 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 1.22218 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 1.16733 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 1.17493 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 1.27799 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 1.29193 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 1.48735 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.42512 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 1.14922 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 1.19074 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.60713 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 1.17396 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.61028 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.62292 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 1.2642 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 1.2398 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.37439 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.73144 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 1.61382 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 1.55093 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.17067 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 1.2052 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 2.0126 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 1.43692 +[02/25/2023-01:33:34] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 1.15974 +[02/25/2023-01:33:34] [V] [TRT] Fastest Tactic: 0xc399fdbffdc34032 Time: 1.14922 +[02/25/2023-01:33:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:33:34] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:34] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:34] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution) +[02/25/2023-01:33:34] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:34] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution) +[02/25/2023-01:33:34] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:34] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution) +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x0000000000000000 Time: 17.3099 +[02/25/2023-01:33:34] [V] [TRT] Tactic: 0x0000000000000001 Time: 15.3628 +[02/25/2023-01:33:35] [V] [TRT] Tactic: 0x0000000000000002 Time: 17.6329 +[02/25/2023-01:33:35] [V] [TRT] Tactic: 0x0000000000000004 Time: 34.5555 +[02/25/2023-01:33:35] [V] [TRT] Tactic: 0x0000000000000005 Time: 24.7653 +[02/25/2023-01:33:35] [V] [TRT] Tactic: 0x0000000000000038 Time: 17.2593 +[02/25/2023-01:33:35] [V] [TRT] Tactic: 0x0000000000000039 Time: 15.3351 +[02/25/2023-01:33:35] [V] [TRT] Tactic: 0x000000000000003a Time: 17.6579 +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x000000000000003c Time: 34.572 +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x000000000000003d Time: 24.7527 +[02/25/2023-01:33:36] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 15.3351 +[02/25/2023-01:33:36] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/25/2023-01:33:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:36] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 4.19898 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.16592 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 4.25076 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 4.22146 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 5.54799 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 4.05987 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 4.08459 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 4.05764 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 9.21686 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 5.05689 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 4.62585 +[02/25/2023-01:33:36] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:33:36] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 4.10451 +[02/25/2023-01:33:36] [V] [TRT] Fastest Tactic: 0x90238daf8750ddb0 Time: 4.05764 +[02/25/2023-01:33:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:36] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:33:36] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/25/2023-01:33:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:37] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.15516 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 4.28251 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.15749 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 8.56005 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 4.3247 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.17045 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 4.14999 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 4.31045 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 8.55003 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.18491 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 6.81647 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 4.16183 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 4.54335 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 7.02377 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0xf92663d88255134b Time: 4.26657 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 8.51178 +[02/25/2023-01:33:37] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 6.37141 +[02/25/2023-01:33:37] [V] [TRT] Fastest Tactic: 0x849891f3d1d80c55 Time: 4.14999 +[02/25/2023-01:33:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:33:37] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:37] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution) +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x0000000000000000 Time: 11.1104 +[02/25/2023-01:33:37] [V] [TRT] Tactic: 0x0000000000000001 Time: 8.98472 +[02/25/2023-01:33:38] [V] [TRT] Tactic: 0x0000000000000002 Time: 11.707 +[02/25/2023-01:33:38] [V] [TRT] Tactic: 0x0000000000000004 Time: 27.9651 +[02/25/2023-01:33:38] [V] [TRT] Tactic: 0x0000000000000005 Time: 18.6058 +[02/25/2023-01:33:38] [V] [TRT] Tactic: 0x0000000000000038 Time: 11.1958 +[02/25/2023-01:33:38] [V] [TRT] Tactic: 0x000000000000003a Time: 11.7719 +[02/25/2023-01:33:38] [V] [TRT] Tactic: 0x000000000000003c Time: 27.9195 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x000000000000003d Time: 18.602 +[02/25/2023-01:33:39] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 8.98472 +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/25/2023-01:33:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/25/2023-01:33:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:33:39] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution) +[02/25/2023-01:33:39] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/25/2023-01:33:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.17905 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.18549 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.25354 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x446c8c788145836a Time: 2.23115 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 2.33563 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.26277 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.51985 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x97afba3735828021 Time: 2.14572 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 2.1082 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 2.24185 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.45263 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 2.14166 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 2.08976 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.37796 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 2.03223 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 2.03103 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 2.19861 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.39144 +[02/25/2023-01:33:39] [V] [TRT] Fastest Tactic: 0xdcd3fec139dd130a Time: 2.03103 +[02/25/2023-01:33:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:33:39] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/25/2023-01:33:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/25/2023-01:33:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:39] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution) +[02/25/2023-01:33:39] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/25/2023-01:33:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:39] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 2.08289 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 2.0294 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 2.01669 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 2.37136 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 2.10496 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 1.9339 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.88548 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x249110624ee04937 Time: 1.99789 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 2.0009 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 2.00168 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 1.96838 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 1.96989 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 1.8849 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.98622 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 1.99381 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.98333 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 2.07119 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 2.08179 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 2.02637 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.99187 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 2.11576 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 2.29627 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.9708 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 2.17599 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 1.99582 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 2.34523 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 2.17235 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.98678 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 1.99754 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:33:39] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 1.97579 +[02/25/2023-01:33:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 2.11939 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 2.09832 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 1.97617 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 2.11594 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 2.06762 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x83b35618df65874c Time: 2.12857 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 2.40132 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 2.6984 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.89396 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 2.19438 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.99404 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 2.36427 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 2.27708 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 2.08652 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 2.68738 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 2.08132 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 2.0187 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 2.06176 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 2.03284 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 2.29894 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 1.94055 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 2.08486 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 2.00713 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 2.46661 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 2.30516 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 2.32879 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 1.97555 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 2.27635 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 1.97467 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 2.02934 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 2.09056 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 2.02277 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 1.94209 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 2.10212 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 2.12344 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 1.89179 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 2.1624 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.98855 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 1.92355 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 2.12441 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 2.0955 +[02/25/2023-01:33:40] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 1.94943 +[02/25/2023-01:33:40] [V] [TRT] Fastest Tactic: 0x2c6739dc8daca583 Time: 1.8849 +[02/25/2023-01:33:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:33:40] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:40] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:40] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution) +[02/25/2023-01:33:40] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:40] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution) +[02/25/2023-01:33:40] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:40] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution) +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.41904 +[02/25/2023-01:33:40] [V] [TRT] Tactic: 0x0000000000000001 Time: 4.05709 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x0000000000000002 Time: 10.9699 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x0000000000000004 Time: 24.0459 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x0000000000000005 Time: 13.7376 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x0000000000000038 Time: 6.64789 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x0000000000000039 Time: 3.99739 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x000000000000003a Time: 10.9069 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x000000000000003c Time: 24.0558 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x000000000000003d Time: 13.762 +[02/25/2023-01:33:41] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 3.99739 +[02/25/2023-01:33:41] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/25/2023-01:33:41] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:41] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/25/2023-01:33:41] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 4.10672 +[02/25/2023-01:33:41] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.58369 +[02/25/2023-01:33:41] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:33:41] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 2.81458 +[02/25/2023-01:33:41] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 4.92488 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.46814 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.47515 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.45827 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.77622 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 6.98516 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.20597 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.22314 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 2.88534 +[02/25/2023-01:33:42] [V] [TRT] Fastest Tactic: 0x7e29bdfccd92c42c Time: 2.45827 +[02/25/2023-01:33:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:33:42] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:33:42] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/25/2023-01:33:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:42] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.87774 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 3.25954 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.873 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 3.69605 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.84764 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.93422 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 4.75221 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 3.26363 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 3.43742 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.60742 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 5.63551 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 5.01941 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 4.0135 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 3.43591 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xf92663d88255134b Time: 3.27124 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 3.58018 +[02/25/2023-01:33:42] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 5.32088 +[02/25/2023-01:33:42] [V] [TRT] Fastest Tactic: 0x48f8d75aa348d22f Time: 3.25954 +[02/25/2023-01:33:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:42] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:42] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution) +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.14496 +[02/25/2023-01:33:42] [V] [TRT] Tactic: 0x0000000000000001 Time: 3.10303 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.63854 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x0000000000000004 Time: 22.2064 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x0000000000000005 Time: 12.7374 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x0000000000000038 Time: 7.35551 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x000000000000003a Time: 9.62114 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x000000000000003c Time: 22.1981 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x000000000000003d Time: 12.9196 +[02/25/2023-01:33:43] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 3.10303 +[02/25/2023-01:33:43] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/25/2023-01:33:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:43] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/25/2023-01:33:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:33:43] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:43] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/25/2023-01:33:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:43] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:33:43] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution) +[02/25/2023-01:33:43] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:43] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/25/2023-01:33:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:43] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.14433 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 1.13522 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 1.22207 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.40259 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.7161 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.55931 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 3.22377 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.40538 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.29796 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.4437 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.83665 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:33:43] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.40667 +[02/25/2023-01:33:43] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.31747 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.83883 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 2.52722 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 2.50821 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.37644 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.80079 +[02/25/2023-01:33:44] [V] [TRT] Fastest Tactic: 0x21904dd9d0cd407e Time: 1.13522 +[02/25/2023-01:33:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:44] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:44] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/25/2023-01:33:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:44] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/25/2023-01:33:44] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:44] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:33:44] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution) +[02/25/2023-01:33:44] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:44] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/25/2023-01:33:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:44] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 1.3663 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 1.13457 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 1.15287 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 1.3938 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.19429 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 1.16353 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.90185 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x249110624ee04937 Time: 1.36077 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 2.51125 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.40022 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 1.14423 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 1.38269 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 1.99007 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.59408 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 1.14194 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.36045 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 1.19513 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 1.36531 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.35899 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.59933 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.36742 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.48301 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.41258 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.16092 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 1.14052 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.38788 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.15927 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.58309 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 1.36301 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 1.6264 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 1.25776 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 1.35724 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 1.41928 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.17224 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.18989 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x83b35618df65874c Time: 1.37305 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.37215 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.67848 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 2.82062 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 1.39131 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.14245 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 2.55122 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 1.47454 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.36316 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.49468 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.37292 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.15913 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.15937 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 1.35915 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 1.15092 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 1.43857 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 1.39097 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 1.36468 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 1.40475 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.46898 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 1.34464 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 1.63451 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.38647 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 1.14397 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.13339 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.36309 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 1.36539 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 1.16556 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.35868 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.158 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 2.79842 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 1.36842 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:33:44] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.13961 +[02/25/2023-01:33:44] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:33:45] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 1.15771 +[02/25/2023-01:33:45] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:33:45] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.17527 +[02/25/2023-01:33:45] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:33:45] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 1.38182 +[02/25/2023-01:33:45] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:45] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 1.14044 +[02/25/2023-01:33:45] [V] [TRT] Fastest Tactic: 0xd8c128ae16cb4132 Time: 1.13339 +[02/25/2023-01:33:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:33:45] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CaskConvolution) +[02/25/2023-01:33:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:33:45] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CublasConvolution) +[02/25/2023-01:33:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CaskConvolution) +[02/25/2023-01:33:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:33:45] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution) +[02/25/2023-01:33:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CublasConvolution) +[02/25/2023-01:33:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution) +[02/25/2023-01:33:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:33:45] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CaskConvolution) +[02/25/2023-01:33:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) *************** +[02/25/2023-01:33:45] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CublasConvolution) +[02/25/2023-01:33:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CaskConvolution) +[02/25/2023-01:33:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) *************** +[02/25/2023-01:33:45] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:45] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(401408,3136,56,1) *************** +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution) +[02/25/2023-01:33:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution) +[02/25/2023-01:33:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:45] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution) +[02/25/2023-01:33:45] [V] [TRT] Tactic: 0x0000000000000000 Time: 10.3415 +[02/25/2023-01:33:45] [V] [TRT] Tactic: 0x0000000000000001 Time: 7.8235 +[02/25/2023-01:33:45] [V] [TRT] Tactic: 0x0000000000000002 Time: 14.6412 +[02/25/2023-01:33:45] [V] [TRT] Tactic: 0x0000000000000004 Time: 37.3812 +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x0000000000000005 Time: 22.0883 +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x0000000000000038 Time: 10.8076 +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x0000000000000039 Time: 8.04532 +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x000000000000003a Time: 14.6848 +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x000000000000003c Time: 37.3854 +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x000000000000003d Time: 22.259 +[02/25/2023-01:33:46] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 7.8235 +[02/25/2023-01:33:46] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/25/2023-01:33:46] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:46] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/25/2023-01:33:46] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 4.00904 +[02/25/2023-01:33:46] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.69735 +[02/25/2023-01:33:46] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:33:46] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 5.71982 +[02/25/2023-01:33:46] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 4.96942 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 7.16591 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 5.31596 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 4.95394 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.28709 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 7.13669 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 6.67588 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 6.65548 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 5.96776 +[02/25/2023-01:33:47] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 4.00904 +[02/25/2023-01:33:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:47] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(401408,1,7168,128) *************** +[02/25/2023-01:33:47] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/25/2023-01:33:47] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:47] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 5.15827 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 5.66155 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 5.34166 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 7.20752 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 7.44371 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 5.15106 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 5.25865 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 5.54108 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 6.78284 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:47] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.75224 +[02/25/2023-01:33:47] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 6.16624 +[02/25/2023-01:33:48] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 5.38156 +[02/25/2023-01:33:48] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 7.86761 +[02/25/2023-01:33:48] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 6.16524 +[02/25/2023-01:33:48] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0xf92663d88255134b Time: 5.52726 +[02/25/2023-01:33:48] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 6.98493 +[02/25/2023-01:33:48] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 5.71863 +[02/25/2023-01:33:48] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 4.75224 +[02/25/2023-01:33:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:48] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(401408,3136,56,1) *************** +[02/25/2023-01:33:48] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution) +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0x0000000000000000 Time: 8.94833 +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0x0000000000000001 Time: 6.33442 +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0x0000000000000002 Time: 11.6565 +[02/25/2023-01:33:48] [V] [TRT] Tactic: 0x0000000000000004 Time: 34.6068 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x0000000000000005 Time: 19.9514 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x0000000000000038 Time: 9.25518 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x000000000000003a Time: 11.6208 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x000000000000003c Time: 34.748 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x000000000000003d Time: 19.6172 +[02/25/2023-01:33:49] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 6.33442 +[02/25/2023-01:33:49] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/25/2023-01:33:49] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:49] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/25/2023-01:33:49] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:49] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:33:49] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(401408,3136,56,1) *************** +[02/25/2023-01:33:49] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/25/2023-01:33:49] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:49] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136:2,56,1) *************** +[02/25/2023-01:33:49] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution) +[02/25/2023-01:33:49] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:49] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/25/2023-01:33:49] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:49] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.04656 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.39145 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 3.00734 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.38492 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.33793 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.89235 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 3.0414 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x97afba3735828021 Time: 2.74517 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 2.71566 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 3.00853 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 3.04107 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:33:49] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 2.7665 +[02/25/2023-01:33:49] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 2.5609 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.93974 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 2.52985 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 2.52194 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 2.8596 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.9444 +[02/25/2023-01:33:50] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 2.04656 +[02/25/2023-01:33:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:50] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(401408,3136,56,1) *************** +[02/25/2023-01:33:50] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/25/2023-01:33:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:50] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/25/2023-01:33:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:50] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(50176,1:8,896,16) *************** +[02/25/2023-01:33:50] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution) +[02/25/2023-01:33:50] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:50] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/25/2023-01:33:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:50] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 1.95232 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 1.83881 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 1.62495 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 2.01723 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.40379 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 1.38892 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 2.15186 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x249110624ee04937 Time: 1.60022 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 2.69675 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.59422 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 1.36134 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 1.58157 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 2.17937 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 2.02901 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 1.82905 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.59898 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 1.40032 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 2.08079 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.77647 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 2.07385 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 2.13077 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.79258 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.70716 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.85503 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 1.46664 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 2.08165 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.84884 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 2.0253 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 1.62055 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 1.74637 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 1.43264 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 1.73495 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 1.71893 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 2.59862 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.4234 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x83b35618df65874c Time: 2.09421 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.65595 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.97612 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 3.20685 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 1.78968 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.77547 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 2.91325 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 1.7841 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 2.28622 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.84993 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.5803 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.65268 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.63196 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 1.64976 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 1.36879 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 1.7034 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:33:50] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 1.59364 +[02/25/2023-01:33:50] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 1.58401 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 1.65094 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.78659 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 1.47176 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 1.90556 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 2.03646 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 1.3587 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.99541 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 2.51573 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 1.58178 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 1.38384 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.7615 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.81923 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 3.03426 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 1.6305 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.38679 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 1.38538 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 2.46298 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 1.61216 +[02/25/2023-01:33:51] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 1.36046 +[02/25/2023-01:33:51] [V] [TRT] Fastest Tactic: 0xd47a5fce3824e4a4 Time: 1.3587 +[02/25/2023-01:33:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:51] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:51] [V] [TRT] *************** Autotuning format combination: Float(401408,3136,56,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:51] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution) +[02/25/2023-01:33:51] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:51] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution) +[02/25/2023-01:33:51] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:51] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution) +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0x0000000000000000 Time: 8.28419 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.82017 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0x0000000000000002 Time: 12.6722 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0x0000000000000005 Time: 12.2093 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0x0000000000000038 Time: 8.76549 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0x0000000000000039 Time: 5.60562 +[02/25/2023-01:33:51] [V] [TRT] Tactic: 0x000000000000003a Time: 12.838 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x000000000000003d Time: 12.2172 +[02/25/2023-01:33:52] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 5.60562 +[02/25/2023-01:33:52] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.529 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 0x27728c886a448c5a +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x27728c886a448c5a Time: 5.04707 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 5.20841 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 0x597d29027694c20b +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x597d29027694c20b Time: 5.25956 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 5.13023 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x62b2ffd9a5c0cfb5 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x62b2ffd9a5c0cfb5 Time: 8.12675 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 8.43279 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.37307 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x93a1176336e5b9f6 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x93a1176336e5b9f6 Time: 6.61381 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 6.35666 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 5.76134 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb6717e61503d5e9b +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0xb6717e61503d5e9b Time: 6.05407 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 7.33711 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 6.6481 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 6.63142 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 10.2517 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 7.18585 +[02/25/2023-01:33:52] [V] [TRT] Fastest Tactic: 0x195431d38ba5af88 Time: 4.529 +[02/25/2023-01:33:52] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:52] [V] [TRT] *************** Autotuning format combination: Float(401408,1,7168,128) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:33:52] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:33:52] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 5.58566 +[02/25/2023-01:33:52] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 5.35874 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0x0e2033f7517a807f +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x0e2033f7517a807f Time: 5.54141 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 8.1352 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x3eba442f4c9c4f50 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x3eba442f4c9c4f50 Time: 6.4429 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x43334a9c8840c773 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x43334a9c8840c773 Time: 6.44533 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 5.52637 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 5.5609 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 6.37724 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x66e3239eee98201e +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x66e3239eee98201e Time: 6.08525 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 5.63695 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 5.44954 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 5.33488 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 6.34619 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb132670a7750e065 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0xb132670a7750e065 Time: 8.19209 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: 0xca84742beb9f9767 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0xca84742beb9f9767 Time: 5.58753 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0xd2b62ec40baf8ee4 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0xd2b62ec40baf8ee4 Time: 5.81034 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 6.46145 +[02/25/2023-01:33:53] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 6.21133 +[02/25/2023-01:33:53] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 5.33488 +[02/25/2023-01:33:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:53] [V] [TRT] *************** Autotuning format combination: Half(401408,3136,56,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:33:53] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution) +[02/25/2023-01:33:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.59478 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x0000000000000001 Time: 6.09014 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x0000000000000002 Time: 10.6539 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x0000000000000005 Time: 11.5153 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x0000000000000038 Time: 8.1569 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x000000000000003a Time: 10.1697 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x000000000000003d Time: 11.5498 +[02/25/2023-01:33:54] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 6.09014 +[02/25/2023-01:33:54] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/25/2023-01:33:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:33:54] [V] [TRT] *************** Autotuning format combination: Half(200704,3136:2,56,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:33:54] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution) +[02/25/2023-01:33:54] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:54] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x0fe4a9cce7ed878b Time: 2.46955 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.52343 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.77747 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.84262 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x4092cbc840fbea35 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x4092cbc840fbea35 Time: 2.79932 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.30581 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.25188 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.73743 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.70947 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0x98a00f59a4b141f0 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x98a00f59a4b141f0 Time: 3.17876 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 3.26508 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.79864 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xcbe3f30275b04323 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0xcbe3f30275b04323 Time: 2.90151 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.83491 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0xd7d66d5d03a72c4e +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0xd7d66d5d03a72c4e Time: 3.35696 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 3.37298 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.98786 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xfc994367fd14b2d9 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0xfc994367fd14b2d9 Time: 2.84239 +[02/25/2023-01:33:54] [V] [TRT] Fastest Tactic: 0x0fe4a9cce7ed878b Time: 2.46955 +[02/25/2023-01:33:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:33:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:33:54] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/25/2023-01:33:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:33:54] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution) +[02/25/2023-01:33:54] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:54] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x00a425145e84482b +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x00a425145e84482b Time: 2.3187 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x03512591e8ea2977 +[02/25/2023-01:33:54] [V] [TRT] Tactic: 0x03512591e8ea2977 Time: 1.64462 +[02/25/2023-01:33:54] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.35125 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x095000b22a78f234 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x095000b22a78f234 Time: 1.3204 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 1.70715 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x0c0088d5808566d2 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x0c0088d5808566d2 Time: 1.06422 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x0caa5410b61e6cc5 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x0caa5410b61e6cc5 Time: 2.58935 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 1.19436 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x0e131ddbafdfe235 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x0e131ddbafdfe235 Time: 1.31836 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 1.1774 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 2.70654 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 1.1776 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.91609 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x1981adfb6b6fd8b9 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x1981adfb6b6fd8b9 Time: 1.39919 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.65086 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 2.11295 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 1.70504 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.34007 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x1de724868edf11b0 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x1de724868edf11b0 Time: 1.27845 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.949394 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x30150d05024bc911 Time: 1.15858 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x32789ed2e6c7b43b +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x32789ed2e6c7b43b Time: 1.17075 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 2.82858 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.62075 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.66561 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x350e898a5a20ad00 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x350e898a5a20ad00 Time: 1.01844 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.29612 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x490a097d77573bff +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x490a097d77573bff Time: 0.973042 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x4c6a6da741444412 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x4c6a6da741444412 Time: 1.51145 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x4e34a65090c3b86f Time: 0.929545 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x504f864880743a14 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x504f864880743a14 Time: 2.49623 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.36805 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.43853 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 0x5252dc6c9c5f3aff +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x5252dc6c9c5f3aff Time: 1.78537 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 2.696 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.71167 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x56c66ffbce24b635 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x56c66ffbce24b635 Time: 1.611 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.32925 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.49397 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.56769 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.83032 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.6236 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.34921 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.32798 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 1.43941 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x6cee4d9c86b4cdd5 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x6cee4d9c86b4cdd5 Time: 1.41104 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.55538 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x721049a39aae27ff +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x721049a39aae27ff Time: 2.35168 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.56672 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.87744 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.37597 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.33568 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.41243 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x8781623566dac7f0 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x8781623566dac7f0 Time: 1.34905 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.97605 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 1.07243 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 1.09019 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 1.41237 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.34916 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 2.06585 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.80863 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.49227 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 1.71241 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: 0xa84824f86c61d2d8 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xa84824f86c61d2d8 Time: 1.7061 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.07748 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 1.00818 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xac4736b5b00e1531 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xac4736b5b00e1531 Time: 1.35079 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.03684 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 1.1343 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 2.01687 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xb307bc772518d3d7 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xb307bc772518d3d7 Time: 1.29051 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 1.19928 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0xbb3d6545e4864f26 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xbb3d6545e4864f26 Time: 0.969289 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.76713 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.5021 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xc684285f13ba11d0 +[02/25/2023-01:33:55] [V] [TRT] Tactic: 0xc684285f13ba11d0 Time: 1.744 +[02/25/2023-01:33:55] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 2.25558 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 2.68266 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xcb7b50f35a87094b +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xcb7b50f35a87094b Time: 1.82445 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.2711 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.26913 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.66199 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.946395 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.61501 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xd9d1d89fceeca81a +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xd9d1d89fceeca81a Time: 1.73406 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xdb70c5e9779254fb +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xdb70c5e9779254fb Time: 2.08486 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.961518 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 1.55101 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.73226 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 1.50908 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 1.642 +[02/25/2023-01:33:56] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.943543 +[02/25/2023-01:33:56] [V] [TRT] Fastest Tactic: 0x4e34a65090c3b86f Time: 0.929545 +[02/25/2023-01:33:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:33:56] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:56] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:56] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution) +[02/25/2023-01:33:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:56] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution) +[02/25/2023-01:33:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:56] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution) +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.81543 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x0000000000000001 Time: 4.41714 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x0000000000000002 Time: 6.63364 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x0000000000000004 Time: 12.9411 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x0000000000000005 Time: 10.0639 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x0000000000000038 Time: 5.90731 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x0000000000000039 Time: 4.40995 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x000000000000003a Time: 6.62206 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x000000000000003c Time: 13.0168 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x000000000000003d Time: 9.96503 +[02/25/2023-01:33:56] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 4.40995 +[02/25/2023-01:33:56] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/25/2023-01:33:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:56] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/25/2023-01:33:56] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.46843 +[02/25/2023-01:33:56] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:56] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.44787 +[02/25/2023-01:33:56] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 2.84627 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 2.59983 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.85079 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.60476 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.52459 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.87968 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 4.86254 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.70483 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.43595 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 3.13666 +[02/25/2023-01:33:57] [V] [TRT] Fastest Tactic: 0x195431d38ba5af88 Time: 2.44787 +[02/25/2023-01:33:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:57] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:33:57] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/25/2023-01:33:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:57] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.74871 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.77476 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 2.59365 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 4.30729 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.54923 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 2.46201 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.51082 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.80836 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 4.2836 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.38214 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 3.00611 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.69968 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 3.88777 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 3.05588 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.62292 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 4.35046 +[02/25/2023-01:33:57] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.88124 +[02/25/2023-01:33:57] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 2.38214 +[02/25/2023-01:33:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:33:57] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:57] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution) +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.61124 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x0000000000000001 Time: 3.2897 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x0000000000000002 Time: 5.60404 +[02/25/2023-01:33:57] [V] [TRT] Tactic: 0x0000000000000004 Time: 12.0715 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x0000000000000005 Time: 8.83067 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x0000000000000038 Time: 5.13258 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x000000000000003a Time: 5.53958 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x000000000000003c Time: 12.0477 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x000000000000003d Time: 8.80278 +[02/25/2023-01:33:58] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 3.2897 +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/25/2023-01:33:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/25/2023-01:33:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:33:58] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/25/2023-01:33:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution) +[02/25/2023-01:33:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/25/2023-01:33:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.13749 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 1.13942 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 1.27653 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.52437 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.74811 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.61264 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 1.88697 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.63709 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.44443 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.60901 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 1.70389 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.47341 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.36603 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.67092 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.35191 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.34192 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.49035 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.73169 +[02/25/2023-01:33:58] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 1.13749 +[02/25/2023-01:33:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:33:58] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/25/2023-01:33:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/25/2023-01:33:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution) +[02/25/2023-01:33:58] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/25/2023-01:33:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:58] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 1.09659 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 1.1583 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.856069 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 1.09516 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.637499 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.731886 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.876425 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.691776 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.840334 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.841225 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.584672 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.832151 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.967858 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.17236 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 1.08837 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.71664 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.662455 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 1.13902 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.967625 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.14687 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.24904 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.996782 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.966565 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.22704 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.842821 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.17129 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.18204 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.08767 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.831525 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.796087 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.822117 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.897317 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.860119 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.46751 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.678331 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x83b35618df65874c Time: 1.18055 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.04903 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.95381 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.08215 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.816901 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.03746 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 0.865801 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.970752 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.32887 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.926958 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.698066 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:33:58] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.956709 +[02/25/2023-01:33:58] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.957929 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.911675 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.631259 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.895561 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.70219 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.795854 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.940023 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.989477 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.673399 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.800256 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.14713 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.58645 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.21333 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.34528 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.760987 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.757467 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.958862 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.16863 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 1.07841 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.911273 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.825527 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.752471 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.49856 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.888562 +[02/25/2023-01:33:59] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.590126 +[02/25/2023-01:33:59] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.584672 +[02/25/2023-01:33:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:33:59] [V] [TRT] =============== Computing costs for +[02/25/2023-01:33:59] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:33:59] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution) +[02/25/2023-01:33:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:59] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution) +[02/25/2023-01:33:59] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:33:59] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution) +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0x0000000000000000 Time: 11.9703 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0x0000000000000001 Time: 11.0548 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0x0000000000000002 Time: 13.8522 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0x0000000000000038 Time: 12.1618 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0x0000000000000039 Time: 11.0727 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0x000000000000003a Time: 13.8617 +[02/25/2023-01:33:59] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 11.0548 +[02/25/2023-01:33:59] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/25/2023-01:33:59] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 4.84984 +[02/25/2023-01:33:59] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:33:59] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 5.47899 +[02/25/2023-01:33:59] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 6.97139 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 5.48813 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 5.81508 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 5.80652 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 8.9887 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.52929 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 8.98234 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 7.4081 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 8.34399 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 7.09211 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 7.02406 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 8.65139 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 7.46504 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 7.27102 +[02/25/2023-01:34:00] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 4.84984 +[02/25/2023-01:34:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:00] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256), Float(401408,1,14336,512) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:34:00] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 7.28742 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:00] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.822 +[02/25/2023-01:34:00] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 7.75077 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 5.32436 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 5.22263 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 7.73956 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 7.28122 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 5.15702 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 5.09858 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 5.18173 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 7.8739 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.86548 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.95066 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 6.29819 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 5.44031 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 6.35143 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0xf92663d88255134b Time: 5.13964 +[02/25/2023-01:34:01] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 8.09626 +[02/25/2023-01:34:01] [V] [TRT] Fastest Tactic: 0x0bf55a7b77a6ff98 Time: 4.822 +[02/25/2023-01:34:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:01] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1), Half(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:34:01] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution) +[02/25/2023-01:34:01] [V] [TRT] Tactic: 0x0000000000000000 Time: 10.5884 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x0000000000000001 Time: 14.2679 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x0000000000000002 Time: 11.2895 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x0000000000000038 Time: 10.9052 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x000000000000003a Time: 11.2801 +[02/25/2023-01:34:02] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 10.5884 +[02/25/2023-01:34:02] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/25/2023-01:34:02] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000000 +[02/25/2023-01:34:02] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:34:02] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution) +[02/25/2023-01:34:02] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:02] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.37163 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.57788 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.99374 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.67851 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.51866 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 3.02607 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 3.20946 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x97afba3735828021 Time: 3.2497 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 2.97428 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 3.44591 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 3.30723 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 3.34344 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 3.24168 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 3.57348 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 2.98438 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 2.89834 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 3.42501 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 3.5076 +[02/25/2023-01:34:02] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 2.37163 +[02/25/2023-01:34:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:02] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:34:02] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/25/2023-01:34:02] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:02] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:34:02] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution) +[02/25/2023-01:34:02] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:02] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.55037 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 2.26816 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 1.40244 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 1.28252 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 1.42984 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 1.70085 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 1.29899 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 2.04624 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:34:02] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.86132 +[02/25/2023-01:34:02] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 2.24812 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 1.58574 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 2.14528 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.30645 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 1.53152 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.45531 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.46613 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 1.17551 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 2.02101 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.97332 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.61824 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.97544 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.36718 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 1.29982 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 2.09032 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.80169 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 2.07211 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.5845 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 2.08766 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 2.0118 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.62845 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 2.16561 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.97794 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.50447 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.71751 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 2.10994 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.84056 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 2.16122 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.41022 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.40453 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 2.16668 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.97342 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.95584 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 2.10667 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.5493 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.35475 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 2.01158 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 2.13856 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.72851 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x86903737887c556d Time: 2.00758 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 1.63082 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.79921 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.92034 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.87916 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 2.00938 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 1.656 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 2.06907 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 1.64664 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 2.01051 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.32625 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.40905 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 2.25847 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 2.09364 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.87413 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 1.59978 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.58235 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 1.58661 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.55616 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:34:03] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 1.82899 +[02/25/2023-01:34:03] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 1.91342 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 1.69574 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 1.28567 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 1.42248 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.77032 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 2.13431 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 1.51552 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 2.35927 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 1.47893 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 1.72354 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.35724 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.34688 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 2.11266 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 1.28851 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.48978 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 2.06789 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 2.71573 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 1.58709 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.79782 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.98457 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.4364 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 1.58652 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.65131 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 1.5487 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 2.09861 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 1.54826 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 2.41401 +[02/25/2023-01:34:04] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 1.28909 +[02/25/2023-01:34:04] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 1.17551 +[02/25/2023-01:34:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:04] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:04] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:04] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution) +[02/25/2023-01:34:04] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:04] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution) +[02/25/2023-01:34:04] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:04] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution) +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.50241 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0x0000000000000001 Time: 3.02816 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0x0000000000000002 Time: 8.0597 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0x0000000000000004 Time: 11.6822 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0x0000000000000005 Time: 9.27647 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0x0000000000000038 Time: 5.78619 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0x0000000000000039 Time: 3.11823 +[02/25/2023-01:34:04] [V] [TRT] Tactic: 0x000000000000003a Time: 7.97344 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x000000000000003c Time: 11.6379 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x000000000000003d Time: 9.34636 +[02/25/2023-01:34:05] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 3.02816 +[02/25/2023-01:34:05] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/25/2023-01:34:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:05] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.16033 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.17203 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 2.65946 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 2.50286 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.55387 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.48197 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.42799 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.63538 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 3.33043 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.53835 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.34153 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 3.07768 +[02/25/2023-01:34:05] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 2.16033 +[02/25/2023-01:34:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:05] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:34:05] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/25/2023-01:34:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:05] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.47518 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.60421 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 2.68171 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 3.32319 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.78663 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 2.38594 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.48307 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.6785 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 3.09681 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.40191 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 2.85661 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.65147 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 3.94708 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 2.94651 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.56563 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 3.26012 +[02/25/2023-01:34:05] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.92461 +[02/25/2023-01:34:05] [V] [TRT] Fastest Tactic: 0x810bd80d0531c0a0 Time: 2.38594 +[02/25/2023-01:34:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:05] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:05] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution) +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.639 +[02/25/2023-01:34:05] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.37188 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x0000000000000002 Time: 5.07016 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x0000000000000004 Time: 11.0422 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x0000000000000005 Time: 8.48978 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x0000000000000038 Time: 4.08085 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x000000000000003a Time: 5.21216 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x000000000000003c Time: 11.0398 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x000000000000003d Time: 8.6326 +[02/25/2023-01:34:06] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 2.37188 +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/25/2023-01:34:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/25/2023-01:34:06] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:06] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/25/2023-01:34:06] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution) +[02/25/2023-01:34:06] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/25/2023-01:34:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.01575 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 0.983008 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 0.974555 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.28629 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.34464 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.40906 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 1.45283 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.45964 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.33783 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.45052 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 1.39244 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.36081 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.26519 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.35791 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.24206 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.18057 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.29877 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.24368 +[02/25/2023-01:34:06] [V] [TRT] Fastest Tactic: 0x3bee4a098b4f8914 Time: 0.974555 +[02/25/2023-01:34:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:06] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/25/2023-01:34:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/25/2023-01:34:06] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution) +[02/25/2023-01:34:06] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/25/2023-01:34:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:06] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.903529 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.76549 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.679886 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.911502 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.657143 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.665897 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.840603 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.821463 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 1.20005 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.858747 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.644384 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.851141 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.924526 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 0.972841 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.945129 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.825929 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.669015 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.979822 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.883547 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 0.973472 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.07349 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.888274 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.876251 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.836754 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.688357 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 0.974075 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.828283 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.966555 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.84085 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.907749 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.706798 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.866889 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.843191 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.10329 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.673344 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x83b35618df65874c Time: 1.00411 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:06] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.850546 +[02/25/2023-01:34:06] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.745509 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.33413 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.870679 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.901413 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.24615 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.870414 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.10943 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.869605 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.816978 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.70539 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.690231 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.843483 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.652366 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.863378 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.816855 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.821797 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.832366 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.86512 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.65419 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.904338 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 0.926382 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.645536 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.822098 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.10188 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.820087 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.680544 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.88331 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.809029 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 1.32215 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.843758 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.649714 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.673797 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.09102 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.820695 +[02/25/2023-01:34:07] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.646587 +[02/25/2023-01:34:07] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.644384 +[02/25/2023-01:34:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:07] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:07] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution) +[02/25/2023-01:34:07] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:07] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution) +[02/25/2023-01:34:07] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:07] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution) +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.90737 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.34032 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x0000000000000002 Time: 11.7376 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x0000000000000004 Time: 4.17939 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x0000000000000005 Time: 4.01427 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x0000000000000006 Time: 4.87424 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x0000000000000038 Time: 8.40477 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x0000000000000039 Time: 5.37652 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x000000000000003a Time: 11.7696 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x000000000000003c Time: 4.16011 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x000000000000003d Time: 4.02959 +[02/25/2023-01:34:07] [V] [TRT] Tactic: 0x000000000000003e Time: 4.95996 +[02/25/2023-01:34:07] [V] [TRT] Fastest Tactic: 0x0000000000000005 Time: 4.01427 +[02/25/2023-01:34:07] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/25/2023-01:34:07] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.63784 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 0x268494f0a1c83de3 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x268494f0a1c83de3 Time: 4.2763 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 0x27728c886a448c5a +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x27728c886a448c5a Time: 4.9872 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 4.83184 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 0x597d29027694c20b +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x597d29027694c20b Time: 4.90572 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 4.99061 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x62b2ffd9a5c0cfb5 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x62b2ffd9a5c0cfb5 Time: 7.05849 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 8.14699 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.02545 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x93a1176336e5b9f6 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x93a1176336e5b9f6 Time: 6.18292 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 6.08779 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 5.58834 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb6717e61503d5e9b +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0xb6717e61503d5e9b Time: 5.75461 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 6.30197 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 5.82952 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 6.29681 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 10.1171 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 6.60655 +[02/25/2023-01:34:08] [V] [TRT] Fastest Tactic: 0x268494f0a1c83de3 Time: 4.2763 +[02/25/2023-01:34:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000005 +[02/25/2023-01:34:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:34:08] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 5.1802 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.51933 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0x0e2033f7517a807f +[02/25/2023-01:34:08] [V] [TRT] Tactic: 0x0e2033f7517a807f Time: 4.65389 +[02/25/2023-01:34:08] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 7.33008 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x3eba442f4c9c4f50 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x3eba442f4c9c4f50 Time: 5.31996 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x43334a9c8840c773 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x43334a9c8840c773 Time: 5.57662 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 4.9399 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.65979 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.419 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x66e3239eee98201e +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x66e3239eee98201e Time: 5.58376 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.90156 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 5.05095 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.73752 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.69865 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb132670a7750e065 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0xb132670a7750e065 Time: 7.41982 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: 0xca84742beb9f9767 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0xca84742beb9f9767 Time: 4.72006 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0xd2b62ec40baf8ee4 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0xd2b62ec40baf8ee4 Time: 4.9076 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 5.92574 +[02/25/2023-01:34:09] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.77682 +[02/25/2023-01:34:09] [V] [TRT] Fastest Tactic: 0x0bf55a7b77a6ff98 Time: 4.51933 +[02/25/2023-01:34:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:09] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:09] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution) +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.3636 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.63961 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.99646 +[02/25/2023-01:34:09] [V] [TRT] Tactic: 0x0000000000000004 Time: 3.78244 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0000000000000005 Time: 3.61099 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0000000000000006 Time: 5.28002 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0000000000000038 Time: 7.79056 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x000000000000003a Time: 9.76434 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x000000000000003c Time: 3.7519 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x000000000000003d Time: 3.63895 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x000000000000003e Time: 5.36973 +[02/25/2023-01:34:10] [V] [TRT] Fastest Tactic: 0x0000000000000005 Time: 3.61099 +[02/25/2023-01:34:10] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/25/2023-01:34:10] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000005 +[02/25/2023-01:34:10] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:34:10] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution) +[02/25/2023-01:34:10] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:10] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0fe4a9cce7ed878b Time: 2.23181 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.37632 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.61764 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.70634 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x4092cbc840fbea35 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x4092cbc840fbea35 Time: 2.71004 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x446c8c788145836a Time: 2.98364 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 2.93683 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.63636 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.65538 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0x98a00f59a4b141f0 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x98a00f59a4b141f0 Time: 2.84882 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 2.82478 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.71826 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xcbe3f30275b04323 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xcbe3f30275b04323 Time: 2.81161 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.75701 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 0xd46b3ee2b59f893c +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xd46b3ee2b59f893c Time: 2.45189 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0xd7d66d5d03a72c4e +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xd7d66d5d03a72c4e Time: 2.98803 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 2.87685 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.92425 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xfc994367fd14b2d9 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0xfc994367fd14b2d9 Time: 2.79283 +[02/25/2023-01:34:10] [V] [TRT] Fastest Tactic: 0x0fe4a9cce7ed878b Time: 2.23181 +[02/25/2023-01:34:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:34:10] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:10] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/25/2023-01:34:10] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:10] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:34:10] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution) +[02/25/2023-01:34:10] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:10] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x00a425145e84482b +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x00a425145e84482b Time: 2.30934 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x03512591e8ea2977 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x03512591e8ea2977 Time: 1.61409 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.25249 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x095000b22a78f234 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x095000b22a78f234 Time: 1.19049 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 1.43373 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x0c0088d5808566d2 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0c0088d5808566d2 Time: 0.801929 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x0caa5410b61e6cc5 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0caa5410b61e6cc5 Time: 2.45438 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 0.973454 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x0e131ddbafdfe235 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0e131ddbafdfe235 Time: 1.19658 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 0.817138 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 2.43888 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 0.782629 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.72534 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x1981adfb6b6fd8b9 +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x1981adfb6b6fd8b9 Time: 1.3186 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:34:10] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.49241 +[02/25/2023-01:34:10] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 1.87451 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 1.5421 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.937367 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x1de724868edf11b0 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x1de724868edf11b0 Time: 1.14226 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.761422 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x30150d05024bc911 Time: 0.932686 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x32789ed2e6c7b43b +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x32789ed2e6c7b43b Time: 0.814226 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 2.6273 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.4733 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.62129 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x350e898a5a20ad00 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x350e898a5a20ad00 Time: 0.885275 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.22269 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x490a097d77573bff +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x490a097d77573bff Time: 0.777083 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x4c6a6da741444412 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x4c6a6da741444412 Time: 1.41841 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x4e34a65090c3b86f Time: 0.741897 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x504f864880743a14 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x504f864880743a14 Time: 2.30789 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.22441 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.25163 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 0x5252dc6c9c5f3aff +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x5252dc6c9c5f3aff Time: 1.59184 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 2.43881 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.57552 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x56c66ffbce24b635 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x56c66ffbce24b635 Time: 1.47008 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.23344 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.3271 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.43266 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.64575 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.42336 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.21629 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.20214 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 1.26499 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x6cee4d9c86b4cdd5 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x6cee4d9c86b4cdd5 Time: 1.26949 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.42102 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x721049a39aae27ff +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x721049a39aae27ff Time: 2.182 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.42784 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.73495 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.2936 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.949687 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.27412 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x8781623566dac7f0 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x8781623566dac7f0 Time: 0.953934 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.83003 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 0.829125 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 0.845751 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 1.28895 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.14506 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 1.8772 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.62021 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.26567 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 1.54368 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: 0xa84824f86c61d2d8 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xa84824f86c61d2d8 Time: 1.52342 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.88187 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 0.76816 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xac4736b5b00e1531 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xac4736b5b00e1531 Time: 1.20079 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.860672 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 0.917161 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 1.83044 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xb307bc772518d3d7 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xb307bc772518d3d7 Time: 1.15025 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 0.955598 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0xbb3d6545e4864f26 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xbb3d6545e4864f26 Time: 0.802222 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.69166 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.39952 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xc684285f13ba11d0 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xc684285f13ba11d0 Time: 1.67349 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 2.14946 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 2.57609 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xcb7b50f35a87094b +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xcb7b50f35a87094b Time: 1.75688 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.13573 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.16188 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.44062 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.752119 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.32915 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xd9d1d89fceeca81a +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xd9d1d89fceeca81a Time: 1.57523 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xdb70c5e9779254fb +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xdb70c5e9779254fb Time: 1.91802 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.772306 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 1.49257 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.57637 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 1.28383 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 1.4924 +[02/25/2023-01:34:11] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.726747 +[02/25/2023-01:34:11] [V] [TRT] Fastest Tactic: 0xfcd06da0f3c31fd1 Time: 0.726747 +[02/25/2023-01:34:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:11] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:11] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:34:11] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution) +[02/25/2023-01:34:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:11] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution) +[02/25/2023-01:34:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:11] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution) +[02/25/2023-01:34:11] [V] [TRT] Tactic: 0x0000000000000000 Time: 9.9509 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x0000000000000001 Time: 8.516 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x0000000000000002 Time: 10.692 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x0000000000000004 Time: 17.0208 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x0000000000000005 Time: 13.8911 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x0000000000000038 Time: 9.98075 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x0000000000000039 Time: 8.52231 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x000000000000003a Time: 10.678 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x000000000000003c Time: 17.2775 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x000000000000003d Time: 13.9711 +[02/25/2023-01:34:12] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 8.516 +[02/25/2023-01:34:12] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/25/2023-01:34:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:12] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/25/2023-01:34:12] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.90189 +[02/25/2023-01:34:12] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.98657 +[02/25/2023-01:34:12] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:12] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 3.39207 +[02/25/2023-01:34:12] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 3.04563 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 4.43681 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.89701 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.94122 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 3.02023 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 6.282 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.58622 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.84743 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 3.41665 +[02/25/2023-01:34:13] [V] [TRT] Fastest Tactic: 0x5e7d1125e7896624 Time: 2.89701 +[02/25/2023-01:34:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:13] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:34:13] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/25/2023-01:34:13] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:13] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 3.22004 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.98368 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 3.12997 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.6915 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.61924 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 3.02324 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.99476 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.98598 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 5.72939 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.84438 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 4.33374 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.94838 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 3.94622 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 4.04742 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.88478 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.68515 +[02/25/2023-01:34:13] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 4.17359 +[02/25/2023-01:34:13] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 2.84438 +[02/25/2023-01:34:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:13] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:34:13] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution) +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.10191 +[02/25/2023-01:34:13] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.61961 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x0000000000000002 Time: 7.8134 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x0000000000000004 Time: 14.4813 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x0000000000000005 Time: 11.056 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x0000000000000038 Time: 7.35701 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x000000000000003a Time: 7.80932 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x000000000000003c Time: 14.1683 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x000000000000003d Time: 11.3717 +[02/25/2023-01:34:14] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 5.61961 +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/25/2023-01:34:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/25/2023-01:34:14] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:14] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution) +[02/25/2023-01:34:14] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/25/2023-01:34:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.33784 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 1.33276 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 1.35239 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.76834 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 2.04461 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.78176 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.06715 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.83267 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.63401 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.90627 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.02024 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.81234 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.62272 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.91712 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.53409 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.51616 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.76556 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.87739 +[02/25/2023-01:34:14] [V] [TRT] Fastest Tactic: 0x21904dd9d0cd407e Time: 1.33276 +[02/25/2023-01:34:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:14] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/25/2023-01:34:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/25/2023-01:34:14] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:14] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution) +[02/25/2023-01:34:14] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/25/2023-01:34:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:14] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 1.27013 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 1.20187 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 1.11083 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 1.44622 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.20986 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 1.23641 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.01786 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x249110624ee04937 Time: 1.01865 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 1.39586 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.09671 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 1.02514 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:34:14] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 1.104 +[02/25/2023-01:34:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 1.01493 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.25804 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 1.06549 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.01829 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 1.19808 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 1.19848 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.08904 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.30846 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.28029 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.47772 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.05297 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.3921 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 1.01337 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.45978 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.3514 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.27972 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 1.19777 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 1.19837 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 1.3085 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 1.14514 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 1.0349 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.49772 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.16748 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x83b35618df65874c Time: 1.29681 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.48101 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.5858 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.18723 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 1.29844 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.06174 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.42863 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 1.42562 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.30516 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.60454 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.06212 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.11 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.13947 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 1.07248 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 1.01574 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 1.1692 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 1.05851 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 1.10181 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 1.30029 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.44325 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 1.26816 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 1.21333 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.36787 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 1.03428 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.15092 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.31682 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 1.09464 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 1.24236 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.17751 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.39471 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 1.2099 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 1.36271 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.0122 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 1.24326 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.53399 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 1.20656 +[02/25/2023-01:34:15] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:15] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 1.03186 +[02/25/2023-01:34:15] [V] [TRT] Fastest Tactic: 0xe67db95e0c20b618 Time: 1.0122 +[02/25/2023-01:34:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:15] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution) +[02/25/2023-01:34:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CublasConvolution) +[02/25/2023-01:34:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution) +[02/25/2023-01:34:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:34:15] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CaskConvolution) +[02/25/2023-01:34:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:34:15] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CublasConvolution) +[02/25/2023-01:34:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CaskConvolution) +[02/25/2023-01:34:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:34:15] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution) +[02/25/2023-01:34:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CublasConvolution) +[02/25/2023-01:34:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution) +[02/25/2023-01:34:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:34:15] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CaskConvolution) +[02/25/2023-01:34:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) *************** +[02/25/2023-01:34:15] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CublasConvolution) +[02/25/2023-01:34:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CaskConvolution) +[02/25/2023-01:34:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) *************** +[02/25/2023-01:34:15] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:15] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(200704,784,28,1) *************** +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution) +[02/25/2023-01:34:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution) +[02/25/2023-01:34:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:15] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution) +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.8608 +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x0000000000000001 Time: 6.2796 +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.77475 +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x0000000000000004 Time: 21.9065 +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x0000000000000005 Time: 16.0504 +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x0000000000000038 Time: 7.57955 +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x0000000000000039 Time: 6.13318 +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x000000000000003a Time: 9.81255 +[02/25/2023-01:34:16] [V] [TRT] Tactic: 0x000000000000003c Time: 22.4019 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x000000000000003d Time: 16.1818 +[02/25/2023-01:34:17] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 6.13318 +[02/25/2023-01:34:17] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/25/2023-01:34:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:17] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 4.32938 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.45474 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 5.43923 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 4.78863 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 6.70979 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 4.90138 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 4.60794 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 4.95559 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 6.25313 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 6.53261 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 6.21483 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 5.76839 +[02/25/2023-01:34:17] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 4.32938 +[02/25/2023-01:34:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:17] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(200704,1,7168,256) *************** +[02/25/2023-01:34:17] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/25/2023-01:34:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:17] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.86495 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 4.96361 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.76198 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.86836 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 7.23043 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.78335 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 4.83445 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 5.11664 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:17] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 5.81055 +[02/25/2023-01:34:17] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.45147 +[02/25/2023-01:34:18] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 5.72627 +[02/25/2023-01:34:18] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 4.87248 +[02/25/2023-01:34:18] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 7.32952 +[02/25/2023-01:34:18] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 5.57904 +[02/25/2023-01:34:18] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0xf92663d88255134b Time: 4.83855 +[02/25/2023-01:34:18] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.93479 +[02/25/2023-01:34:18] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 5.46289 +[02/25/2023-01:34:18] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 4.45147 +[02/25/2023-01:34:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:18] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(200704,784,28,1) *************** +[02/25/2023-01:34:18] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution) +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.73133 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.15977 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.56157 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0x0000000000000004 Time: 20.5555 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0x0000000000000005 Time: 14.9384 +[02/25/2023-01:34:18] [V] [TRT] Tactic: 0x0000000000000038 Time: 8.17653 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x000000000000003a Time: 9.36933 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x000000000000003c Time: 20.3311 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x000000000000003d Time: 15.676 +[02/25/2023-01:34:19] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 5.15977 +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/25/2023-01:34:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/25/2023-01:34:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:19] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(200704,784,28,1) *************** +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/25/2023-01:34:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784:2,28,1) *************** +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution) +[02/25/2023-01:34:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/25/2023-01:34:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.2356 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.22758 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.51176 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x446c8c788145836a Time: 2.98529 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 2.96989 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.78645 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.85501 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x97afba3735828021 Time: 2.73379 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 2.51637 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 2.70213 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.64126 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 2.55125 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 2.60381 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.73892 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 2.47097 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 2.41371 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 2.66095 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.65833 +[02/25/2023-01:34:19] [V] [TRT] Fastest Tactic: 0x21904dd9d0cd407e Time: 2.22758 +[02/25/2023-01:34:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:19] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(200704,784,28,1) *************** +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/25/2023-01:34:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/25/2023-01:34:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(25088,1:8,896,32) *************** +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution) +[02/25/2023-01:34:19] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/25/2023-01:34:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:19] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 1.64888 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 1.58027 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 1.00389 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 1.629 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.01247 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.9216 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.11999 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x249110624ee04937 Time: 1.20188 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 1.29984 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.26613 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.852142 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 1.27768 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 1.20608 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.78556 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 1.83537 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.22649 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 1.03749 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 1.87246 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.63595 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.69457 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:19] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.97663 +[02/25/2023-01:34:19] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.40336 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.59656 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.5596 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 1.3144 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.66006 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.50259 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.63149 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 1.12803 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 1.11377 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 1.21867 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 1.54037 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 1.57959 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 2.34032 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.05148 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x83b35618df65874c Time: 1.97968 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.34542 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.40358 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.48399 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 1.16206 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.87187 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.37128 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 1.39127 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 2.32009 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.33251 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.20188 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.14042 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.11436 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 1.66263 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.922848 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 1.41306 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 1.2996 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 1.0194 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 1.1659 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.53976 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.969202 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 1.14008 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.73934 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.874272 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.84819 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 2.42935 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.997326 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.938898 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.58217 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.53458 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 1.36902 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 1.31013 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.31718 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.923561 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 2.39636 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 1.13007 +[02/25/2023-01:34:20] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.879177 +[02/25/2023-01:34:20] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.852142 +[02/25/2023-01:34:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:20] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:20] [V] [TRT] *************** Autotuning format combination: Float(200704,784,28,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:20] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution) +[02/25/2023-01:34:20] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:20] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution) +[02/25/2023-01:34:20] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:20] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution) +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.04963 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.11154 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x0000000000000002 Time: 8.4135 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x0000000000000005 Time: 10.1092 +[02/25/2023-01:34:20] [V] [TRT] Tactic: 0x0000000000000038 Time: 6.50124 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x0000000000000039 Time: 5.19817 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x000000000000003a Time: 8.37162 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x000000000000003d Time: 10.0524 +[02/25/2023-01:34:21] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 5.11154 +[02/25/2023-01:34:21] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.77157 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 0x27728c886a448c5a +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x27728c886a448c5a Time: 5.06459 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 5.03418 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 0x597d29027694c20b +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x597d29027694c20b Time: 4.90646 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 5.0722 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x62b2ffd9a5c0cfb5 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x62b2ffd9a5c0cfb5 Time: 7.78328 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 8.72593 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.63799 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x93a1176336e5b9f6 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x93a1176336e5b9f6 Time: 6.86311 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 6.26713 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 5.57782 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb6717e61503d5e9b +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0xb6717e61503d5e9b Time: 5.8638 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 7.78246 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 6.94243 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:34:21] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 6.32722 +[02/25/2023-01:34:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 5.22532 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 7.63894 +[02/25/2023-01:34:22] [V] [TRT] Fastest Tactic: 0x195431d38ba5af88 Time: 4.77157 +[02/25/2023-01:34:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:22] [V] [TRT] *************** Autotuning format combination: Float(200704,1,7168,256) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:22] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 4.92391 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.69141 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0x0e2033f7517a807f +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x0e2033f7517a807f Time: 5.04901 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 7.80756 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x3eba442f4c9c4f50 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x3eba442f4c9c4f50 Time: 5.45776 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x43334a9c8840c773 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x43334a9c8840c773 Time: 5.8918 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 5.18048 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.93967 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.59059 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x66e3239eee98201e +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x66e3239eee98201e Time: 6.18735 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 5.2154 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 5.28062 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.8719 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.94117 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb132670a7750e065 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0xb132670a7750e065 Time: 7.95924 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: 0xca84742beb9f9767 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0xca84742beb9f9767 Time: 4.97373 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0xd2b62ec40baf8ee4 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0xd2b62ec40baf8ee4 Time: 5.08571 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 6.22833 +[02/25/2023-01:34:22] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:22] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.69451 +[02/25/2023-01:34:22] [V] [TRT] Fastest Tactic: 0x0bf55a7b77a6ff98 Time: 4.69141 +[02/25/2023-01:34:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:22] [V] [TRT] *************** Autotuning format combination: Half(200704,784,28,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:23] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution) +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.37824 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.89095 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.56808 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x0000000000000005 Time: 9.80077 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x0000000000000038 Time: 8.20482 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x000000000000003a Time: 8.94214 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x000000000000003d Time: 9.76125 +[02/25/2023-01:34:23] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 5.89095 +[02/25/2023-01:34:23] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/25/2023-01:34:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:23] [V] [TRT] *************** Autotuning format combination: Half(100352,784:2,28,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:23] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution) +[02/25/2023-01:34:23] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:23] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x0fe4a9cce7ed878b Time: 2.37861 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.4645 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.73272 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.77562 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x4092cbc840fbea35 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x4092cbc840fbea35 Time: 2.71314 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.35492 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.27709 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.6153 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.66856 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0x98a00f59a4b141f0 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0x98a00f59a4b141f0 Time: 3.39175 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 3.27973 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.63243 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xcbe3f30275b04323 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0xcbe3f30275b04323 Time: 2.62416 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.55093 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0xd7d66d5d03a72c4e +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0xd7d66d5d03a72c4e Time: 3.35533 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 3.22823 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.70777 +[02/25/2023-01:34:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xfc994367fd14b2d9 +[02/25/2023-01:34:23] [V] [TRT] Tactic: 0xfc994367fd14b2d9 Time: 2.71809 +[02/25/2023-01:34:23] [V] [TRT] Fastest Tactic: 0x0fe4a9cce7ed878b Time: 2.37861 +[02/25/2023-01:34:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:34:23] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:23] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/25/2023-01:34:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:23] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:23] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution) +[02/25/2023-01:34:23] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:24] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x00a425145e84482b +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x00a425145e84482b Time: 1.15941 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x03512591e8ea2977 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x03512591e8ea2977 Time: 1.55677 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.26245 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x095000b22a78f234 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x095000b22a78f234 Time: 1.21476 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 1.42577 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x0c0088d5808566d2 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x0c0088d5808566d2 Time: 0.770322 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x0caa5410b61e6cc5 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x0caa5410b61e6cc5 Time: 1.24299 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 1.05209 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x0e131ddbafdfe235 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x0e131ddbafdfe235 Time: 1.233 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 0.892343 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 1.2601 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 0.86843 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.81599 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x1981adfb6b6fd8b9 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x1981adfb6b6fd8b9 Time: 1.33274 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.6305 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 2.03861 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 0.992521 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.01618 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x1de724868edf11b0 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x1de724868edf11b0 Time: 1.21922 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.733477 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x30150d05024bc911 Time: 1.03887 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x32789ed2e6c7b43b +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x32789ed2e6c7b43b Time: 0.916352 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 1.47575 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.73465 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.82782 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x350e898a5a20ad00 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x350e898a5a20ad00 Time: 0.906386 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.32132 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x490a097d77573bff +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x490a097d77573bff Time: 0.844091 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x4c6a6da741444412 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x4c6a6da741444412 Time: 0.806624 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x4e34a65090c3b86f Time: 0.783762 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x504f864880743a14 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x504f864880743a14 Time: 2.48288 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.29488 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.3076 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 0x5252dc6c9c5f3aff +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x5252dc6c9c5f3aff Time: 1.65302 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 1.2632 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.65777 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x56c66ffbce24b635 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x56c66ffbce24b635 Time: 1.54583 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.31786 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.41909 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.43214 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.70862 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.46985 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.27769 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.27699 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 1.32886 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x6cee4d9c86b4cdd5 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x6cee4d9c86b4cdd5 Time: 1.32915 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.42254 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x721049a39aae27ff +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x721049a39aae27ff Time: 2.25578 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.47163 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.76644 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.32432 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.991054 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.29213 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x8781623566dac7f0 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x8781623566dac7f0 Time: 0.998725 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.86046 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 0.790336 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 0.832037 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 1.2733 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.18756 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 1.94405 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.68629 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.28966 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 0.944489 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: 0xa84824f86c61d2d8 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xa84824f86c61d2d8 Time: 0.928914 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.858112 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 0.804041 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xac4736b5b00e1531 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xac4736b5b00e1531 Time: 1.32214 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.894423 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 1.06123 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 2.09657 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xb307bc772518d3d7 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xb307bc772518d3d7 Time: 1.27638 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 1.05517 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0xbb3d6545e4864f26 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xbb3d6545e4864f26 Time: 0.787282 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.79232 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.4576 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xc684285f13ba11d0 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xc684285f13ba11d0 Time: 1.7537 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 2.21769 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 1.30107 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xcb7b50f35a87094b +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xcb7b50f35a87094b Time: 1.80873 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.20888 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:34:24] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.22709 +[02/25/2023-01:34:24] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.55205 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.790789 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.54014 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xd9d1d89fceeca81a +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xd9d1d89fceeca81a Time: 1.68075 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xdb70c5e9779254fb +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xdb70c5e9779254fb Time: 2.03561 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.751909 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 0.832073 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.68004 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 1.30697 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 0.787278 +[02/25/2023-01:34:25] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.749513 +[02/25/2023-01:34:25] [V] [TRT] Fastest Tactic: 0x21739cdb4c6113ed Time: 0.733477 +[02/25/2023-01:34:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:25] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:25] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:25] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution) +[02/25/2023-01:34:25] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:25] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution) +[02/25/2023-01:34:25] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:25] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution) +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.14571 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x0000000000000001 Time: 3.30809 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x0000000000000002 Time: 4.68056 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x0000000000000004 Time: 11.2991 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x0000000000000005 Time: 13.8796 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x0000000000000038 Time: 4.4046 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x0000000000000039 Time: 3.3359 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x000000000000003a Time: 4.63653 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x000000000000003c Time: 11.21 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x000000000000003d Time: 13.8462 +[02/25/2023-01:34:25] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 3.30809 +[02/25/2023-01:34:25] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/25/2023-01:34:25] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:25] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.54098 +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.52627 +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 2.60258 +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 2.4491 +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.35847 +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.47179 +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.42571 +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:25] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.53264 +[02/25/2023-01:34:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 3.84698 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.43727 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.3205 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 2.94757 +[02/25/2023-01:34:26] [V] [TRT] Fastest Tactic: 0x7e29bdfccd92c42c Time: 2.42571 +[02/25/2023-01:34:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:26] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:34:26] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/25/2023-01:34:26] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:26] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.60626 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.54325 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 2.47398 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 3.25628 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.45765 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 2.28635 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.32673 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.432 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 3.24549 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.28615 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 2.67315 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.4209 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 3.6766 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 2.77392 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.32448 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 3.29722 +[02/25/2023-01:34:26] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.70251 +[02/25/2023-01:34:26] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 2.28615 +[02/25/2023-01:34:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:26] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:34:26] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution) +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.90758 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.60155 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x0000000000000002 Time: 4.35293 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x0000000000000004 Time: 10.811 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x0000000000000005 Time: 13.2737 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x0000000000000038 Time: 4.32922 +[02/25/2023-01:34:26] [V] [TRT] Tactic: 0x000000000000003a Time: 4.36218 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x000000000000003c Time: 10.6727 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x000000000000003d Time: 13.2725 +[02/25/2023-01:34:27] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 2.60155 +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/25/2023-01:34:27] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/25/2023-01:34:27] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:27] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/25/2023-01:34:27] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution) +[02/25/2023-01:34:27] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/25/2023-01:34:27] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.05769 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 1.06499 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 1.07605 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.32274 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.4049 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.45145 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 1.58127 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.49678 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.37133 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.49261 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 1.49767 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.3749 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.28262 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.42574 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.25324 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.2297 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.34351 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.35848 +[02/25/2023-01:34:27] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 1.05769 +[02/25/2023-01:34:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:27] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/25/2023-01:34:27] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/25/2023-01:34:27] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution) +[02/25/2023-01:34:27] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/25/2023-01:34:27] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.972206 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.996498 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.657335 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.909893 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.539456 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.540265 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.703753 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.610254 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.67648 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.652846 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.409623 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.645326 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.651314 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 0.874162 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.915749 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.607305 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.50992 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.917504 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.784517 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 0.856704 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 0.988087 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.770341 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.785175 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.864288 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.661307 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 0.872174 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.849947 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.848032 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.527529 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.56315 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.660078 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.762162 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.760101 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.20758 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.527214 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x83b35618df65874c Time: 0.986171 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.708654 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.743753 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 0.791401 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.548631 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.904923 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 0.713719 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.763648 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.1777 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.774459 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.601106 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.651941 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.641609 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.782939 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.466487 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.69125 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.598789 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.448978 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.541915 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.799579 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.513568 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.553952 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 0.912823 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.435077 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.97643 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.19937 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.456777 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.54608 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.808928 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.866103 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 0.781701 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.693737 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.671447 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.538624 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.19632 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.528855 +[02/25/2023-01:34:27] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.423058 +[02/25/2023-01:34:27] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.409623 +[02/25/2023-01:34:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:27] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:27] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution) +[02/25/2023-01:34:27] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution) +[02/25/2023-01:34:27] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution) +[02/25/2023-01:34:27] [V] [TRT] Tactic: 0x0000000000000000 Time: 8.86971 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x0000000000000001 Time: 8.56798 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.66831 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x0000000000000038 Time: 9.13661 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x0000000000000039 Time: 8.57351 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x000000000000003a Time: 9.68758 +[02/25/2023-01:34:28] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 8.56798 +[02/25/2023-01:34:28] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 4.8012 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 5.11461 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 7.18348 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 5.45962 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 5.50061 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 5.61588 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 8.7141 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.7134 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 7.99527 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 7.59547 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:34:28] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 6.83271 +[02/25/2023-01:34:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 7.70232 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 7.63789 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 7.43085 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 6.18802 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 7.56663 +[02/25/2023-01:34:29] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 4.8012 +[02/25/2023-01:34:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:34:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 5.86995 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.45888 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 7.20269 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 4.75458 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.98934 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 6.36048 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 6.91821 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.62113 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 4.6888 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 4.9875 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 6.4443 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.58387 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.54987 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 5.89111 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:29] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 4.85784 +[02/25/2023-01:34:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 5.65723 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0xf92663d88255134b Time: 5.08804 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 6.76439 +[02/25/2023-01:34:30] [V] [TRT] Fastest Tactic: 0x0bf55a7b77a6ff98 Time: 4.45888 +[02/25/2023-01:34:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:30] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:34:30] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution) +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x0000000000000000 Time: 8.83296 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x0000000000000001 Time: 16.08 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.09321 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x0000000000000038 Time: 9.39074 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x000000000000003a Time: 9.42867 +[02/25/2023-01:34:30] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 8.83296 +[02/25/2023-01:34:30] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/25/2023-01:34:30] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000000 +[02/25/2023-01:34:30] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:34:30] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution) +[02/25/2023-01:34:30] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:30] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.2489 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.35351 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.76961 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.42969 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.51296 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.79201 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.97896 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x97afba3735828021 Time: 3.27194 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 2.71389 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 3.40407 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.9314 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 3.15812 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:30] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 2.82533 +[02/25/2023-01:34:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.86513 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 2.68013 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 2.6046 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 3.627 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 3.08544 +[02/25/2023-01:34:31] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 2.2489 +[02/25/2023-01:34:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/25/2023-01:34:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:34:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution) +[02/25/2023-01:34:31] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.28232 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 1.80517 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 1.02172 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 0.906807 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 1.06435 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 1.39499 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 0.900489 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.74951 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.63456 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 2.01531 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 1.24132 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 1.76274 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 1.0728 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 1.00757 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.17029 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.26625 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.870894 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 1.51028 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.70449 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.52346 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.38553 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.15923 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 1.07671 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 1.83777 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.6104 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.72025 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.28819 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.89628 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.51574 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.51738 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 1.55935 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.67068 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.3145 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.42984 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.67441 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.65976 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.78264 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.24284 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.23231 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 1.53385 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.60624 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.68433 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.80165 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.27453 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 1.04272 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.35708 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.52866 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.44197 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.48481 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 1.07479 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.72606 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.49153 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.70693 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 1.49477 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 1.0709 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.53717 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 1.11842 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 1.50194 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.10358 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.14094 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 1.91782 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.71797 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:34:31] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.38565 +[02/25/2023-01:34:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 1.18813 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.18007 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 0.936155 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 1.17759 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 1.41185 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 1.90113 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 1.067 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.911387 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 1.04347 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.58663 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.59834 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.927136 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 2.12208 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 1.10191 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 1.45252 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.17221 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.19997 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.76567 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.883744 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.34935 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.75427 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 2.3119 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 1.02581 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.55615 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.59035 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.25923 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 1.0498 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.58584 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 1.03749 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 1.60618 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 1.13491 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 2.20491 +[02/25/2023-01:34:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.881152 +[02/25/2023-01:34:32] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.870894 +[02/25/2023-01:34:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:32] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:32] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:32] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution) +[02/25/2023-01:34:32] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:32] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution) +[02/25/2023-01:34:32] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:32] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution) +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.91047 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.67088 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x0000000000000002 Time: 4.39173 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x0000000000000004 Time: 10.5273 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x0000000000000005 Time: 14.3895 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x0000000000000038 Time: 3.33853 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x0000000000000039 Time: 2.68427 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x000000000000003a Time: 4.24989 +[02/25/2023-01:34:32] [V] [TRT] Tactic: 0x000000000000003c Time: 10.8269 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x000000000000003d Time: 14.4381 +[02/25/2023-01:34:33] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 2.67088 +[02/25/2023-01:34:33] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/25/2023-01:34:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:33] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.25226 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.19808 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 2.63468 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 2.32429 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.33619 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.38153 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.27229 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.40464 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 2.89079 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.36086 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.17241 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 3.02382 +[02/25/2023-01:34:33] [V] [TRT] Fastest Tactic: 0x195431d38ba5af88 Time: 2.19808 +[02/25/2023-01:34:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:33] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:33] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/25/2023-01:34:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:33] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.58399 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.51142 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 2.39459 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 2.73479 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.54488 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 2.2188 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.28993 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.42011 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 2.64275 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.2203 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 2.73882 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.40603 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 3.75169 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 2.84983 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.41196 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 2.87242 +[02/25/2023-01:34:33] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.82966 +[02/25/2023-01:34:33] [V] [TRT] Fastest Tactic: 0x810bd80d0531c0a0 Time: 2.2188 +[02/25/2023-01:34:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:33] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:33] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution) +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.45936 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.09306 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x0000000000000002 Time: 4.1411 +[02/25/2023-01:34:33] [V] [TRT] Tactic: 0x0000000000000004 Time: 10.1002 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x0000000000000005 Time: 13.5534 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x0000000000000038 Time: 3.96169 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x000000000000003a Time: 4.42225 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x000000000000003c Time: 10.0914 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x000000000000003d Time: 13.4522 +[02/25/2023-01:34:34] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 2.09306 +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/25/2023-01:34:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/25/2023-01:34:34] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:34] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/25/2023-01:34:34] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution) +[02/25/2023-01:34:34] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/25/2023-01:34:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.12692 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 1.03627 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 1.07608 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.25191 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.3948 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.29627 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 1.29434 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.34979 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.23285 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.34233 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 1.21008 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.27374 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.20127 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.24431 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.20619 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.1814 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.33149 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.2165 +[02/25/2023-01:34:34] [V] [TRT] Fastest Tactic: 0x21904dd9d0cd407e Time: 1.03627 +[02/25/2023-01:34:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:34] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/25/2023-01:34:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/25/2023-01:34:34] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution) +[02/25/2023-01:34:34] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/25/2023-01:34:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:34] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.868974 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.699986 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.430665 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.672631 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.452169 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.386194 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.472343 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.545353 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.579291 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.594235 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.394679 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.593408 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.53323 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 0.891067 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.999145 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.665358 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.527945 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.971904 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.845646 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 0.821138 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.03006 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.674629 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.806345 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.710949 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.619666 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 0.761563 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.678208 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.759182 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.478944 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.481865 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.585463 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.738208 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.753385 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.043 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.479703 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x83b35618df65874c Time: 0.940901 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.640439 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.601152 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 0.631525 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.486976 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.865765 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 0.619392 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.640146 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.12347 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.624777 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.593893 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.478043 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.462469 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.754126 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.407003 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.609513 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.585289 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.490171 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.523721 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.662089 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.419945 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.48981 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 0.75851 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.399269 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.828549 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.14395 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.492704 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.407259 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.758053 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.686094 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 0.629138 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:34:34] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.639013 +[02/25/2023-01:34:34] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.616329 +[02/25/2023-01:34:35] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.405266 +[02/25/2023-01:34:35] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.05618 +[02/25/2023-01:34:35] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.52363 +[02/25/2023-01:34:35] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.398921 +[02/25/2023-01:34:35] [V] [TRT] Fastest Tactic: 0x21739cdb4c6113ed Time: 0.386194 +[02/25/2023-01:34:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:35] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:35] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:35] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution) +[02/25/2023-01:34:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:35] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution) +[02/25/2023-01:34:35] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:35] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution) +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.64253 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.32975 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x0000000000000002 Time: 7.9595 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x0000000000000004 Time: 3.32261 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x0000000000000005 Time: 9.71729 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x0000000000000006 Time: 4.45153 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x0000000000000038 Time: 6.17856 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x0000000000000039 Time: 4.94637 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x000000000000003a Time: 8.19623 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x000000000000003c Time: 3.28186 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x000000000000003d Time: 9.89656 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x000000000000003e Time: 4.60508 +[02/25/2023-01:34:35] [V] [TRT] Fastest Tactic: 0x000000000000003c Time: 3.28186 +[02/25/2023-01:34:35] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/25/2023-01:34:35] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.65101 +[02/25/2023-01:34:35] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 0x268494f0a1c83de3 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x268494f0a1c83de3 Time: 3.98833 +[02/25/2023-01:34:35] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 0x27728c886a448c5a +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x27728c886a448c5a Time: 4.98305 +[02/25/2023-01:34:35] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 4.8087 +[02/25/2023-01:34:35] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 0x597d29027694c20b +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x597d29027694c20b Time: 4.93122 +[02/25/2023-01:34:35] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:35] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 5.07582 +[02/25/2023-01:34:35] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x62b2ffd9a5c0cfb5 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x62b2ffd9a5c0cfb5 Time: 7.20475 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 8.09516 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.04393 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x93a1176336e5b9f6 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x93a1176336e5b9f6 Time: 5.97251 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 5.9354 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 5.4284 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb6717e61503d5e9b +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0xb6717e61503d5e9b Time: 5.54095 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 6.57613 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 5.68759 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 5.90912 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 5.21126 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 6.7342 +[02/25/2023-01:34:36] [V] [TRT] Fastest Tactic: 0x268494f0a1c83de3 Time: 3.98833 +[02/25/2023-01:34:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x000000000000003c +[02/25/2023-01:34:36] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:36] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 4.74326 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.50645 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0x0e2033f7517a807f +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x0e2033f7517a807f Time: 4.67617 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 7.40229 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x3eba442f4c9c4f50 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x3eba442f4c9c4f50 Time: 5.12263 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x43334a9c8840c773 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x43334a9c8840c773 Time: 5.53284 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 4.97242 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.7552 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:36] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.386 +[02/25/2023-01:34:36] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x66e3239eee98201e +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x66e3239eee98201e Time: 5.61376 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.72933 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 5.03718 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.68358 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.69139 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb132670a7750e065 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0xb132670a7750e065 Time: 7.42978 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: 0xca84742beb9f9767 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0xca84742beb9f9767 Time: 4.67965 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0xd2b62ec40baf8ee4 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0xd2b62ec40baf8ee4 Time: 4.92675 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 5.71893 +[02/25/2023-01:34:37] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.60877 +[02/25/2023-01:34:37] [V] [TRT] Fastest Tactic: 0x0bf55a7b77a6ff98 Time: 4.50645 +[02/25/2023-01:34:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:37] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:37] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution) +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.12085 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.36264 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x0000000000000002 Time: 9.13009 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x0000000000000004 Time: 3.03048 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x0000000000000005 Time: 9.59112 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x0000000000000006 Time: 4.66349 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x0000000000000038 Time: 7.60686 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x000000000000003a Time: 8.73488 +[02/25/2023-01:34:37] [V] [TRT] Tactic: 0x000000000000003c Time: 3.05323 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x000000000000003d Time: 9.54848 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x000000000000003e Time: 4.73473 +[02/25/2023-01:34:38] [V] [TRT] Fastest Tactic: 0x0000000000000004 Time: 3.03048 +[02/25/2023-01:34:38] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/25/2023-01:34:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000004 +[02/25/2023-01:34:38] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:38] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution) +[02/25/2023-01:34:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:38] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x0fe4a9cce7ed878b Time: 2.32653 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.3196 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.508 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.5168 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x4092cbc840fbea35 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x4092cbc840fbea35 Time: 2.57854 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x446c8c788145836a Time: 2.96864 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 2.9586 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.57531 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.50056 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0x98a00f59a4b141f0 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x98a00f59a4b141f0 Time: 2.97011 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 3.06515 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.76506 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xcbe3f30275b04323 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xcbe3f30275b04323 Time: 2.77438 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.56 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 0xd46b3ee2b59f893c +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xd46b3ee2b59f893c Time: 2.01491 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0xd7d66d5d03a72c4e +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xd7d66d5d03a72c4e Time: 2.78459 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 2.65655 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.54381 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xfc994367fd14b2d9 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0xfc994367fd14b2d9 Time: 2.59994 +[02/25/2023-01:34:38] [V] [TRT] Fastest Tactic: 0xd46b3ee2b59f893c Time: 2.01491 +[02/25/2023-01:34:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xd46b3ee2b59f893c +[02/25/2023-01:34:38] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:38] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/25/2023-01:34:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:38] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:38] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution) +[02/25/2023-01:34:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:38] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x00a425145e84482b +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x00a425145e84482b Time: 1.11692 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x03512591e8ea2977 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x03512591e8ea2977 Time: 1.55225 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.11737 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x095000b22a78f234 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x095000b22a78f234 Time: 1.14366 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 1.36634 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x0c0088d5808566d2 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x0c0088d5808566d2 Time: 0.731136 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x0caa5410b61e6cc5 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x0caa5410b61e6cc5 Time: 1.21592 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 0.938359 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x0e131ddbafdfe235 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x0e131ddbafdfe235 Time: 1.17965 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 0.79776 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 1.22266 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 0.788178 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.75726 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x1981adfb6b6fd8b9 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x1981adfb6b6fd8b9 Time: 1.24869 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.46021 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 1.84759 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 0.896507 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.872955 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x1de724868edf11b0 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x1de724868edf11b0 Time: 1.11224 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.663259 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x30150d05024bc911 Time: 0.866071 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x32789ed2e6c7b43b +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x32789ed2e6c7b43b Time: 0.776777 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 1.22891 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.41285 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.57471 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x350e898a5a20ad00 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x350e898a5a20ad00 Time: 0.783095 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.18058 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x490a097d77573bff +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x490a097d77573bff Time: 0.700073 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x4c6a6da741444412 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x4c6a6da741444412 Time: 0.68555 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x4e34a65090c3b86f Time: 0.702834 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x504f864880743a14 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x504f864880743a14 Time: 2.28443 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.20071 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.21561 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 0x5252dc6c9c5f3aff +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x5252dc6c9c5f3aff Time: 1.53216 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 1.20976 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.53189 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x56c66ffbce24b635 +[02/25/2023-01:34:38] [V] [TRT] Tactic: 0x56c66ffbce24b635 Time: 1.43873 +[02/25/2023-01:34:38] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.19469 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.25283 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.34115 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.61435 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.33849 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.17621 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.15202 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 1.18499 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x6cee4d9c86b4cdd5 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x6cee4d9c86b4cdd5 Time: 1.2317 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.35143 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x721049a39aae27ff +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x721049a39aae27ff Time: 2.12322 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.41316 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.66147 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.25857 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.889266 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.20035 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x8781623566dac7f0 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x8781623566dac7f0 Time: 0.897966 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.74693 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 0.719689 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 0.742002 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 1.19311 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.05912 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 1.81075 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.55414 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.14269 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 0.869495 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: 0xa84824f86c61d2d8 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xa84824f86c61d2d8 Time: 0.863515 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.77387 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 0.718693 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xac4736b5b00e1531 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xac4736b5b00e1531 Time: 1.23197 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.790496 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 0.843223 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 1.87445 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xb307bc772518d3d7 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xb307bc772518d3d7 Time: 1.15215 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 0.881893 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0xbb3d6545e4864f26 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xbb3d6545e4864f26 Time: 0.69115 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.56348 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.22649 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xc684285f13ba11d0 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xc684285f13ba11d0 Time: 1.52036 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 1.95426 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 1.18878 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xcb7b50f35a87094b +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xcb7b50f35a87094b Time: 1.65717 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.09226 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.17935 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.38533 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.714551 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.35461 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xd9d1d89fceeca81a +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xd9d1d89fceeca81a Time: 1.59159 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xdb70c5e9779254fb +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xdb70c5e9779254fb Time: 1.89246 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.687653 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 0.720375 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.52138 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 1.21154 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 0.715017 +[02/25/2023-01:34:39] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.694569 +[02/25/2023-01:34:39] [V] [TRT] Fastest Tactic: 0x21739cdb4c6113ed Time: 0.663259 +[02/25/2023-01:34:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:39] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:39] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:39] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution) +[02/25/2023-01:34:39] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:39] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution) +[02/25/2023-01:34:39] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:39] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution) +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x0000000000000000 Time: 6.17776 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.37284 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x0000000000000002 Time: 6.66386 +[02/25/2023-01:34:39] [V] [TRT] Tactic: 0x0000000000000004 Time: 13.295 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x0000000000000005 Time: 15.909 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x0000000000000038 Time: 6.32058 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x0000000000000039 Time: 5.36725 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x000000000000003a Time: 6.61824 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x000000000000003c Time: 13.2588 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x000000000000003d Time: 15.9954 +[02/25/2023-01:34:40] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 5.36725 +[02/25/2023-01:34:40] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/25/2023-01:34:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:40] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.57123 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.70174 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 3.0696 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 2.85199 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.89008 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.72016 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.58721 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.75369 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 4.69522 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.44355 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.41062 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 3.00464 +[02/25/2023-01:34:40] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 2.57123 +[02/25/2023-01:34:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:40] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:34:40] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/25/2023-01:34:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:40] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.76013 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.6732 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 2.64902 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 3.96647 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.56184 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 2.52843 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.52641 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.66328 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:40] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 4.01978 +[02/25/2023-01:34:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.49769 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 2.89437 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.69627 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 3.8517 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 2.99035 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.54011 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 4.08927 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.82273 +[02/25/2023-01:34:41] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 2.49769 +[02/25/2023-01:34:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:41] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:34:41] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution) +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.51371 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x0000000000000001 Time: 3.89685 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x0000000000000002 Time: 5.77735 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x0000000000000004 Time: 11.8253 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x0000000000000005 Time: 14.478 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x0000000000000038 Time: 5.64398 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x000000000000003a Time: 5.56876 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x000000000000003c Time: 12.1996 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x000000000000003d Time: 14.6277 +[02/25/2023-01:34:41] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 3.89685 +[02/25/2023-01:34:41] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/25/2023-01:34:41] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:41] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/25/2023-01:34:41] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:41] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:34:41] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution) +[02/25/2023-01:34:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:41] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/25/2023-01:34:41] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:41] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.23407 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 1.13888 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 1.16223 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.39501 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.66444 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.54186 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 1.69303 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.54851 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.42121 +[02/25/2023-01:34:41] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:41] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.55503 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 1.60112 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.48371 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.33233 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.56603 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.35908 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.32871 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.48493 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.48773 +[02/25/2023-01:34:42] [V] [TRT] Fastest Tactic: 0x21904dd9d0cd407e Time: 1.13888 +[02/25/2023-01:34:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/25/2023-01:34:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution) +[02/25/2023-01:34:42] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/25/2023-01:34:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.910533 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.927342 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.698075 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.986373 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.624718 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.729746 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.716517 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.606546 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.950857 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.766359 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.550555 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.77307 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.740782 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.02722 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.980763 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.665161 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.618011 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.995854 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.854638 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.03759 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.10416 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.00612 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.852311 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.988695 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.712197 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.04726 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.986208 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.99445 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.708055 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.754528 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.855657 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.817024 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.779118 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.24987 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.634158 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x83b35618df65874c Time: 1.04947 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.961083 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.04302 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 0.880535 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.796087 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.933056 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 0.999456 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.967282 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.17667 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.02956 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.615365 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.739936 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.739621 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.799337 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.569979 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.966363 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.664187 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.590994 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.752713 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.01777 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.767963 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.775621 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.03902 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.604421 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.958391 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.18181 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.58272 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.752645 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.86933 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.989207 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 0.874446 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.914062 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.706002 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.745115 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.25874 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.725285 +[02/25/2023-01:34:42] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:42] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.576279 +[02/25/2023-01:34:42] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.550555 +[02/25/2023-01:34:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:42] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CublasConvolution) +[02/25/2023-01:34:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:42] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:42] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CublasConvolution) +[02/25/2023-01:34:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:34:42] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CublasConvolution) +[02/25/2023-01:34:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:42] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:42] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CublasConvolution) +[02/25/2023-01:34:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CaskConvolution) +[02/25/2023-01:34:42] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:34:42] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:42] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution) +[02/25/2023-01:34:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CublasConvolution) +[02/25/2023-01:34:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution) +[02/25/2023-01:34:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:43] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CaskConvolution) +[02/25/2023-01:34:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:43] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CublasConvolution) +[02/25/2023-01:34:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CaskConvolution) +[02/25/2023-01:34:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:34:43] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution) +[02/25/2023-01:34:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CublasConvolution) +[02/25/2023-01:34:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution) +[02/25/2023-01:34:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:43] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CaskConvolution) +[02/25/2023-01:34:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/25/2023-01:34:43] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CublasConvolution) +[02/25/2023-01:34:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CaskConvolution) +[02/25/2023-01:34:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/25/2023-01:34:43] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:43] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(100352,196,14,1) *************** +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution) +[02/25/2023-01:34:43] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution) +[02/25/2023-01:34:43] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:43] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution) +[02/25/2023-01:34:43] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.94157 +[02/25/2023-01:34:43] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.37659 +[02/25/2023-01:34:43] [V] [TRT] Tactic: 0x0000000000000002 Time: 8.08554 +[02/25/2023-01:34:43] [V] [TRT] Tactic: 0x0000000000000004 Time: 21.6936 +[02/25/2023-01:34:43] [V] [TRT] Tactic: 0x0000000000000005 Time: 26.8583 +[02/25/2023-01:34:43] [V] [TRT] Tactic: 0x0000000000000038 Time: 6.91812 +[02/25/2023-01:34:43] [V] [TRT] Tactic: 0x0000000000000039 Time: 5.44235 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x000000000000003a Time: 7.69586 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x000000000000003c Time: 21.6146 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x000000000000003d Time: 27.1603 +[02/25/2023-01:34:44] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 5.37659 +[02/25/2023-01:34:44] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/25/2023-01:34:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:44] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 4.59313 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.38272 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 5.40985 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 4.747 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 6.55409 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 4.77555 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 4.60822 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.03293 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 5.9057 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 6.46455 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:44] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 6.12144 +[02/25/2023-01:34:44] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 5.67526 +[02/25/2023-01:34:45] [V] [TRT] Fastest Tactic: 0x195431d38ba5af88 Time: 4.38272 +[02/25/2023-01:34:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:45] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(100352,1,7168,512) *************** +[02/25/2023-01:34:45] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/25/2023-01:34:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:45] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.73089 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 4.7118 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.59362 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.38302 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 6.85625 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.34615 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 4.52838 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 4.80458 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 5.44365 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.48102 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 5.45621 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 4.71097 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 7.26365 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 5.34192 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0xf92663d88255134b Time: 4.50054 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.2673 +[02/25/2023-01:34:45] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 5.3757 +[02/25/2023-01:34:45] [V] [TRT] Fastest Tactic: 0x810bd80d0531c0a0 Time: 4.34615 +[02/25/2023-01:34:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:45] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(100352,196,14,1) *************** +[02/25/2023-01:34:45] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution) +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.13523 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x0000000000000001 Time: 4.61882 +[02/25/2023-01:34:45] [V] [TRT] Tactic: 0x0000000000000002 Time: 8.2691 +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x0000000000000004 Time: 20.0447 +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x0000000000000005 Time: 25.6363 +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x0000000000000038 Time: 7.81607 +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x000000000000003a Time: 8.1521 +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x000000000000003c Time: 20.034 +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x000000000000003d Time: 26.6303 +[02/25/2023-01:34:46] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 4.61882 +[02/25/2023-01:34:46] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/25/2023-01:34:46] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:46] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/25/2023-01:34:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:46] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:46] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(100352,196,14,1) *************** +[02/25/2023-01:34:46] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/25/2023-01:34:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:46] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196:2,14,1) *************** +[02/25/2023-01:34:46] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution) +[02/25/2023-01:34:46] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:46] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/25/2023-01:34:46] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:46] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/25/2023-01:34:46] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.98597 +[02/25/2023-01:34:46] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.10125 +[02/25/2023-01:34:46] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.23993 +[02/25/2023-01:34:46] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:46] [V] [TRT] Tactic: 0x446c8c788145836a Time: 2.59157 +[02/25/2023-01:34:46] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 2.66253 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.58513 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.57027 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x97afba3735828021 Time: 2.55941 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 2.39965 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 2.60567 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.43683 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 2.49996 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 2.33534 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.3803 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 2.22385 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 2.18821 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 2.42727 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.39678 +[02/25/2023-01:34:47] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 1.98597 +[02/25/2023-01:34:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:47] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(100352,196,14,1) *************** +[02/25/2023-01:34:47] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/25/2023-01:34:47] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:47] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/25/2023-01:34:47] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:47] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(12544,1:8,896,64) *************** +[02/25/2023-01:34:47] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution) +[02/25/2023-01:34:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:47] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/25/2023-01:34:47] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:47] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 1.48507 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 1.38679 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.748983 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 1.29392 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.856649 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.690921 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.02838 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x249110624ee04937 Time: 1.1634 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 1.26625 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.23611 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.736754 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 1.21829 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 1.06036 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.59313 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 1.7584 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.11913 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.875666 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 1.69889 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.49842 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.45514 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.81274 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.19848 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.44269 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.29335 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 1.17294 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.41365 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.28813 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.45071 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.807799 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.817216 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 1.12888 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 1.45961 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 1.50094 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 2.09374 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.907968 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x83b35618df65874c Time: 1.83614 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.1736 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.17994 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.28668 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.849042 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.72016 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.26273 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 1.27035 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 2.28528 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.23192 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.1104 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.855945 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.82944 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 1.49798 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.755963 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 1.19443 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 1.11615 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.824265 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.945006 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.34952 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.850743 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.901979 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.51175 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.731945 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.65125 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:47] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 2.2929 +[02/25/2023-01:34:47] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.815982 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.721737 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.48187 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.34144 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 1.22491 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 1.17118 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.21329 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.716215 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 2.18639 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.949102 +[02/25/2023-01:34:48] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.71531 +[02/25/2023-01:34:48] [V] [TRT] Fastest Tactic: 0x21739cdb4c6113ed Time: 0.690921 +[02/25/2023-01:34:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:48] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:48] [V] [TRT] *************** Autotuning format combination: Float(100352,196,14,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:34:48] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution) +[02/25/2023-01:34:48] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:48] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution) +[02/25/2023-01:34:48] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:48] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution) +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.75184 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0x0000000000000001 Time: 4.98309 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0x0000000000000002 Time: 7.12031 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0x0000000000000005 Time: 34.2218 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0x0000000000000038 Time: 6.34583 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0x0000000000000039 Time: 4.80752 +[02/25/2023-01:34:48] [V] [TRT] Tactic: 0x000000000000003a Time: 7.29966 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x000000000000003d Time: 34.5489 +[02/25/2023-01:34:49] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 4.80752 +[02/25/2023-01:34:49] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.64982 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 0x27728c886a448c5a +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x27728c886a448c5a Time: 5.12789 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 5.28096 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 0x597d29027694c20b +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x597d29027694c20b Time: 4.81054 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 4.96933 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x62b2ffd9a5c0cfb5 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x62b2ffd9a5c0cfb5 Time: 8.59769 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 9.29871 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.40705 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x93a1176336e5b9f6 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x93a1176336e5b9f6 Time: 6.45968 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 6.29936 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 5.63317 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb6717e61503d5e9b +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0xb6717e61503d5e9b Time: 5.71716 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 8.46693 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 7.38977 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 6.27097 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:34:49] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 5.78986 +[02/25/2023-01:34:49] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 7.66121 +[02/25/2023-01:34:50] [V] [TRT] Fastest Tactic: 0x195431d38ba5af88 Time: 4.64982 +[02/25/2023-01:34:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:50] [V] [TRT] *************** Autotuning format combination: Float(100352,1,7168,512) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:34:50] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 5.48835 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.45349 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0x0e2033f7517a807f +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x0e2033f7517a807f Time: 5.05291 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 8.4367 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x3eba442f4c9c4f50 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x3eba442f4c9c4f50 Time: 6.44124 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x43334a9c8840c773 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x43334a9c8840c773 Time: 5.6503 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 5.33846 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.8504 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.27009 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x66e3239eee98201e +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x66e3239eee98201e Time: 5.98 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.912 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 4.94854 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.96527 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.85933 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb132670a7750e065 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0xb132670a7750e065 Time: 8.58695 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: 0xca84742beb9f9767 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0xca84742beb9f9767 Time: 5.62476 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0xd2b62ec40baf8ee4 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0xd2b62ec40baf8ee4 Time: 4.9983 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 6.27532 +[02/25/2023-01:34:50] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:50] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.64663 +[02/25/2023-01:34:50] [V] [TRT] Fastest Tactic: 0x0bf55a7b77a6ff98 Time: 4.45349 +[02/25/2023-01:34:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:50] [V] [TRT] *************** Autotuning format combination: Half(100352,196,14,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:34:51] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution) +[02/25/2023-01:34:51] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.32344 +[02/25/2023-01:34:51] [V] [TRT] Tactic: 0x0000000000000001 Time: 6.14049 +[02/25/2023-01:34:51] [V] [TRT] Tactic: 0x0000000000000002 Time: 8.94616 +[02/25/2023-01:34:51] [V] [TRT] Tactic: 0x0000000000000005 Time: 33.9437 +[02/25/2023-01:34:51] [V] [TRT] Tactic: 0x0000000000000038 Time: 8.32619 +[02/25/2023-01:34:51] [V] [TRT] Tactic: 0x000000000000003a Time: 8.32288 +[02/25/2023-01:34:51] [V] [TRT] Tactic: 0x000000000000003d Time: 34.4769 +[02/25/2023-01:34:51] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 6.14049 +[02/25/2023-01:34:51] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/25/2023-01:34:51] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:51] [V] [TRT] *************** Autotuning format combination: Half(50176,196:2,14,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:34:51] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution) +[02/25/2023-01:34:51] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:51] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/25/2023-01:34:51] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:34:51] [V] [TRT] Tactic: 0x0fe4a9cce7ed878b Time: 2.31008 +[02/25/2023-01:34:51] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.51407 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.50472 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.73844 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x4092cbc840fbea35 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x4092cbc840fbea35 Time: 2.76948 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.16812 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.4999 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.70658 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.59461 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0x98a00f59a4b141f0 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x98a00f59a4b141f0 Time: 3.33072 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 3.48304 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.55447 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xcbe3f30275b04323 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0xcbe3f30275b04323 Time: 2.57909 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.39007 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0xd7d66d5d03a72c4e +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0xd7d66d5d03a72c4e Time: 3.01799 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 3.45897 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.71954 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xfc994367fd14b2d9 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0xfc994367fd14b2d9 Time: 2.63331 +[02/25/2023-01:34:52] [V] [TRT] Fastest Tactic: 0x0fe4a9cce7ed878b Time: 2.31008 +[02/25/2023-01:34:52] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:34:52] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Float(25088,49,7,1) *************** +[02/25/2023-01:34:52] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/25/2023-01:34:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:52] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:34:52] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution) +[02/25/2023-01:34:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:52] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x00a425145e84482b +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x00a425145e84482b Time: 1.20276 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x03512591e8ea2977 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x03512591e8ea2977 Time: 1.49344 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.18453 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x095000b22a78f234 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x095000b22a78f234 Time: 1.29242 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 1.41372 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x0c0088d5808566d2 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x0c0088d5808566d2 Time: 0.857527 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x0caa5410b61e6cc5 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x0caa5410b61e6cc5 Time: 1.26244 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 1.00206 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x0e131ddbafdfe235 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x0e131ddbafdfe235 Time: 1.1934 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 0.824585 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 1.17474 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 0.787067 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.70774 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x1981adfb6b6fd8b9 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x1981adfb6b6fd8b9 Time: 1.55112 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.52155 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 1.88977 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 0.921838 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.924951 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x1de724868edf11b0 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x1de724868edf11b0 Time: 1.1793 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.818679 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x30150d05024bc911 Time: 0.937143 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x32789ed2e6c7b43b +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x32789ed2e6c7b43b Time: 0.820965 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 1.48168 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.41809 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.5605 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x350e898a5a20ad00 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x350e898a5a20ad00 Time: 0.748823 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.22622 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x490a097d77573bff +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x490a097d77573bff Time: 0.764242 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x4c6a6da741444412 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x4c6a6da741444412 Time: 0.839136 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x4e34a65090c3b86f Time: 0.715904 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x504f864880743a14 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x504f864880743a14 Time: 2.37111 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.27721 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.51935 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 0x5252dc6c9c5f3aff +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x5252dc6c9c5f3aff Time: 1.62723 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 1.46074 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:34:52] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.58201 +[02/25/2023-01:34:52] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x56c66ffbce24b635 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x56c66ffbce24b635 Time: 1.46264 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.2597 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.44443 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.45203 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.71652 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.42102 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.22251 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.19559 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 1.27227 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x6cee4d9c86b4cdd5 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x6cee4d9c86b4cdd5 Time: 1.29442 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.34886 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x721049a39aae27ff +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x721049a39aae27ff Time: 2.15918 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.52054 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.82273 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.35222 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.974117 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.27675 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x8781623566dac7f0 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x8781623566dac7f0 Time: 0.934843 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.80692 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 0.825102 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 0.879159 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 1.43799 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.09045 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 1.91602 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.74867 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.41664 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 1.00804 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: 0xa84824f86c61d2d8 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xa84824f86c61d2d8 Time: 0.990647 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.829317 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 0.794651 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xac4736b5b00e1531 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xac4736b5b00e1531 Time: 1.30434 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.815451 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 0.933888 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 1.91256 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xb307bc772518d3d7 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xb307bc772518d3d7 Time: 1.17082 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 0.925147 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0xbb3d6545e4864f26 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xbb3d6545e4864f26 Time: 0.808192 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.58837 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.48038 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xc684285f13ba11d0 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xc684285f13ba11d0 Time: 1.5527 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 1.98207 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 1.21569 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xcb7b50f35a87094b +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xcb7b50f35a87094b Time: 1.72295 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.13781 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.17541 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.42177 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.745815 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.43116 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xd9d1d89fceeca81a +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xd9d1d89fceeca81a Time: 1.66385 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xdb70c5e9779254fb +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xdb70c5e9779254fb Time: 1.92894 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.804539 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 0.854016 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.53733 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 1.39746 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 0.806181 +[02/25/2023-01:34:53] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.683913 +[02/25/2023-01:34:53] [V] [TRT] Fastest Tactic: 0xfcd06da0f3c31fd1 Time: 0.683913 +[02/25/2023-01:34:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:53] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:53] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:34:53] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution) +[02/25/2023-01:34:53] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:53] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution) +[02/25/2023-01:34:53] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:53] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution) +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.24144 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.51584 +[02/25/2023-01:34:53] [V] [TRT] Tactic: 0x0000000000000002 Time: 3.76805 +[02/25/2023-01:34:54] [V] [TRT] Tactic: 0x0000000000000004 Time: 47.2104 +[02/25/2023-01:34:54] [V] [TRT] Tactic: 0x0000000000000005 Time: 24.2579 +[02/25/2023-01:34:54] [V] [TRT] Tactic: 0x0000000000000038 Time: 3.61936 +[02/25/2023-01:34:54] [V] [TRT] Tactic: 0x0000000000000039 Time: 2.70697 +[02/25/2023-01:34:54] [V] [TRT] Tactic: 0x000000000000003a Time: 3.7094 +[02/25/2023-01:34:54] [V] [TRT] Tactic: 0x000000000000003c Time: 48.6259 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x000000000000003d Time: 24.1278 +[02/25/2023-01:34:55] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 2.51584 +[02/25/2023-01:34:55] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/25/2023-01:34:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:55] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.17966 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.27844 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 2.78295 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 2.45461 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.49416 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.9007 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.55179 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.51611 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 3.04916 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.48999 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.38973 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 2.96997 +[02/25/2023-01:34:55] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 2.17966 +[02/25/2023-01:34:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:55] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:34:55] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/25/2023-01:34:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:55] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.2332 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.36573 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 2.30722 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 2.92459 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.5802 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 2.31807 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.22848 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.27694 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 2.66825 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.1891 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 2.75569 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.55107 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 3.85492 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 2.98832 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.50679 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 3.03163 +[02/25/2023-01:34:55] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.75013 +[02/25/2023-01:34:55] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 2.1891 +[02/25/2023-01:34:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:34:55] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:34:55] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution) +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.52168 +[02/25/2023-01:34:55] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.37217 +[02/25/2023-01:34:56] [V] [TRT] Tactic: 0x0000000000000002 Time: 3.9172 +[02/25/2023-01:34:56] [V] [TRT] Tactic: 0x0000000000000004 Time: 46.0985 +[02/25/2023-01:34:56] [V] [TRT] Tactic: 0x0000000000000005 Time: 23.5567 +[02/25/2023-01:34:56] [V] [TRT] Tactic: 0x0000000000000038 Time: 3.926 +[02/25/2023-01:34:56] [V] [TRT] Tactic: 0x000000000000003a Time: 3.97536 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x000000000000003c Time: 47.3261 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x000000000000003d Time: 23.4752 +[02/25/2023-01:34:57] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 2.37217 +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/25/2023-01:34:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/25/2023-01:34:57] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:34:57] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/25/2023-01:34:57] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution) +[02/25/2023-01:34:57] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/25/2023-01:34:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 0.983557 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 0.988864 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 0.999685 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.16535 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.22004 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.08222 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 1.35811 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.37893 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.27444 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.40282 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 1.36689 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.3611 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.15365 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.23888 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.12494 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.11986 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.22997 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.21125 +[02/25/2023-01:34:57] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 0.983557 +[02/25/2023-01:34:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:34:57] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(100352,49,7,1) *************** +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/25/2023-01:34:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/25/2023-01:34:57] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution) +[02/25/2023-01:34:57] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/25/2023-01:34:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:57] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.722523 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.697189 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.445248 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.671291 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.406322 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.382683 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.516009 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.530039 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.611474 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.543881 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.354939 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.549307 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.538866 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 0.741618 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.846409 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.558811 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.458725 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.845824 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.741486 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 0.730651 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 0.908265 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.653605 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.725015 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.708933 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.592407 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 0.727758 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.687319 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.717792 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.42949 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.431566 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.561824 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.69515 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.70971 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.01205 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.454103 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x83b35618df65874c Time: 0.897609 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.58768 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.621975 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 0.673874 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.451552 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.817211 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 0.640699 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.641042 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.04344 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.646089 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.529993 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.49152 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.480645 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.70059 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.375479 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.610885 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.530656 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.382592 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.453179 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.640146 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.380507 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.442281 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 0.751045 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.37504 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.827374 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.10465 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.401285 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.42576 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.733454 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.717294 +[02/25/2023-01:34:57] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:34:57] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 0.684037 +[02/25/2023-01:34:58] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.585477 +[02/25/2023-01:34:58] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.59275 +[02/25/2023-01:34:58] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.411346 +[02/25/2023-01:34:58] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.036 +[02/25/2023-01:34:58] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.450281 +[02/25/2023-01:34:58] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.367451 +[02/25/2023-01:34:58] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.354939 +[02/25/2023-01:34:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:34:58] [V] [TRT] =============== Computing costs for +[02/25/2023-01:34:58] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:34:58] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution) +[02/25/2023-01:34:58] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:58] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution) +[02/25/2023-01:34:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:34:58] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution) +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.23846 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x0000000000000001 Time: 8.38058 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x0000000000000002 Time: 7.74832 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x0000000000000038 Time: 7.51931 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x0000000000000039 Time: 8.33347 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x000000000000003a Time: 7.84473 +[02/25/2023-01:34:58] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 7.23846 +[02/25/2023-01:34:58] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 4.70387 +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 5.06427 +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 7.92781 +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 5.72128 +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 5.25985 +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 5.77239 +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 9.41009 +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:34:58] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.87843 +[02/25/2023-01:34:58] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 6.72061 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 8.29496 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 6.46085 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 8.15587 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 8.4597 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 6.69199 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 5.2967 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 8.3647 +[02/25/2023-01:34:59] [V] [TRT] Fastest Tactic: 0x18597bd4a7d0164d Time: 4.70387 +[02/25/2023-01:34:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:34:59] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:34:59] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 5.32892 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.36458 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 8.1744 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 5.21537 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.91723 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.62613 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 7.74613 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 5.18749 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 4.64252 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:34:59] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 4.78694 +[02/25/2023-01:34:59] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 5.74493 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.42164 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.68788 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 6.53382 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 5.39259 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 6.17433 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0xf92663d88255134b Time: 5.42574 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.66124 +[02/25/2023-01:35:00] [V] [TRT] Fastest Tactic: 0x0bf55a7b77a6ff98 Time: 4.36458 +[02/25/2023-01:35:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:35:00] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1), Half(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:35:00] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution) +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x0000000000000000 Time: 8.06064 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x0000000000000001 Time: 14.9296 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x0000000000000002 Time: 8.01704 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x0000000000000038 Time: 8.57669 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x000000000000003a Time: 8.29177 +[02/25/2023-01:35:00] [V] [TRT] Fastest Tactic: 0x0000000000000002 Time: 8.01704 +[02/25/2023-01:35:00] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/25/2023-01:35:00] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000002 +[02/25/2023-01:35:00] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:35:00] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution) +[02/25/2023-01:35:00] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:00] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.12154 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.48418 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.70656 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:35:00] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.7022 +[02/25/2023-01:35:00] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.38356 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.89033 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.60168 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x97afba3735828021 Time: 3.3242 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 2.62673 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 3.63713 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.59083 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 3.34475 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 2.66899 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.7561 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 2.56284 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 2.34816 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 3.36429 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.76833 +[02/25/2023-01:35:01] [V] [TRT] Fastest Tactic: 0x16eafdbc5869b184 Time: 2.12154 +[02/25/2023-01:35:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:35:01] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:35:01] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/25/2023-01:35:01] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:01] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:35:01] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution) +[02/25/2023-01:35:01] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:01] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 1.9867 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 1.43708 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 1.0686 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 0.952027 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.89707 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 1.28771 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 0.951506 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.75868 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.67555 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 2.08304 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 1.11323 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 1.5755 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.951506 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.778533 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 1.0146 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 1.15362 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.739099 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 1.26596 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.51647 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.55722 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.15296 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 1.33803 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 1.03297 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 1.97808 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 1.69717 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 1.66662 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.26854 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 1.96759 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.3021 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 1.55358 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 1.40519 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.90577 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.49802 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.40667 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.58689 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.737 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.58147 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.41956 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.39225 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 1.25914 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:35:01] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.46961 +[02/25/2023-01:35:01] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.54261 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.81437 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.391 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.984526 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 1.27576 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 1.21659 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 1.3391 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.29717 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.87664 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 1.75104 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 1.26789 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.74763 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 1.37152 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 0.926263 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 1.29753 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 0.904997 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 1.24634 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 1.37893 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 2.08867 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 1.9608 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.7895 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.52812 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 1.24429 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 1.10738 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 0.931749 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.995387 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 1.13645 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 1.88856 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 1.10458 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.965938 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 1.07536 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.60271 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.31127 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.813893 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 2.05266 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.891634 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 1.28875 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.39702 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.34349 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.68622 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.817093 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.38047 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 1.87989 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 2.53444 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.841175 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 1.61824 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 1.44677 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 1.49094 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 0.992306 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.66945 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.821655 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 1.36913 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 0.935424 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 2.15947 +[02/25/2023-01:35:02] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.788485 +[02/25/2023-01:35:02] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.739099 +[02/25/2023-01:35:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:02] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:02] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:35:02] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution) +[02/25/2023-01:35:02] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:02] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution) +[02/25/2023-01:35:02] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:02] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution) +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x0000000000000000 Time: 2.71031 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.44972 +[02/25/2023-01:35:02] [V] [TRT] Tactic: 0x0000000000000002 Time: 3.66943 +[02/25/2023-01:35:03] [V] [TRT] Tactic: 0x0000000000000004 Time: 42.9401 +[02/25/2023-01:35:03] [V] [TRT] Tactic: 0x0000000000000005 Time: 25.5515 +[02/25/2023-01:35:03] [V] [TRT] Tactic: 0x0000000000000038 Time: 3.2249 +[02/25/2023-01:35:03] [V] [TRT] Tactic: 0x0000000000000039 Time: 2.49125 +[02/25/2023-01:35:03] [V] [TRT] Tactic: 0x000000000000003a Time: 3.53719 +[02/25/2023-01:35:03] [V] [TRT] Tactic: 0x000000000000003c Time: 44.942 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x000000000000003d Time: 25.5917 +[02/25/2023-01:35:04] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 2.44972 +[02/25/2023-01:35:04] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/25/2023-01:35:04] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:04] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.30362 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.24862 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 2.69633 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 2.15119 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.16913 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 2.44519 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.33501 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.46298 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 2.70736 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.13373 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.27482 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 2.90439 +[02/25/2023-01:35:04] [V] [TRT] Fastest Tactic: 0x365602d0613d4c36 Time: 2.15119 +[02/25/2023-01:35:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x365602d0613d4c36 +[02/25/2023-01:35:04] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:35:04] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/25/2023-01:35:04] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:04] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.52109 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.44262 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 2.28183 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 2.52904 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.48807 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 2.22296 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.27445 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.38502 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 2.53955 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.22602 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 2.71615 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.27855 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 3.56513 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 2.76011 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.33279 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 2.66031 +[02/25/2023-01:35:04] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.77101 +[02/25/2023-01:35:04] [V] [TRT] Fastest Tactic: 0x810bd80d0531c0a0 Time: 2.22296 +[02/25/2023-01:35:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:35:04] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:35:04] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution) +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x0000000000000000 Time: 3.29174 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x0000000000000001 Time: 2.01143 +[02/25/2023-01:35:04] [V] [TRT] Tactic: 0x0000000000000002 Time: 3.93791 +[02/25/2023-01:35:05] [V] [TRT] Tactic: 0x0000000000000004 Time: 40.8408 +[02/25/2023-01:35:05] [V] [TRT] Tactic: 0x0000000000000005 Time: 24.5904 +[02/25/2023-01:35:05] [V] [TRT] Tactic: 0x0000000000000038 Time: 3.99933 +[02/25/2023-01:35:05] [V] [TRT] Tactic: 0x000000000000003a Time: 4.05034 +[02/25/2023-01:35:05] [V] [TRT] Tactic: 0x000000000000003c Time: 42.5634 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x000000000000003d Time: 24.5783 +[02/25/2023-01:35:06] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 2.01143 +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/25/2023-01:35:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/25/2023-01:35:06] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:35:06] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/25/2023-01:35:06] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution) +[02/25/2023-01:35:06] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/25/2023-01:35:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 0.971337 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 0.959634 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 0.949847 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.32944 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.35307 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.18257 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 1.21593 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.34412 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.16936 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.42553 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 1.20088 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.31815 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.19396 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.18523 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.11365 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.08213 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.27947 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.19025 +[02/25/2023-01:35:06] [V] [TRT] Fastest Tactic: 0x3bee4a098b4f8914 Time: 0.949847 +[02/25/2023-01:35:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:35:06] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) *************** +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/25/2023-01:35:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/25/2023-01:35:06] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution) +[02/25/2023-01:35:06] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/25/2023-01:35:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.726533 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.640023 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.321435 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.570802 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.360768 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.321545 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.409403 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.499712 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.600855 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.530121 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.330382 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.547282 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.44261 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 0.713856 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.838359 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.554821 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.42363 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.818286 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.719159 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 0.671433 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 0.88325 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.680027 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.711054 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.608046 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.566953 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 0.65419 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.59275 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.67312 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.420425 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.429495 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.529554 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.670958 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.67136 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 0.917696 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.400759 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x83b35618df65874c Time: 0.871278 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.558665 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.543762 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 0.568014 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.438565 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.816274 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 0.651849 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.659785 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.04177 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.632069 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.519022 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.372151 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.355826 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.679351 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.335872 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.621422 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.521655 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.395689 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.432777 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.681984 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.368987 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.459305 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 0.678213 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.335872 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.755721 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.07716 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.399959 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.371534 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.6928 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.600782 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 0.560608 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.558587 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.567296 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.371232 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 0.97168 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.438249 +[02/25/2023-01:35:06] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.326386 +[02/25/2023-01:35:06] [V] [TRT] Fastest Tactic: 0x105f56cf03ee5549 Time: 0.321435 +[02/25/2023-01:35:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:35:06] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:06] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution) +[02/25/2023-01:35:06] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution) +[02/25/2023-01:35:06] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:06] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution) +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x0000000000000000 Time: 5.38113 +[02/25/2023-01:35:06] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.21798 +[02/25/2023-01:35:07] [V] [TRT] Tactic: 0x0000000000000002 Time: 6.95501 +[02/25/2023-01:35:07] [V] [TRT] Tactic: 0x0000000000000004 Time: 10.4053 +[02/25/2023-01:35:07] [V] [TRT] Tactic: 0x0000000000000005 Time: 34.1829 +[02/25/2023-01:35:07] [V] [TRT] Tactic: 0x0000000000000006 Time: 8.48312 +[02/25/2023-01:35:07] [V] [TRT] Tactic: 0x0000000000000038 Time: 6.22475 +[02/25/2023-01:35:07] [V] [TRT] Tactic: 0x0000000000000039 Time: 4.97394 +[02/25/2023-01:35:07] [V] [TRT] Tactic: 0x000000000000003a Time: 7.0754 +[02/25/2023-01:35:07] [V] [TRT] Tactic: 0x000000000000003c Time: 10.9664 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x000000000000003d Time: 34.3033 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x000000000000003e Time: 8.45942 +[02/25/2023-01:35:08] [V] [TRT] Fastest Tactic: 0x0000000000000039 Time: 4.97394 +[02/25/2023-01:35:08] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 4.93845 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 0x268494f0a1c83de3 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x268494f0a1c83de3 Time: 7.83473 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 0x27728c886a448c5a +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x27728c886a448c5a Time: 5.42848 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 4.72613 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 0x597d29027694c20b +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x597d29027694c20b Time: 4.98046 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 4.78924 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x62b2ffd9a5c0cfb5 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x62b2ffd9a5c0cfb5 Time: 7.86876 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x8d5c64a52fab02c9 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x8d5c64a52fab02c9 Time: 9.03466 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 5.5471 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x93a1176336e5b9f6 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x93a1176336e5b9f6 Time: 5.79555 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x994f5b723e2d80da +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0x994f5b723e2d80da Time: 5.79718 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x128x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0xac49795b871b0d29 +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0xac49795b871b0d29 Time: 6.30898 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb6717e61503d5e9b +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0xb6717e61503d5e9b Time: 5.25243 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 7.17561 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:35:08] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 6.15975 +[02/25/2023-01:35:08] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd1338f4b38d341e2 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0xd1338f4b38d341e2 Time: 6.17573 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize128x256x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xd2aa21bfe2167c0c +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0xd2aa21bfe2167c0c Time: 5.77278 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xe40b38338a3a7d7e +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0xe40b38338a3a7d7e Time: 7.14717 +[02/25/2023-01:35:09] [V] [TRT] Fastest Tactic: 0x365602d0613d4c36 Time: 4.72613 +[02/25/2023-01:35:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x365602d0613d4c36 +[02/25/2023-01:35:09] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:35:09] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x128x8_stage1_warpsize2x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x0447933cc2be855a +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x0447933cc2be855a Time: 5.54338 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 4.43326 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0x0e2033f7517a807f +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x0e2033f7517a807f Time: 4.85683 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0x2595402367cdee5c +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x2595402367cdee5c Time: 7.83948 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize256x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x3eba442f4c9c4f50 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x3eba442f4c9c4f50 Time: 5.87192 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x43334a9c8840c773 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x43334a9c8840c773 Time: 5.5926 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 4.99302 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 4.54485 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 5.16978 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0x66e3239eee98201e +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x66e3239eee98201e Time: 5.69081 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 4.83387 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 4.87364 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 4.47893 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_aligna4_alignc4 Tactic: 0x963db12d24e61b80 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0x963db12d24e61b80 Time: 5.44426 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r3s3_aligna4_alignc4 Tactic: 0xb132670a7750e065 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0xb132670a7750e065 Time: 8.09871 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: 0xca84742beb9f9767 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0xca84742beb9f9767 Time: 5.08586 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 0xd2b62ec40baf8ee4 +[02/25/2023-01:35:09] [V] [TRT] Tactic: 0xd2b62ec40baf8ee4 Time: 4.875 +[02/25/2023-01:35:09] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_aligna4_alignc4 Tactic: 0xde4165142218dab8 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0xde4165142218dab8 Time: 5.66916 +[02/25/2023-01:35:10] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 5.56529 +[02/25/2023-01:35:10] [V] [TRT] Fastest Tactic: 0x0bf55a7b77a6ff98 Time: 4.43326 +[02/25/2023-01:35:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:35:10] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:35:10] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution) +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x0000000000000000 Time: 7.00901 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x0000000000000001 Time: 5.33475 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x0000000000000002 Time: 8.73867 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x0000000000000004 Time: 10.4023 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x0000000000000005 Time: 33.701 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x0000000000000006 Time: 8.72509 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x0000000000000038 Time: 7.73175 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x000000000000003a Time: 8.27062 +[02/25/2023-01:35:10] [V] [TRT] Tactic: 0x000000000000003c Time: 10.4438 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x000000000000003d Time: 34.2858 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x000000000000003e Time: 8.53512 +[02/25/2023-01:35:11] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 5.33475 +[02/25/2023-01:35:11] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/25/2023-01:35:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:35:11] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:35:11] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution) +[02/25/2023-01:35:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:11] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x0fe4a9cce7ed878b Time: 2.29512 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 2.50562 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 2.57455 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 2.43842 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 0x4092cbc840fbea35 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x4092cbc840fbea35 Time: 2.73952 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x446c8c788145836a Time: 3.27347 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 3.13093 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 2.33534 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 2.37656 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0x98a00f59a4b141f0 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x98a00f59a4b141f0 Time: 3.46239 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 2.69769 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 2.46325 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xcbe3f30275b04323 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xcbe3f30275b04323 Time: 2.66037 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 2.45578 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 0xd46b3ee2b59f893c +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xd46b3ee2b59f893c Time: 3.89611 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: 0xd7d66d5d03a72c4e +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xd7d66d5d03a72c4e Time: 3.5052 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 2.71009 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 2.74722 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: 0xfc994367fd14b2d9 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0xfc994367fd14b2d9 Time: 2.69655 +[02/25/2023-01:35:11] [V] [TRT] Fastest Tactic: 0x0fe4a9cce7ed878b Time: 2.29512 +[02/25/2023-01:35:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x0fe4a9cce7ed878b +[02/25/2023-01:35:11] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/25/2023-01:35:11] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/25/2023-01:35:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:11] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:35:11] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution) +[02/25/2023-01:35:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:11] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x00a425145e84482b +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x00a425145e84482b Time: 1.19727 +[02/25/2023-01:35:11] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x03512591e8ea2977 +[02/25/2023-01:35:11] [V] [TRT] Tactic: 0x03512591e8ea2977 Time: 1.486 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x0559d1d2893a8768 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x0559d1d2893a8768 Time: 2.09233 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x095000b22a78f234 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x095000b22a78f234 Time: 1.23293 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x0b906efbde4dc01a +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x0b906efbde4dc01a Time: 1.33085 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x0c0088d5808566d2 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x0c0088d5808566d2 Time: 0.828901 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x0caa5410b61e6cc5 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x0caa5410b61e6cc5 Time: 1.1729 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x0e0f7f10867063ba +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x0e0f7f10867063ba Time: 0.888631 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x0e131ddbafdfe235 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x0e131ddbafdfe235 Time: 1.17292 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x0ecf8dc91198fd5e +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x0ecf8dc91198fd5e Time: 0.782629 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0x159236c6c22f62ce +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x159236c6c22f62ce Time: 1.21174 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x15ecbd82c22a023f +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x15ecbd82c22a023f Time: 0.753664 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x18ef97651ad5379a +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x18ef97651ad5379a Time: 1.68316 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x1981adfb6b6fd8b9 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x1981adfb6b6fd8b9 Time: 1.42821 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0x1b099f7ac29a2a6a +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x1b099f7ac29a2a6a Time: 1.40364 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x1b9cb8d78519a728 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x1b9cb8d78519a728 Time: 1.77818 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0x1c23f4a19fbcb518 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x1c23f4a19fbcb518 Time: 0.876251 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.878299 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x1de724868edf11b0 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x1de724868edf11b0 Time: 1.10527 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.77269 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x30150d05024bc911 Time: 0.819205 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x32789ed2e6c7b43b +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x32789ed2e6c7b43b Time: 0.733477 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x33fc6102b341eb5d +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x33fc6102b341eb5d Time: 1.39615 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 1.34144 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x348653930e0a64e2 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x348653930e0a64e2 Time: 1.51665 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x350e898a5a20ad00 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x350e898a5a20ad00 Time: 0.765015 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x36662b4d547eefc7 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x36662b4d547eefc7 Time: 1.21222 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x490a097d77573bff +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x490a097d77573bff Time: 0.702464 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x4c6a6da741444412 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x4c6a6da741444412 Time: 0.812622 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x4e34a65090c3b86f Time: 0.684059 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0x504f864880743a14 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x504f864880743a14 Time: 2.18558 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x5128cdf162fe56b6 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x5128cdf162fe56b6 Time: 1.21093 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 1.42425 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 0x5252dc6c9c5f3aff +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x5252dc6c9c5f3aff Time: 1.4981 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 0x54b287be85c1522c +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x54b287be85c1522c Time: 1.42775 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x55fb34a08663e5ae +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x55fb34a08663e5ae Time: 1.50327 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x56c66ffbce24b635 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x56c66ffbce24b635 Time: 1.37271 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x58eea09dffe038fd +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x58eea09dffe038fd Time: 1.20396 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x5bec1fbd955eb827 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x5bec1fbd955eb827 Time: 1.30103 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 1.37918 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x62bb371b230a886d +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x62bb371b230a886d Time: 1.59498 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 1.33418 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x69a5b2ac9c5bac16 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x69a5b2ac9c5bac16 Time: 1.17202 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x6b44e6396887bed9 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x6b44e6396887bed9 Time: 1.1569 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x6cde8847e8cd796b +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x6cde8847e8cd796b Time: 1.17568 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x6cee4d9c86b4cdd5 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x6cee4d9c86b4cdd5 Time: 1.19097 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 1.35774 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 0x721049a39aae27ff +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x721049a39aae27ff Time: 2.10476 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 1.402 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 0x75585ae3e9dedb93 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x75585ae3e9dedb93 Time: 1.63538 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0x784dcede905d06c0 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x784dcede905d06c0 Time: 1.30784 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.928919 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0x86903737887c556d +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x86903737887c556d Time: 1.25162 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x8781623566dac7f0 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x8781623566dac7f0 Time: 0.916041 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0x8b86a8bb857fff79 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x8b86a8bb857fff79 Time: 1.77011 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x8d73ddfc444be692 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x8d73ddfc444be692 Time: 0.838217 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: 0x9650edb797f919f3 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x9650edb797f919f3 Time: 0.861975 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0x969b1abbb567ac47 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x969b1abbb567ac47 Time: 1.40672 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0x9a0f43b4d1dc46d4 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0x9a0f43b4d1dc46d4 Time: 1.97021 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa13cdf70a9d99d45 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xa13cdf70a9d99d45 Time: 1.74224 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xa2dad76f719680b5 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xa2dad76f719680b5 Time: 1.51345 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: 0xa3e778b253a14ca9 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xa3e778b253a14ca9 Time: 2.27756 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 0xa5f0bcb42cb01fc7 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xa5f0bcb42cb01fc7 Time: 0.941504 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: 0xa84824f86c61d2d8 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xa84824f86c61d2d8 Time: 0.926533 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.79915 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xab9c5449bde6902c +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xab9c5449bde6902c Time: 0.729998 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xac4736b5b00e1531 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xac4736b5b00e1531 Time: 1.23172 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.764535 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xb0bf64026e546f4d +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xb0bf64026e546f4d Time: 0.789317 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xb26e93bd0702f504 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xb26e93bd0702f504 Time: 1.85663 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xb307bc772518d3d7 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xb307bc772518d3d7 Time: 1.15881 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 0xb7dc3705357cc965 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xb7dc3705357cc965 Time: 0.949714 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0xbb3d6545e4864f26 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xbb3d6545e4864f26 Time: 0.892933 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xbfc71f913e286527 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xbfc71f913e286527 Time: 1.66944 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 1.49503 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xc684285f13ba11d0 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xc684285f13ba11d0 Time: 1.53412 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xc6e0905d983b4a62 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xc6e0905d983b4a62 Time: 1.9086 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 0xc8ee1e4cdf0d8f84 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xc8ee1e4cdf0d8f84 Time: 1.19545 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0xcb7b50f35a87094b +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xcb7b50f35a87094b Time: 1.65221 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd076fab92f5706c9 +[02/25/2023-01:35:12] [V] [TRT] Tactic: 0xd076fab92f5706c9 Time: 1.08173 +[02/25/2023-01:35:12] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 0xd297ae2cdb8b1406 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xd297ae2cdb8b1406 Time: 1.16188 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 1.32049 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.680229 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 0xd825f95894186a22 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xd825f95894186a22 Time: 2.22752 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xd9d1d89fceeca81a +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xd9d1d89fceeca81a Time: 1.52872 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 0xdb70c5e9779254fb +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xdb70c5e9779254fb Time: 1.79668 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.793774 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xe84b9aaa289245c0 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xe84b9aaa289245c0 Time: 0.842898 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 0xe9fa7b19132889a8 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xe9fa7b19132889a8 Time: 1.49842 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: 0xf1d5fc0783e71536 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xf1d5fc0783e71536 Time: 1.37683 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: 0xf368aae1fb20baa1 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xf368aae1fb20baa1 Time: 0.791698 +[02/25/2023-01:35:13] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.665509 +[02/25/2023-01:35:13] [V] [TRT] Fastest Tactic: 0xfcd06da0f3c31fd1 Time: 0.665509 +[02/25/2023-01:35:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:13] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:13] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:35:13] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution) +[02/25/2023-01:35:13] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:13] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution) +[02/25/2023-01:35:13] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:13] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution) +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.47809 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0x0000000000000001 Time: 3.71478 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0x0000000000000002 Time: 4.8691 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0x0000000000000004 Time: 49.1727 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0x0000000000000005 Time: 25.4537 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0x0000000000000038 Time: 4.64257 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0x0000000000000039 Time: 3.76539 +[02/25/2023-01:35:13] [V] [TRT] Tactic: 0x000000000000003a Time: 4.84935 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x000000000000003c Time: 48.5385 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x000000000000003d Time: 25.4072 +[02/25/2023-01:35:14] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 3.71478 +[02/25/2023-01:35:14] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/25/2023-01:35:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:14] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 2.4468 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 2.41182 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 2.6583 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 2.76587 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 3.99962 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 3.15392 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 2.69366 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 2.66372 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 3.65014 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 3.49623 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 3.83037 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 3.27785 +[02/25/2023-01:35:14] [V] [TRT] Fastest Tactic: 0x195431d38ba5af88 Time: 2.41182 +[02/25/2023-01:35:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x195431d38ba5af88 +[02/25/2023-01:35:14] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:35:14] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/25/2023-01:35:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:14] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 2.37451 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:35:14] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 2.34903 +[02/25/2023-01:35:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 2.53402 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 3.38095 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 3.71263 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 2.62845 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 2.52811 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 2.54929 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 3.17469 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 2.28004 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 2.78008 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 2.62155 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 4.00985 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 3.25691 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0xf92663d88255134b Time: 2.61692 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 3.39046 +[02/25/2023-01:35:15] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 2.86545 +[02/25/2023-01:35:15] [V] [TRT] Fastest Tactic: 0x946eca69f99ddcb4 Time: 2.28004 +[02/25/2023-01:35:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:35:15] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:35:15] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution) +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x0000000000000000 Time: 4.68153 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x0000000000000001 Time: 3.04673 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x0000000000000002 Time: 4.70723 +[02/25/2023-01:35:15] [V] [TRT] Tactic: 0x0000000000000004 Time: 47.1395 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x0000000000000005 Time: 24.2151 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x0000000000000038 Time: 4.59387 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x000000000000003a Time: 4.62287 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x000000000000003c Time: 47.4203 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x000000000000003d Time: 24.19 +[02/25/2023-01:35:16] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 3.04673 +[02/25/2023-01:35:16] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/25/2023-01:35:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:16] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/25/2023-01:35:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:35:16] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:35:16] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution) +[02/25/2023-01:35:16] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:16] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/25/2023-01:35:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:16] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 1.01034 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 1.01821 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 1.00795 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x446c8c788145836a Time: 1.34224 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 1.40728 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 1.30112 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 1.44032 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x97afba3735828021 Time: 1.40342 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 1.23221 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 1.3766 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 1.30457 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 1.32494 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 1.21212 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 1.29404 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 1.21032 +[02/25/2023-01:35:16] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:35:16] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 1.21093 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 1.29726 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 1.2502 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0x3bee4a098b4f8914 Time: 1.00795 +[02/25/2023-01:35:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/25/2023-01:35:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/25/2023-01:35:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution) +[02/25/2023-01:35:17] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/25/2023-01:35:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.767698 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.723662 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.516695 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.766176 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.505285 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.464896 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.584037 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.552695 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.69371 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.628695 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.430373 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.630071 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.598016 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 0.81637 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.83685 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.564453 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.529275 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.848795 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.744032 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 0.825344 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 0.944421 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.732905 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.751694 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.788219 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.619205 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 0.83968 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.775378 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.816891 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.528782 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.520114 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.647067 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.745179 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.727122 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 1.04153 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.537454 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x83b35618df65874c Time: 0.966309 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.679333 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.720055 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 0.756946 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.551506 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.856155 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 0.741051 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.728142 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 1.09773 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.749568 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.552686 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.564206 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.555776 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.726683 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.466729 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.696283 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.558363 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.484078 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.531017 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.720562 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.460681 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.533499 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 0.811378 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.433093 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.820037 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 1.08621 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.483287 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.486254 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.761577 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.778533 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 0.742295 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.666624 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.626647 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.490715 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 1.09012 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.535698 +[02/25/2023-01:35:17] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.444123 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0x2a3615ad33745f0b Time: 0.430373 +[02/25/2023-01:35:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:17] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution) +[02/25/2023-01:35:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CublasConvolution) +[02/25/2023-01:35:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution) +[02/25/2023-01:35:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:35:17] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CaskConvolution) +[02/25/2023-01:35:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) *************** +[02/25/2023-01:35:17] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CublasConvolution) +[02/25/2023-01:35:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CaskConvolution) +[02/25/2023-01:35:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) *************** +[02/25/2023-01:35:17] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(2048,1,1,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling) +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x00000000007d0101 Time: 0.537147 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x00000000007e0101 Time: 0.495397 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x00000000007f0101 Time: 0.488462 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000800101 Time: 0.484608 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000810101 Time: 0.482418 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000820101 Time: 0.481801 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000830101 Time: 0.480402 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000840101 Time: 0.512151 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0x0000000000830101 Time: 0.480402 +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling) +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xffffffffffffffff Time: 0.255991 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0xffffffffffffffff Time: 0.255991 +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CaskPooling) +[02/25/2023-01:35:17] [V] [TRT] GlobalAveragePool_119 Set Tactic Name: sm50_xmma_pooling_fw_4d_FP32FP32NCHW_Average_FastDiv Tactic: 0x933eceba7b866d59 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x933eceba7b866d59 Time: 0.26069 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0x933eceba7b866d59 Time: 0.26069 +[02/25/2023-01:35:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: 0xffffffffffffffff +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(2048,1,1,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling) +[02/25/2023-01:35:17] [V] [TRT] TiledPooling has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling) +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xffffffffffffffff Time: 0.143314 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0xffffffffffffffff Time: 0.143314 +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CaskPooling) +[02/25/2023-01:35:17] [V] [TRT] GlobalAveragePool_119 Set Tactic Name: sm50_xmma_pooling_fw_4d_FP16FP32NCHW_Average_FastDiv Tactic: 0x94ce450867316320 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x94ce450867316320 Time: 0.143918 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0x94ce450867316320 Time: 0.143918 +[02/25/2023-01:35:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: 0xffffffffffffffff +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(1024,1:2,1,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling) +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x00000000007d0101 Time: 0.292311 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x00000000007e0101 Time: 0.270592 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x00000000007f0101 Time: 0.26592 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000800101 Time: 0.26203 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000810101 Time: 0.262414 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000820101 Time: 0.264722 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000830101 Time: 0.268146 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000840101 Time: 0.269815 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0x0000000000800101 Time: 0.26203 +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling) +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xfffffffffffffffd Time: 0.465189 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0xfffffffffffffffd Time: 0.465189 +[02/25/2023-01:35:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 0x0000000000800101 +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(256,1:8,256,256) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling) +[02/25/2023-01:35:17] [V] [TRT] TiledPooling has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling) +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xfffffffffffffffe Time: 0.102224 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0xfffffffffffffffe Time: 0.102224 +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling) +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xffffffffffffffff Time: 0.145902 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0xffffffffffffffff Time: 0.145902 +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CaskPooling) +[02/25/2023-01:35:17] [V] [TRT] GlobalAveragePool_119 Set Tactic Name: sm50_xmma_pooling_fw_4d_FP16FP32NHWC_Average_FastDiv_CAlign4 Tactic: 0x56d7b61f084f251e +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x56d7b61f084f251e Time: 0.113966 +[02/25/2023-01:35:17] [V] [TRT] GlobalAveragePool_119 Set Tactic Name: sm50_xmma_pooling_fw_4d_FP16FP32NHWC_Average_FastDiv_CAlign8 Tactic: 0xdaa6f29208dec74b +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0xdaa6f29208dec74b Time: 0.113237 +[02/25/2023-01:35:17] [V] [TRT] Fastest Tactic: 0xdaa6f29208dec74b Time: 0.113237 +[02/25/2023-01:35:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: 0xfffffffffffffffe +[02/25/2023-01:35:17] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:17] [V] [TRT] *************** Autotuning format combination: Float(2048,1,1,1) -> Float(1000,1,1,1) *************** +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution) +[02/25/2023-01:35:17] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution) +[02/25/2023-01:35:17] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:17] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution) +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.431895 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000000001 Time: 0.110135 +[02/25/2023-01:35:17] [V] [TRT] Tactic: 0x0000000000000002 Time: 0.258926 +[02/25/2023-01:35:18] [V] [TRT] Tactic: 0x0000000000000004 Time: 92.9098 +[02/25/2023-01:35:18] [V] [TRT] Tactic: 0x0000000000000005 Time: 8.70195 +[02/25/2023-01:35:18] [V] [TRT] Tactic: 0x0000000000000038 Time: 0.531218 +[02/25/2023-01:35:18] [V] [TRT] Tactic: 0x0000000000000039 Time: 0.128946 +[02/25/2023-01:35:18] [V] [TRT] Tactic: 0x000000000000003a Time: 0.303017 +[02/25/2023-01:35:19] [V] [TRT] Tactic: 0x000000000000003c Time: 92.921 +[02/25/2023-01:35:19] [V] [TRT] Tactic: 0x000000000000003d Time: 8.50749 +[02/25/2023-01:35:19] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 0.110135 +[02/25/2023-01:35:19] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.121801 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x0000000000000001 Time: 0.10723 +[02/25/2023-01:35:20] [V] [TRT] Fastest Tactic: 0x0000000000000001 Time: 0.10723 +[02/25/2023-01:35:20] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 0x18597bd4a7d0164d +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x18597bd4a7d0164d Time: 0.523579 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 0x195431d38ba5af88 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x195431d38ba5af88 Time: 0.51707 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 0x25eed4cfa195d49d +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x25eed4cfa195d49d Time: 0.454034 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 0x365602d0613d4c36 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x365602d0613d4c36 Time: 0.524581 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0x5193693bc0732c65 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x5193693bc0732c65 Time: 0.301056 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 0x5e7d1125e7896624 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x5e7d1125e7896624 Time: 0.367013 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 0x7e29bdfccd92c42c +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x7e29bdfccd92c42c Time: 0.353701 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: 0x90238daf8750ddb0 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x90238daf8750ddb0 Time: 0.377248 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xa0dcf7c2b333d150 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xa0dcf7c2b333d150 Time: 0.278235 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nchwkcrs_nchw_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa3cd285aae791bdd +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xa3cd285aae791bdd Time: 0.301696 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: 0xc2a5fc6b5e7cef5e +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xc2a5fc6b5e7cef5e Time: 0.471579 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: 0xc939b7b0a4d5a05f +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xc939b7b0a4d5a05f Time: 0.492859 +[02/25/2023-01:35:20] [V] [TRT] Fastest Tactic: 0xa0dcf7c2b333d150 Time: 0.278235 +[02/25/2023-01:35:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 0x0000000000000001 +[02/25/2023-01:35:20] [V] [TRT] *************** Autotuning format combination: Float(2048,1,2048,2048) -> Float(1000,1,1000,1000) *************** +[02/25/2023-01:35:20] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/25/2023-01:35:20] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:20] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 0x0bf55a7b77a6ff98 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x0bf55a7b77a6ff98 Time: 0.353417 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x48f8d75aa348d22f +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x48f8d75aa348d22f Time: 0.182706 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 0x50ca8db54378cbac +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x50ca8db54378cbac Time: 0.353984 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x516049bee7812ab0 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x516049bee7812ab0 Time: 0.101881 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0x704db0897ce9340d +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x704db0897ce9340d Time: 0.152763 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x810bd80d0531c0a0 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x810bd80d0531c0a0 Time: 0.342473 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x849891f3d1d80c55 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x849891f3d1d80c55 Time: 0.341664 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0x852b455de4263ff7 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x852b455de4263ff7 Time: 0.183735 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0x90d45931b538d74f +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x90d45931b538d74f Time: 0.0992343 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 0x946eca69f99ddcb4 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x946eca69f99ddcb4 Time: 0.343858 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_t1r1s1_aligna4_alignc4 Tactic: 0xa79cf41de521f476 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xa79cf41de521f476 Time: 0.20597 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: 0xb90177ab6d659acd +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xb90177ab6d659acd Time: 0.349915 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x64x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xded29d328f8f7228 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xded29d328f8f7228 Time: 0.154766 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize128x64x8_stage1_warpsize2x2x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xe957dcfcec24ec5d +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xe957dcfcec24ec5d Time: 0.200599 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: 0xf92663d88255134b +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xf92663d88255134b Time: 0.176686 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfa1e150a2da08265 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xfa1e150a2da08265 Time: 0.101952 +[02/25/2023-01:35:20] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f32f32_f32f32_f32_nhwckrsc_nhwc_tilesize64x128x8_stage1_warpsize1x4x1_g1_ffma_simple_t1r1s1_aligna4_alignc4 Tactic: 0xfbba95cf52891795 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0xfbba95cf52891795 Time: 0.204087 +[02/25/2023-01:35:20] [V] [TRT] Fastest Tactic: 0x90d45931b538d74f Time: 0.0992343 +[02/25/2023-01:35:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0x90d45931b538d74f +[02/25/2023-01:35:20] [V] [TRT] *************** Autotuning format combination: Half(2048,1,1,1) -> Half(1000,1,1,1) *************** +[02/25/2023-01:35:20] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution) +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.403931 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x0000000000000001 Time: 0.457303 +[02/25/2023-01:35:20] [V] [TRT] Tactic: 0x0000000000000002 Time: 0.356059 +[02/25/2023-01:35:21] [V] [TRT] Tactic: 0x0000000000000004 Time: 90.9686 +[02/25/2023-01:35:21] [V] [TRT] Tactic: 0x0000000000000005 Time: 8.28065 +[02/25/2023-01:35:21] [V] [TRT] Tactic: 0x0000000000000038 Time: 0.506203 +[02/25/2023-01:35:21] [V] [TRT] Tactic: 0x000000000000003a Time: 0.447602 +[02/25/2023-01:35:21] [V] [TRT] Tactic: 0x000000000000003c Time: 91.1535 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x000000000000003d Time: 8.67972 +[02/25/2023-01:35:22] [V] [TRT] Fastest Tactic: 0x0000000000000002 Time: 0.356059 +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.044952 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000001 Time: 0.0397463 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000002 Time: 0.0447783 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000003 Time: 0.0396674 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000004 Time: 0.0609752 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000005 Time: 0.060451 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000006 Time: 0.0447029 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000007 Time: 0.0414811 +[02/25/2023-01:35:22] [V] [TRT] Fastest Tactic: 0x0000000000000003 Time: 0.0396674 +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/25/2023-01:35:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 0x0000000000000003 +[02/25/2023-01:35:22] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(1000,1,1,1) *************** +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/25/2023-01:35:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:22] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(500,1:2,1,1) *************** +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution) +[02/25/2023-01:35:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/25/2023-01:35:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x16eafdbc5869b184 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x16eafdbc5869b184 Time: 0.190917 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 0x21904dd9d0cd407e +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x21904dd9d0cd407e Time: 0.191342 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x3bee4a098b4f8914 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x3bee4a098b4f8914 Time: 0.183634 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x446c8c788145836a +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x446c8c788145836a Time: 0.32949 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 0x73163c1d09e17290 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x73163c1d09e17290 Time: 0.338501 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 0x7498280d2c59e4aa +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x7498280d2c59e4aa Time: 0.188411 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0x87e5c2a636a0d1f8 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x87e5c2a636a0d1f8 Time: 0.267237 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0x97afba3735828021 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x97afba3735828021 Time: 0.215589 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0x9ce6ebc390e62b01 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x9ce6ebc390e62b01 Time: 0.182523 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xacaaec9cc8134f6f +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xacaaec9cc8134f6f Time: 0.317733 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: 0xb09f72c3be042002 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xb09f72c3be042002 Time: 0.268553 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: 0xc72182f0fce13bb0 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xc72182f0fce13bb0 Time: 0.223269 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: 0xcc68d30459859090 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xcc68d30459859090 Time: 0.181806 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xccca8c966967f8f8 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xccca8c966967f8f8 Time: 0.263017 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdb5acaea7b0746d5 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xdb5acaea7b0746d5 Time: 0.266272 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: 0xdcd3fec139dd130a +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xdcd3fec139dd130a Time: 0.265321 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: 0xe3dc8e986f0522d1 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xe3dc8e986f0522d1 Time: 0.328791 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: 0xe4aed86f94a0620c +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xe4aed86f94a0620c Time: 0.266176 +[02/25/2023-01:35:22] [V] [TRT] Fastest Tactic: 0xcc68d30459859090 Time: 0.181806 +[02/25/2023-01:35:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xcc68d30459859090 +[02/25/2023-01:35:22] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Float(1000,1,1,1) *************** +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/25/2023-01:35:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/25/2023-01:35:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:22] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Half(125,1:8,125,125) *************** +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution) +[02/25/2023-01:35:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/25/2023-01:35:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x0129597ad9bbff14 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0129597ad9bbff14 Time: 0.0542629 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x017a89ce2d82b850 Time: 0.0340937 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x105f56cf03ee5549 Time: 0.053312 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x1d38ef2fc1ec5804 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x1d38ef2fc1ec5804 Time: 0.0906194 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x1dcf9babce3d9b3b +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x1dcf9babce3d9b3b Time: 0.0636724 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x21739cdb4c6113ed Time: 0.0935954 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 0x22dbd03ae6f5a915 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x22dbd03ae6f5a915 Time: 0.0646827 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x249110624ee04937 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x249110624ee04937 Time: 0.0587764 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x255200b1b31c45cd +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x255200b1b31c45cd Time: 0.174423 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x26d4c2773a9a6efc +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x26d4c2773a9a6efc Time: 0.0920571 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x2a3615ad33745f0b Time: 0.0522941 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x2ae5fedb80fbd388 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x2ae5fedb80fbd388 Time: 0.0917234 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x2c6739dc8daca583 Time: 0.0637592 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x34192289eb1f5427 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x34192289eb1f5427 Time: 0.107648 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x3693535b668f43cb +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x3693535b668f43cb Time: 0.03716 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x399448b5af8ca81a +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x399448b5af8ca81a Time: 0.0580907 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x3f3840edab5c9d44 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x3f3840edab5c9d44 Time: 0.0644343 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x41e8a431d0137286 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x41e8a431d0137286 Time: 0.0542659 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x4c17dc9d992e6a1d +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x4c17dc9d992e6a1d Time: 0.0655467 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x4ea23ec81add686f +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x4ea23ec81add686f Time: 0.10299 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x51e3312bfd062f36 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x51e3312bfd062f36 Time: 0.0655131 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x523aca1fca7ef548 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x523aca1fca7ef548 Time: 0.173536 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x53422c5d4478d3d7 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x53422c5d4478d3d7 Time: 0.0626514 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x5cb7625ea24db701 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x5cb7625ea24db701 Time: 0.0945966 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x62a22cfa1199e58e +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x62a22cfa1199e58e Time: 0.0323447 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x63566dea68ccc247 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x63566dea68ccc247 Time: 0.0918674 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x6d1428d5257a3dc9 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x6d1428d5257a3dc9 Time: 0.0930011 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x72f623a1c870d417 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x72f623a1c870d417 Time: 0.10595 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7585679fc3cc2536 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x7585679fc3cc2536 Time: 0.0935703 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x77a26840a2ace0b3 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x77a26840a2ace0b3 Time: 0.108898 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x77ef8bb029e1d4e0 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x77ef8bb029e1d4e0 Time: 0.0934217 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x7ca057c91d677737 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x7ca057c91d677737 Time: 0.0566217 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x7e665af4f37d210b +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x7e665af4f37d210b Time: 0.0627413 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x81a7be09ad63581a +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x81a7be09ad63581a Time: 0.0435669 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0x833510adbbf772c4 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x833510adbbf772c4 Time: 0.0690926 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x83b35618df65874c +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x83b35618df65874c Time: 0.0652648 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x83c3f470a0ec89f9 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x83c3f470a0ec89f9 Time: 0.0931177 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8480e919254b99f8 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x8480e919254b99f8 Time: 0.0946423 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: 0x8639a0d23c8a1708 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x8639a0d23c8a1708 Time: 0.0905051 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x86937c170a111d1f +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x86937c170a111d1f Time: 0.0941486 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x89c2d153627e52ba +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x89c2d153627e52ba Time: 0.0372217 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x8a37d1d6d41033e6 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x8a37d1d6d41033e6 Time: 0.174199 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x8b8a7a5cef8d932b +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x8b8a7a5cef8d932b Time: 0.172393 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0x911cdd8d308bed5c +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x911cdd8d308bed5c Time: 0.0555718 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 0x93125939e1fba374 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x93125939e1fba374 Time: 0.174542 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0x9774d044044b6a7d +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x9774d044044b6a7d Time: 0.0595307 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xa8f10051cbdaaa96 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xa8f10051cbdaaa96 Time: 0.0548389 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xaf407014f2c7f1cb +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xaf407014f2c7f1cb Time: 0.053469 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb26ad7a19a3195cc +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xb26ad7a19a3195cc Time: 0.065315 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb3989f8802666c8a +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xb3989f8802666c8a Time: 0.0553935 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xb5342eac22cbe342 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xb5342eac22cbe342 Time: 0.173577 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xb5fdd9dd73a52c67 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xb5fdd9dd73a52c67 Time: 0.0593387 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xb8eb6a106c53cff6 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xb8eb6a106c53cff6 Time: 0.0812594 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xba86f9c788dfb2dc +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xba86f9c788dfb2dc Time: 0.0670933 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xc110e19c9f5aa36e +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xc110e19c9f5aa36e Time: 0.172827 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xc399fdbffdc34032 Time: 0.0571962 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc6f99965cbd03fdf +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xc6f99965cbd03fdf Time: 0.109657 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd313af1c92b241c4 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xd313af1c92b241c4 Time: 0.0908937 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xd47a5fce3824e4a4 Time: 0.0529326 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xd8c128ae16cb4132 Time: 0.0343131 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 0xdadc728a0ae041d9 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xdadc728a0ae041d9 Time: 0.0554118 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xdbe57b4edf7481d8 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xdbe57b4edf7481d8 Time: 0.0811063 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xdc1c841ef1cd3e8e +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xdc1c841ef1cd3e8e Time: 0.0942286 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xdc559b3944b0cdf8 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xdc559b3944b0cdf8 Time: 0.056957 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xde62c240f3a7d930 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xde62c240f3a7d930 Time: 0.0930377 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe281d0b88acb38b8 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xe281d0b88acb38b8 Time: 0.0905463 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 0xe2866ff18c9049f9 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xe2866ff18c9049f9 Time: 0.0915177 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xe67db95e0c20b618 Time: 0.0321911 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0xef1e5139c624a44f +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xef1e5139c624a44f Time: 0.0931314 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: 0xf883bd61103a5c32 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xf883bd61103a5c32 Time: 0.0433074 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0xfbff59172cce263c +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xfbff59172cce263c Time: 0.0643261 +[02/25/2023-01:35:22] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0xfcd06da0f3c31fd1 Time: 0.0559909 +[02/25/2023-01:35:22] [V] [TRT] Fastest Tactic: 0xe67db95e0c20b618 Time: 0.0321911 +[02/25/2023-01:35:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:22] [V] [TRT] =============== Computing costs for +[02/25/2023-01:35:22] [V] [TRT] *************** Autotuning format combination: Float(1000,1,1,1) -> Float(1000,1) *************** +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: reshape_after_Gemm_121 (Shuffle) +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.0046344 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000001 Time: 0.0168102 +[02/25/2023-01:35:22] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.0046344 +[02/25/2023-01:35:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0x0000000000000000 +[02/25/2023-01:35:22] [V] [TRT] *************** Autotuning format combination: Half(1000,1,1,1) -> Half(1000,1) *************** +[02/25/2023-01:35:22] [V] [TRT] --------------- Timing Runner: reshape_after_Gemm_121 (Shuffle) +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000000 Time: 0.00450957 +[02/25/2023-01:35:22] [V] [TRT] Tactic: 0x0000000000000001 Time: 0.0159843 +[02/25/2023-01:35:22] [V] [TRT] Fastest Tactic: 0x0000000000000000 Time: 0.00450957 +[02/25/2023-01:35:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0x0000000000000000 +[02/25/2023-01:35:22] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to Conv_0 + Relu_1 (input) from Float(150528,50176,224,1) to Half(50176,1:4,224,1) +[02/25/2023-01:35:22] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to reshape_after_Gemm_121 (Gemm_121_out_tensor) from Half(125,1:8,125,125) to Float(1000,1,1,1) +[02/25/2023-01:35:22] [V] [TRT] Formats and tactics selection completed in 150.037 seconds. +[02/25/2023-01:35:22] [V] [TRT] After reformat layers: 59 layers +[02/25/2023-01:35:22] [V] [TRT] Pre-optimized block assignment. +[02/25/2023-01:35:22] [V] [TRT] Block size 205520896 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 205520896 +[02/25/2023-01:35:22] [V] [TRT] Block size 205520896 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 205520896 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 205520896 +[02/25/2023-01:35:22] [V] [TRT] Block size 102760448 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 102760448 +[02/25/2023-01:35:22] [V] [TRT] Block size 102760448 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 102760448 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 102760448 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 102760448 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 12845056 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 6422528 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 6422528 +[02/25/2023-01:35:22] [V] [TRT] Block size 6422528 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 6422528 +[02/25/2023-01:35:22] [V] [TRT] Block size 6422528 +[02/25/2023-01:35:22] [V] [TRT] Block size 25690112 +[02/25/2023-01:35:22] [V] [TRT] Block size 524288 +[02/25/2023-01:35:22] [V] [TRT] Block size 256000 +[02/25/2023-01:35:22] [V] [TRT] Block size 51380224 +[02/25/2023-01:35:22] [V] [TRT] Block size 4 +[02/25/2023-01:35:22] [V] [TRT] Block size 15634661376 +[02/25/2023-01:35:22] [V] [TRT] Total Activation Memory: 18583382020 +[02/25/2023-01:35:22] [I] [TRT] Detected 1 inputs and 1 output network tensors. +[02/25/2023-01:35:22] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: trt_turing_cutlass_image_network_first_layer_hmma_fprop_f16f16f32_nhwc_nhwc_k64r7s7c4_stride2x2 Tactic: 0xe2222883a6602489 +[02/25/2023-01:35:22] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x017a89ce2d82b850 +[02/25/2023-01:35:22] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:35:22] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xc399fdbffdc34032 +[02/25/2023-01:35:22] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:35:22] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:35:22] [V] [TRT] Conv_13 + Relu_14 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:35:22] [V] [TRT] Conv_15 + Add_16 + Relu_17 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:35:22] [V] [TRT] Conv_18 + Relu_19 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: 0xd8c128ae16cb4132 +[02/25/2023-01:35:22] [V] [TRT] Conv_20 + Relu_21 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 0x30150d05024bc911 +[02/25/2023-01:35:22] [V] [TRT] Conv_22 + Add_23 + Relu_24 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 0x2c6739dc8daca583 +[02/25/2023-01:35:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0xd47a5fce3824e4a4 +[02/25/2023-01:35:22] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 0x4e34a65090c3b86f +[02/25/2023-01:35:22] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:22] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:22] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:22] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:22] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:22] [V] [TRT] Conv_40 + Relu_41 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:22] [V] [TRT] Conv_42 + Relu_43 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:22] [V] [TRT] Conv_44 + Add_45 + Relu_46 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:22] [V] [TRT] Conv_47 + Relu_48 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:22] [V] [TRT] Conv_49 + Relu_50 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:22] [V] [TRT] Conv_51 + Add_52 + Relu_53 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:22] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_69 + Relu_70 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_71 + Relu_72 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_73 + Add_74 + Relu_75 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_76 + Relu_77 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_78 + Relu_79 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_80 + Add_81 + Relu_82 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_83 + Relu_84 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_85 + Relu_86 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_87 + Add_88 + Relu_89 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_90 + Relu_91 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_92 + Relu_93 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_94 + Add_95 + Relu_96 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 0x21739cdb4c6113ed +[02/25/2023-01:35:23] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:23] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:35:23] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:23] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Conv_112 + Relu_113 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x105f56cf03ee5549 +[02/25/2023-01:35:23] [V] [TRT] Conv_114 + Relu_115 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 0xfcd06da0f3c31fd1 +[02/25/2023-01:35:23] [V] [TRT] Conv_116 + Add_117 + Relu_118 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 0x2a3615ad33745f0b +[02/25/2023-01:35:23] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 0xe67db95e0c20b618 +[02/25/2023-01:35:23] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1 Host Persistent: 0 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_0 + Relu_1 Host Persistent: 768 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: MaxPool_2 Host Persistent: 48 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_3 + Relu_4 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_5 + Relu_6 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_7 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_8 + Add_9 + Relu_10 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_11 + Relu_12 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_13 + Relu_14 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_15 + Add_16 + Relu_17 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_18 + Relu_19 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_20 + Relu_21 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_22 + Add_23 + Relu_24 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_25 + Relu_26 Host Persistent: 1664 Device Persistent: 18944 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_27 + Relu_28 Host Persistent: 4224 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_29 Host Persistent: 3200 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_30 + Add_31 + Relu_32 Host Persistent: 3200 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_33 + Relu_34 Host Persistent: 3200 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_35 + Relu_36 Host Persistent: 2176 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_37 + Add_38 + Relu_39 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_40 + Relu_41 Host Persistent: 3200 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_42 + Relu_43 Host Persistent: 2176 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_44 + Add_45 + Relu_46 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_47 + Relu_48 Host Persistent: 3200 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_49 + Relu_50 Host Persistent: 2176 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_51 + Add_52 + Relu_53 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_54 + Relu_55 Host Persistent: 3200 Device Persistent: 5120 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_56 + Relu_57 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_58 Host Persistent: 3200 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_59 + Add_60 + Relu_61 Host Persistent: 3200 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_62 + Relu_63 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_64 + Relu_65 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_66 + Add_67 + Relu_68 Host Persistent: 3200 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_69 + Relu_70 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_71 + Relu_72 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_73 + Add_74 + Relu_75 Host Persistent: 3200 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_76 + Relu_77 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_78 + Relu_79 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_80 + Add_81 + Relu_82 Host Persistent: 3200 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_83 + Relu_84 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_85 + Relu_86 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_87 + Add_88 + Relu_89 Host Persistent: 3200 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_90 + Relu_91 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_92 + Relu_93 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_94 + Add_95 + Relu_96 Host Persistent: 3200 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_97 + Relu_98 Host Persistent: 1664 Device Persistent: 1536 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_99 + Relu_100 Host Persistent: 2176 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_101 Host Persistent: 3200 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_102 + Add_103 + Relu_104 Host Persistent: 3200 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_105 + Relu_106 Host Persistent: 3200 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_107 + Relu_108 Host Persistent: 2176 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_109 + Add_110 + Relu_111 Host Persistent: 3200 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_112 + Relu_113 Host Persistent: 3200 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_114 + Relu_115 Host Persistent: 2176 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Conv_116 + Add_117 + Relu_118 Host Persistent: 3200 Device Persistent: 512 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: GlobalAveragePool_119 Host Persistent: 0 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Gemm_121 Host Persistent: 2784 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to reshape_after_Gemm_121 Host Persistent: 0 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [V] [TRT] Layer: reshape_after_Gemm_121 Host Persistent: 0 Device Persistent: 0 Scratch Memory: 0 +[02/25/2023-01:35:23] [I] [TRT] Total Host Persistent Memory: 139504 +[02/25/2023-01:35:23] [I] [TRT] Total Device Persistent Memory: 103936 +[02/25/2023-01:35:23] [I] [TRT] Total Scratch Memory: 0 +[02/25/2023-01:35:23] [I] [TRT] [MemUsageStats] Peak memory usage of TRT CPU/GPU memory allocators: CPU 52 MiB, GPU 5094 MiB +[02/25/2023-01:35:23] [I] [TRT] [BlockAssignment] Algorithm ShiftNTopDown took 1.89542ms to assign 3 blocks to 58 nodes requiring 513802240 bytes. +[02/25/2023-01:35:23] [V] [TRT] Optimized block assignment. +[02/25/2023-01:35:23] [V] [TRT] Block size 205520896 +[02/25/2023-01:35:23] [V] [TRT] Block size 205520896 +[02/25/2023-01:35:23] [V] [TRT] Block size 102760448 +[02/25/2023-01:35:23] [I] [TRT] Total Activation Memory: 513802240 +[02/25/2023-01:35:23] [V] [TRT] Disabling unused tactic source: CUBLAS, CUBLAS_LT +[02/25/2023-01:35:23] [V] [TRT] Using cuDNN as a tactic source +[02/25/2023-01:35:23] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +10, now: CPU 1837, GPU 861 (MiB) +[02/25/2023-01:35:23] [V] [TRT] Engine generation completed in 152.607 seconds. +[02/25/2023-01:35:23] [V] [TRT] Deleting timing cache: 517 entries, served 1506 hits since creation. +[02/25/2023-01:35:23] [V] [TRT] Engine Layer Information: +Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1, Tactic: 0x00000000000003ea, input[Float(-2,3,224,224)] -> Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)] +Layer(CaskConvolution): Conv_0 + Relu_1, Tactic: 0xe2222883a6602489, Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)] -> onnx::MaxPool_323[Half(-2,64,112,112)] +Layer(CudnnPooling): MaxPool_2, Tactic: 0xffffffffffffffff, onnx::MaxPool_323[Half(-2,64,112,112)] -> input.8[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_3 + Relu_4, Tactic: 0x017a89ce2d82b850, input.8[Half(-2,64,56,56)] -> onnx::Conv_327[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_5 + Relu_6, Tactic: 0x30150d05024bc911, onnx::Conv_327[Half(-2,64,56,56)] -> onnx::Conv_330[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_7, Tactic: 0xc399fdbffdc34032, onnx::Conv_330[Half(-2,64,56,56)] -> onnx::Add_505[Half(-2,256,56,56)] +Layer(CaskConvolution): Conv_8 + Add_9 + Relu_10, Tactic: 0x2c6739dc8daca583, input.8[Half(-2,64,56,56)], onnx::Add_505[Half(-2,256,56,56)] -> input.36[Half(-2,256,56,56)] +Layer(CaskConvolution): Conv_11 + Relu_12, Tactic: 0xd8c128ae16cb4132, input.36[Half(-2,256,56,56)] -> onnx::Conv_339[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_13 + Relu_14, Tactic: 0x30150d05024bc911, onnx::Conv_339[Half(-2,64,56,56)] -> onnx::Conv_342[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_15 + Add_16 + Relu_17, Tactic: 0x2c6739dc8daca583, onnx::Conv_342[Half(-2,64,56,56)], input.36[Half(-2,256,56,56)] -> input.60[Half(-2,256,56,56)] +Layer(CaskConvolution): Conv_18 + Relu_19, Tactic: 0xd8c128ae16cb4132, input.60[Half(-2,256,56,56)] -> onnx::Conv_349[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_20 + Relu_21, Tactic: 0x30150d05024bc911, onnx::Conv_349[Half(-2,64,56,56)] -> onnx::Conv_352[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_22 + Add_23 + Relu_24, Tactic: 0x2c6739dc8daca583, onnx::Conv_352[Half(-2,64,56,56)], input.60[Half(-2,256,56,56)] -> input.84[Half(-2,256,56,56)] +Layer(CaskConvolution): Conv_25 + Relu_26, Tactic: 0xd47a5fce3824e4a4, input.84[Half(-2,256,56,56)] -> onnx::Conv_359[Half(-2,128,56,56)] +Layer(CaskConvolution): Conv_27 + Relu_28, Tactic: 0x4e34a65090c3b86f, onnx::Conv_359[Half(-2,128,56,56)] -> onnx::Conv_362[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_29, Tactic: 0x2a3615ad33745f0b, onnx::Conv_362[Half(-2,128,28,28)] -> onnx::Add_535[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_30 + Add_31 + Relu_32, Tactic: 0x2a3615ad33745f0b, input.84[Half(-2,256,56,56)], onnx::Add_535[Half(-2,512,28,28)] -> input.112[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_33 + Relu_34, Tactic: 0x2a3615ad33745f0b, input.112[Half(-2,512,28,28)] -> onnx::Conv_371[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_35 + Relu_36, Tactic: 0xfcd06da0f3c31fd1, onnx::Conv_371[Half(-2,128,28,28)] -> onnx::Conv_374[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_37 + Add_38 + Relu_39, Tactic: 0xe67db95e0c20b618, onnx::Conv_374[Half(-2,128,28,28)], input.112[Half(-2,512,28,28)] -> input.136[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_40 + Relu_41, Tactic: 0x2a3615ad33745f0b, input.136[Half(-2,512,28,28)] -> onnx::Conv_381[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_42 + Relu_43, Tactic: 0xfcd06da0f3c31fd1, onnx::Conv_381[Half(-2,128,28,28)] -> onnx::Conv_384[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_44 + Add_45 + Relu_46, Tactic: 0xe67db95e0c20b618, onnx::Conv_384[Half(-2,128,28,28)], input.136[Half(-2,512,28,28)] -> input.160[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_47 + Relu_48, Tactic: 0x2a3615ad33745f0b, input.160[Half(-2,512,28,28)] -> onnx::Conv_391[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_49 + Relu_50, Tactic: 0xfcd06da0f3c31fd1, onnx::Conv_391[Half(-2,128,28,28)] -> onnx::Conv_394[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_51 + Add_52 + Relu_53, Tactic: 0xe67db95e0c20b618, onnx::Conv_394[Half(-2,128,28,28)], input.160[Half(-2,512,28,28)] -> input.184[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_54 + Relu_55, Tactic: 0x2a3615ad33745f0b, input.184[Half(-2,512,28,28)] -> onnx::Conv_401[Half(-2,256,28,28)] +Layer(CaskConvolution): Conv_56 + Relu_57, Tactic: 0x21739cdb4c6113ed, onnx::Conv_401[Half(-2,256,28,28)] -> onnx::Conv_404[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_58, Tactic: 0x2a3615ad33745f0b, onnx::Conv_404[Half(-2,256,14,14)] -> onnx::Add_574[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_59 + Add_60 + Relu_61, Tactic: 0x2a3615ad33745f0b, input.184[Half(-2,512,28,28)], onnx::Add_574[Half(-2,1024,14,14)] -> input.212[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_62 + Relu_63, Tactic: 0x21739cdb4c6113ed, input.212[Half(-2,1024,14,14)] -> onnx::Conv_413[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_64 + Relu_65, Tactic: 0x21739cdb4c6113ed, onnx::Conv_413[Half(-2,256,14,14)] -> onnx::Conv_416[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_66 + Add_67 + Relu_68, Tactic: 0x2a3615ad33745f0b, onnx::Conv_416[Half(-2,256,14,14)], input.212[Half(-2,1024,14,14)] -> input.236[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_69 + Relu_70, Tactic: 0x21739cdb4c6113ed, input.236[Half(-2,1024,14,14)] -> onnx::Conv_423[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_71 + Relu_72, Tactic: 0x21739cdb4c6113ed, onnx::Conv_423[Half(-2,256,14,14)] -> onnx::Conv_426[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_73 + Add_74 + Relu_75, Tactic: 0x2a3615ad33745f0b, onnx::Conv_426[Half(-2,256,14,14)], input.236[Half(-2,1024,14,14)] -> input.260[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_76 + Relu_77, Tactic: 0x21739cdb4c6113ed, input.260[Half(-2,1024,14,14)] -> onnx::Conv_433[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_78 + Relu_79, Tactic: 0x21739cdb4c6113ed, onnx::Conv_433[Half(-2,256,14,14)] -> onnx::Conv_436[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_80 + Add_81 + Relu_82, Tactic: 0x2a3615ad33745f0b, onnx::Conv_436[Half(-2,256,14,14)], input.260[Half(-2,1024,14,14)] -> input.284[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_83 + Relu_84, Tactic: 0x21739cdb4c6113ed, input.284[Half(-2,1024,14,14)] -> onnx::Conv_443[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_85 + Relu_86, Tactic: 0x21739cdb4c6113ed, onnx::Conv_443[Half(-2,256,14,14)] -> onnx::Conv_446[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_87 + Add_88 + Relu_89, Tactic: 0x2a3615ad33745f0b, onnx::Conv_446[Half(-2,256,14,14)], input.284[Half(-2,1024,14,14)] -> input.308[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_90 + Relu_91, Tactic: 0x21739cdb4c6113ed, input.308[Half(-2,1024,14,14)] -> onnx::Conv_453[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_92 + Relu_93, Tactic: 0x21739cdb4c6113ed, onnx::Conv_453[Half(-2,256,14,14)] -> onnx::Conv_456[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_94 + Add_95 + Relu_96, Tactic: 0x2a3615ad33745f0b, onnx::Conv_456[Half(-2,256,14,14)], input.308[Half(-2,1024,14,14)] -> input.332[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_97 + Relu_98, Tactic: 0x21739cdb4c6113ed, input.332[Half(-2,1024,14,14)] -> onnx::Conv_463[Half(-2,512,14,14)] +Layer(CaskConvolution): Conv_99 + Relu_100, Tactic: 0xfcd06da0f3c31fd1, onnx::Conv_463[Half(-2,512,14,14)] -> onnx::Conv_466[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_101, Tactic: 0x2a3615ad33745f0b, onnx::Conv_466[Half(-2,512,7,7)] -> onnx::Add_631[Half(-2,2048,7,7)] +Layer(CaskConvolution): Conv_102 + Add_103 + Relu_104, Tactic: 0x2a3615ad33745f0b, input.332[Half(-2,1024,14,14)], onnx::Add_631[Half(-2,2048,7,7)] -> input.360[Half(-2,2048,7,7)] +Layer(CaskConvolution): Conv_105 + Relu_106, Tactic: 0x105f56cf03ee5549, input.360[Half(-2,2048,7,7)] -> onnx::Conv_475[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_107 + Relu_108, Tactic: 0xfcd06da0f3c31fd1, onnx::Conv_475[Half(-2,512,7,7)] -> onnx::Conv_478[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_109 + Add_110 + Relu_111, Tactic: 0x2a3615ad33745f0b, onnx::Conv_478[Half(-2,512,7,7)], input.360[Half(-2,2048,7,7)] -> input.384[Half(-2,2048,7,7)] +Layer(CaskConvolution): Conv_112 + Relu_113, Tactic: 0x105f56cf03ee5549, input.384[Half(-2,2048,7,7)] -> onnx::Conv_485[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_114 + Relu_115, Tactic: 0xfcd06da0f3c31fd1, onnx::Conv_485[Half(-2,512,7,7)] -> onnx::Conv_488[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_116 + Add_117 + Relu_118, Tactic: 0x2a3615ad33745f0b, onnx::Conv_488[Half(-2,512,7,7)], input.384[Half(-2,2048,7,7)] -> input.408[Half(-2,2048,7,7)] +Layer(CudaPooling): GlobalAveragePool_119, Tactic: 0xfffffffffffffffe, input.408[Half(-2,2048,7,7)] -> onnx::Flatten_493[Half(-2,2048,1,1)] +Layer(CaskConvolution): Gemm_121, Tactic: 0xe67db95e0c20b618, onnx::Flatten_493[Half(-2,2048,1,1)] -> Gemm_121_out_region[Half(-2,1000,1,1)] +Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to reshape_after_Gemm_121, Tactic: 0x0000000000000000, Gemm_121_out_region[Half(-2,1000,1,1)] -> Reformatted Input Tensor 0 to reshape_after_Gemm_121[Float(-2,1000,1,1)] +Layer(NoOp): reshape_after_Gemm_121, Tactic: 0x0000000000000000, Reformatted Input Tensor 0 to reshape_after_Gemm_121[Float(-2,1000,1,1)] -> output[Float(-2,1000)] +[02/25/2023-01:35:23] [I] [TRT] [MemUsageChange] TensorRT-managed allocation in building engine: CPU +48, GPU +49, now: CPU 48, GPU 49 (MiB) +[02/25/2023-01:35:23] [I] Engine built in 157.418 sec. +[02/25/2023-01:35:23] [I] [TRT] [MemUsageChange] Init CUDA: CPU +0, GPU +0, now: CPU 1532, GPU 725 (MiB) +[02/25/2023-01:35:23] [I] [TRT] Loaded engine size: 49 MiB +[02/25/2023-01:35:23] [V] [TRT] Using cuDNN as a tactic source +[02/25/2023-01:35:23] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +10, now: CPU 1533, GPU 785 (MiB) +[02/25/2023-01:35:23] [V] [TRT] Deserialization required 21921 microseconds. +[02/25/2023-01:35:23] [I] [TRT] [MemUsageChange] TensorRT-managed allocation in engine deserialization: CPU +0, GPU +48, now: CPU 0, GPU 48 (MiB) +[02/25/2023-01:35:23] [I] Engine deserialized in 0.0245453 sec. +[02/25/2023-01:35:23] [V] [TRT] Using cuDNN as a tactic source +[02/25/2023-01:35:23] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +1, GPU +8, now: CPU 1534, GPU 785 (MiB) +[02/25/2023-01:35:23] [V] [TRT] Total per-runner device persistent memory is 103936 +[02/25/2023-01:35:23] [V] [TRT] Total per-runner host persistent memory is 139504 +[02/25/2023-01:35:23] [V] [TRT] Allocated activation device memory of size 513802240 +[02/25/2023-01:35:23] [I] [TRT] [MemUsageChange] TensorRT-managed allocation in IExecutionContext creation: CPU +0, GPU +490, now: CPU 0, GPU 538 (MiB) +[02/25/2023-01:35:23] [I] Using random values for input input +[02/25/2023-01:35:23] [I] Created input binding for input with dimensions 128x3x224x224 +[02/25/2023-01:35:23] [I] Using random values for output output +[02/25/2023-01:35:23] [I] Created output binding for output with dimensions 128x1000 +[02/25/2023-01:35:23] [I] Starting inference +[02/25/2023-01:35:27] [I] Warmup completed 4 queries over 200 ms +[02/25/2023-01:35:27] [I] Timing trace has 57 queries over 3.18446 s +[02/25/2023-01:35:27] [I] +[02/25/2023-01:35:27] [I] === Trace details === +[02/25/2023-01:35:27] [I] Trace averages of 10 runs: +[02/25/2023-01:35:27] [I] Average on 10 runs - GPU latency: 53.9919 ms - Host latency: 66.4601 ms (enqueue 0.303265 ms) +[02/25/2023-01:35:27] [I] Average on 10 runs - GPU latency: 56.1293 ms - Host latency: 68.598 ms (enqueue 0.296899 ms) +[02/25/2023-01:35:27] [I] Average on 10 runs - GPU latency: 54.7169 ms - Host latency: 67.1737 ms (enqueue 0.284412 ms) +[02/25/2023-01:35:27] [I] Average on 10 runs - GPU latency: 55.0033 ms - Host latency: 67.4673 ms (enqueue 0.278552 ms) +[02/25/2023-01:35:27] [I] Average on 10 runs - GPU latency: 54.916 ms - Host latency: 67.3596 ms (enqueue 0.273926 ms) +[02/25/2023-01:35:27] [I] +[02/25/2023-01:35:27] [I] === Performance summary === +[02/25/2023-01:35:27] [I] Throughput: 17.8994 qps +[02/25/2023-01:35:27] [I] Latency: min = 66.0538 ms, max = 80.3214 ms, mean = 67.3865 ms, median = 66.8472 ms, percentile(99%) = 80.3214 ms +[02/25/2023-01:35:27] [I] Enqueue Time: min = 0.258057 ms, max = 0.344238 ms, mean = 0.287378 ms, median = 0.2854 ms, percentile(99%) = 0.344238 ms +[02/25/2023-01:35:27] [I] H2D Latency: min = 12.3534 ms, max = 12.4162 ms, mean = 12.3747 ms, median = 12.3805 ms, percentile(99%) = 12.4162 ms +[02/25/2023-01:35:27] [I] GPU Compute Time: min = 53.588 ms, max = 67.8563 ms, mean = 54.9288 ms, median = 54.3967 ms, percentile(99%) = 67.8563 ms +[02/25/2023-01:35:27] [I] D2H Latency: min = 0.081543 ms, max = 0.0847778 ms, mean = 0.083086 ms, median = 0.0830078 ms, percentile(99%) = 0.0847778 ms +[02/25/2023-01:35:27] [I] Total Host Walltime: 3.18446 s +[02/25/2023-01:35:27] [I] Total GPU Compute Time: 3.13094 s +[02/25/2023-01:35:27] [I] Explanations of the performance metrics are printed in the verbose logs. +[02/25/2023-01:35:27] [V] +[02/25/2023-01:35:27] [V] === Explanations of the performance metrics === +[02/25/2023-01:35:27] [V] Total Host Walltime: the host walltime from when the first query (after warmups) is enqueued to when the last query is completed. +[02/25/2023-01:35:27] [V] GPU Compute Time: the GPU latency to execute the kernels for a query. +[02/25/2023-01:35:27] [V] Total GPU Compute Time: the summation of the GPU Compute Time of all the queries. If this is significantly shorter than Total Host Walltime, the GPU may be under-utilized because of host-side overheads or data transfers. +[02/25/2023-01:35:27] [V] Throughput: the observed throughput computed by dividing the number of queries by the Total Host Walltime. If this is significantly lower than the reciprocal of GPU Compute Time, the GPU may be under-utilized because of host-side overheads or data transfers. +[02/25/2023-01:35:27] [V] Enqueue Time: the host latency to enqueue a query. If this is longer than GPU Compute Time, the GPU may be under-utilized. +[02/25/2023-01:35:27] [V] H2D Latency: the latency for host-to-device data transfers for input tensors of a single query. +[02/25/2023-01:35:27] [V] D2H Latency: the latency for device-to-host data transfers for output tensors of a single query. +[02/25/2023-01:35:27] [V] Latency: the summation of H2D Latency, GPU Compute Time, and D2H Latency. This is the latency to infer a single query. +[02/25/2023-01:35:27] [I] +&&&& PASSED TensorRT.trtexec [TensorRT v8401] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/generate_model_pytorch.sh b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/generate_model_pytorch.sh new file mode 100644 index 0000000000..be025eaa3b --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/generate_model_pytorch.sh @@ -0,0 +1,9 @@ +#!/bin/bash + + +# use this script to save ResNet50 model as a .pt file +python pt_exporter.py + +# Optional Scripts +# use this script to convert Pytorch model to ONNX format +# python onnx_exporter.py \ No newline at end of file diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/onnx_exporter.py b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/onnx_exporter.py new file mode 100644 index 0000000000..6099c07fa4 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/onnx_exporter.py @@ -0,0 +1,27 @@ +import torch +import torchvision.models as models +import argparse +import os + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--save", default="model.onnx") + args = parser.parse_args() + + resnet50 = models.resnet50(pretrained=True) + dummy_input = torch.randn(1, 3, 224, 224) + resnet50 = resnet50.eval() + + torch.onnx.export( + resnet50, + dummy_input, + args.save, + export_params=True, + opset_version=11, + do_constant_folding=True, + input_names=["input"], + output_names=["output"], + dynamic_axes={"input": {0: "batch_size"}, "output": {0: "batch_size"}}, + ) + + print("Saved {}".format(args.save)) diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/pt_exporter.py b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/pt_exporter.py new file mode 100644 index 0000000000..31f2a77c42 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/pt_exporter.py @@ -0,0 +1,22 @@ +import torch +import torchvision.models as models +import argparse +import os + +device = "cuda" if torch.cuda.is_available() else "cpu" +print("Using {} device".format(device)) + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--save", default="model.pt") + args = parser.parse_args() + + resnet50 = models.resnet50(pretrained=True) + dummy_input = torch.randn(1, 3, 224, 224) + resnet50 = resnet50.eval() + resnet50.to(device) + + resnet50_jit = torch.jit.script(resnet50) + resnet50_jit.save(args.save) + + print("Saved {}".format(args.save)) From 2043783a1feb9333934d08f8618210386b0db66a Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 15:31:31 -0700 Subject: [PATCH 10/32] Delete test.txt --- .../multi-model/resnet_pytorch_python-backend/workspace/test.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/test.txt diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/test.txt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/test.txt deleted file mode 100644 index 8b13789179..0000000000 --- a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/workspace/test.txt +++ /dev/null @@ -1 +0,0 @@ - From 904717bf8684068c7691718a23d28812b04456d6 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 15:34:42 -0700 Subject: [PATCH 11/32] Create test.txt --- .../multi-model/resnet_pytorch_python-backend/images/test.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/test.txt diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/test.txt b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/test.txt new file mode 100644 index 0000000000..8b13789179 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/test.txt @@ -0,0 +1 @@ + From 29bebbd4d5028a814a58beb897a1c01e98957d36 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Mon, 13 Mar 2023 15:35:09 -0700 Subject: [PATCH 12/32] Add files via upload --- .../images/mme-gpu.jpg | Bin 0 -> 255346 bytes .../images/pyt-model-repo.png | Bin 0 -> 6700 bytes 2 files changed, 0 insertions(+), 0 deletions(-) create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/mme-gpu.jpg create mode 100644 inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/pyt-model-repo.png diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/mme-gpu.jpg b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/mme-gpu.jpg new file mode 100644 index 0000000000000000000000000000000000000000..356764628314e292b54fc6c989866b14aaf7839a GIT binary patch literal 255346 zcmeFZbySt#)-bx+g3=NShyt4u6bS+8*mQ%0gf!CKT^ke-kq&885CQ292^Hy|m=a{w#^xWwnD0!mhAR6KSb}<$K32h5as#FSo$GcqwL+{*(>LL27@gcTUuU$b-?+VpiQ#1{&K=txSe*J_9F#gDac zKi$%UFF%+<3lOnHwJYG_WfgAB{P5DR67MUSA5qX|g&p3KNR8y1+c$DHhaV)9z7KxE zkuJq;dDAD9?#Z{9CU^R_V3VBfNkjC?`(7ccZ}8*LAEFtwc`6Fid}9wvwl6mL`b6Lv zCL3486#*rU5I!H7pl8pg!yy?0v8i`)LKP3<=4Nm|5sxNOPK#%+pVov_JT~$wP!&*! z5Y)nQ7Na+Ay8av8p-BS!lNbyeTPcssgXu<7Q?{dk{Ve+wXX)ivxNMf?gc0%U%nHORVTMcTy==CTFUkt-;r3RI73{flo*Zk{o z_B15xzBkgZP}-_IyuwCsliI-bHQI}*>p{<9F19+p1}f;AlxI%iPjtwH5)9aNA5vrS zz2Lg`+~0Cv^TQij@{m|a3S4|U>^GmO=NlUi_JjSp`D;UK*tc2n?~8NbMPzYLNnul6 zB@lVpAj&(2x7YZ21Ko8eaL%vTwhQ6pxktxGTS7=qXpP5%?(!ihI9;UZ4i-czXyP3cSAajY$7mLGh5(GM_W51*+^a z*T8e_FQKg)Q>*UphP1Er7~D886e8;poW>c`aHDldUP`J?uA^_-e2%v1!agM%(;gn& z%eMK(az6}aXy53Wi7!iRLQD*qIb&`e9MlY$_PL_3wcmM@5v{(dw65-~*@a1%(AR%G z{;i|;yyfR9i+2!ThqirIv)ah7v&2wO8PhLx9gsH=EIq8jU(hiG=lV4v7`7;aD;)Li z*JZXTfjGYfJ)$?)rQx^KQ3iZ>^azJAo&EUr1Wi#T>ZNS2YN4vt1zw+%yq3|6%;^!~+se~j^3H)g&?@97di5oUQFho%bh^AhOV3cIs#Ih&h zewidO62aR{oqpTR-&6RZ%9Vbx*NPU7G_AtJrd*_f^1^*RW~P)+LzqMudPp5PM|@L6 zncs1C<8ITA1fs~2J<~IOL;d{=m->y^kPLk#OI+39Cwh<6`3JDqwjO=DveY0jEt(X{ zW+zeMFS6m96sGWXeoAJ2XJ5Vs#ilX;XV|*V@oj`O3l$e$4Z7ABS79D~p102*3k}J0 ziE`njW-xu>rHW{Vjo|T56~7T}r|G0&qO^vs(x$-52zg(6(Gaxw&cHV*#UfnO`IIos z$jmqwxEAhbz1kL%)9z5|5Mxwl)R6n6ny&h`OlIZH$dghN^VF87h73i-+`$iET`*=k z8*0ud=BVoC)O#a0ZU=PvGzSl1#M{d^zG& z#VpdaGd}mySUfc=dPHYIWUgvT-d*!)_`TRb(ZICnM#-G%6Em`bs*L_jxk2&_vW(>S zpG7_5cHLIyd1%Nil3`>B`NB@sWM!UY#}I3w`R;>lv~8>HzHKJ$cX_Xw)Hs#PWnIFo z6Rq=8LQ`^d{B#gHF%ycPaj$+aFt)ul95Nen5|S9A@HHf`Fc2ejU!} zcUca$M2!|pquqpC@h=iu+RNUQ#(Qy;KMdn!W}UP+t@kr%D3UBzx9TzIu`n~|9?()gObLN|EuT9S0Ni$%^{#gT)_(x&Ja)`{I&iUn!8l!{fR=)+6^` zx0j!zaI8D{yT0-0L~}JGTcs9G1)3 zg?rSwRE-g@6=A`*OYbiVmB?+E{MK#4ZxRd3A>Cs)R%!qArnqo>=w4y9!DJ)aH^#7P zVw>B{uWY2cW#7DcoVYIVkfo5X@Y!+mMsbs_EUPR5?IYT#NW#c+x;;7cgaTvXLDBM; zw1hVDMe!;u3&)0ETZW^;zwvq0ZzPI~S#zvdcG4=k>(hB|ukPOgt=z`YE$}@~wo*ds|+rDg&XPPM5zef95vl zzQ-Nd$TR)GZb>C73r%^H7B`YWs);?{%;Lk2^w*40hlnw$N;$Wxb&=D^cGcaeWyM+> z?~cbU;4oIA_m>D<$H z#+1=V%!U)42hj%_TRsf-O!t`&Erh21<_vyKyEP^YzBpD<6K05r9eeuwvuz)hXN0NZ z=ycDkLB>d!#4)&ylu_OVy)_$ zf*ObZp(i*w@i{VTXQjri30pVwZYB;W4YUq8tB9*`6D!; z;ckS6CO_oWwBR?laJjYeR3~ttWwFXdVa&@&VJhW=d($DK$1RVxU4&PW7qhq2!R*}W z`U>^=pgQpOSqN5EWDz@nvr}{cY85x@;{kwU?!ccP|pJH>kK?sKO)NOXE6 z3wk1)-fp}*Y7CIEj>A2f+Z}z&u~!z*Mjn@#=c;37P0{DQoITkeH3-d5uI&8my&*pH zdN*-{(`GWkHRo5^)b1AVu#3)QN8QoEM9tCjqm1h%Zy;;BH85V&eOxHvyRB}t2QpjvxjOjx{i}yUAWf->X=XT*7fHl2AYaf2?Y6%_)f4E zWM^E)QL)QzuoEv&_@r}H&tLayS-$y}N0z=eF2f^`2p2w@d+J5^>Ebu)efTTd<6 z4Ebof3i{`6KCH%h&L=|K0#El9Y}m!^X&j@!S5Zgb__>x|hHe?ITqAz<$)qRVm} z+pLvs{<_=s6@*s*P3)C3G}&5rwa>MDTOgtcHd2=|mXm|r2j9^ls3@cmH1G`t{0gAl z{`*}Vg&uO{&vPgQ5@-fNy%-}8K9N7+;1@aP{PRj=0OT6@7XkQnO@m&JzDkmIcd>EEUg`QT=}W~jNk#^k&l_FV1I@M7d9pvdlTk| z+}zyEEUe6|tc+j;ql25ZqrNMnwFC9}BA4rk8aX_(H?ws#v$2LD*VQ+$adPCRqC#%; z_vai=BUiJ3?PTq6aV&5^X5<^@hfFNYf7b?6`H)X}9-FxuS!#%ySpl4ZJp>-Iv9a*| zneczT`q!5Kn5zDdsgF4R$JBqk`rlKZI2hTB*jRy09R>bHu#0{F`SM~SA2ago|G>pL zqW?Svm=?g~WByAu0ZhbeMNL4+J7%H^D&P~a8S)1j5B|`fe}eBQRS;idqj9)?BTie7SlxO^Y*nP5@aB#DpzouuP1M1pkGvC1e|&r?v1#^0l#uYz zeNqQk1KjKEDLq|Bsy7<02+c;$>gXZ(hqayK^Cwxy?7P?R_CvQvWR&;Dw}yFGQr(Q0w39@MmjOl6~xd2Lc!XZ-t_gDBb-9{dcDY+raAU zP5wPPP*9bKVD;gww}}74HV~An0$2VmD$rr!MG%yL=$4BAv<*7T`mKMDa0ntA4V@)j z_B+~t*aq&4==u*NK~H}G_oXyqW%>`>pg^%bul@&`!HmF&dr@{M|DN(l)?oWjH2W`W z{DYPL%NqaW*#GxfBOD9*=+UDhy$0yQKyD)TZ4Ox;r^RTj@(zBgOJ0>is;q=y!vCfB zinP-T3l+VOMkiY*&rV(9Ic;=`NBL*MMP{!1?E5d5^vQSZhLQ0O9P^uW-dPwbd_QK_ zL}tG??$S0Jr^|GJc8y#5%5T$K2+VHIsC8beK*Kci4`WmX)db%A|18pL@F;9-KJ(Ez|CN#ovka{&(AM5@ZdJkuBPSiypl{^pOaG0 zXovn&$}Zz+z+y2y;`G?H9JVSSH=Iv)!L9kt@4g+Loqb=U)I26SI=UoY z*V9)>AxXfiYPoVgr6Z5BzB|NU@ItAj;Q$3@HD!yAf?A8;{DQ7>ddYojuERKV+^8+K zWu(+1!)CH}BhW1jKvkj%BOXz<5@D|TO~v*|Qs(2cFn-n5x-)O7ZAYuNrG4c2nxEG@ zbn(+kPkE5II5hjO?+ztEzE;@%GMsCVH#Vo^wR>P~iFald|f z(Bu}$F!1BYO!C@sb1*lV_=MfO6q7^yLC?&JLqKq%SFv$Nuv{|FqupVXRJXxv2j6e? zTDPVd$vQiD|88XZysebK+PUrR8LmtJ~__DtJlewOWz-!MP|svC2Xa- zFWz%VInvh7?^&C(vhr9i43t`8_BnVJHg1h`-K{n#YGKtS$t+@d`EJ3>s zEKqlLeQ}q-(n*DF%FHIe&1`GT1b1hY*4&*sil?>2O)Ed@8xtN`w1<^cj9b&YS@1QUBbmpYape2&FBXr{$ z*a@!;e(a)VLL(yG__A)mt6*+1C!fPArC7ZrZs2IGj>4fXHS`WQtMfN}30EJB(OYMD zp&p+-YOj)vL4wK(pM4K`xUlG=ZgR+-??oo)?YTVW(6zINs7b|RLgi*pVt9ZOo^sKI4f`C%Xe$Y)6qWkv9hbG zc=D~hfasQSbt1J1Oct>p>On@C*h)0{y`01E=L=$;^^yA61!mpaG2XdP{m+V=uVC|# zDYeN-+%xt43DoK?ZYh8igX@)|$ARF+H^RGe0CSB0H|FBd>=&f+_TBH+j;J=|ugZX(;e|_bj|=3-}7oVr5$uwQ39}-D(Wq+jqCYM=Hz9iCEnIEt=umn=bepK?j_gz zn49~0p$hNm-Q+JXA^y_El;>6r&I%mhNX6+psP-zbxRjaTd;=)<25F511mTE2W8jg! z_3CVv*=K`@rC&Y=FtQ+7QaS>tK2$1OAm;95%T`8d4QN(%4o?9Py2sPRbEMj9 zdWYK!xu?HE*X^%hmybJ-5{Y3@)u+YRoE|QH2ywTmQVp$L6x`X_(Tqm?%d9cLeH&t? zZla)iqS?;^x+KzF(j^YgRGNuJ%oI}jD#(03T7JIJaiP~yF%lOkdqMTl_mpeocLqj2 zIV}yiA(UMlg#akm$X)BxbCqu`d}-ZCylVI;&Guk6E^*=IwmJ#Q)sDR+ht7wyj%TT2 zzCuqfBc3!yr1oF1#YRCjsNAGc^L#?67c@A<4=k+=Ol_oZe<2OnPr|+zslz}D5%lP$ z5@$LdD@Hs+PPxxDij5yJlreqhvmWDe(8?st&dcLyio#%dpi?uXl}WbC!vpiK-s

zVhk?NIwRBv04a_x=d_b>{I z>V*%9HIByM~I&Cnxt%TbWXT-z)z;)wDm>#-N35)hvhGreV}~U}ERU5;&|9I5*)}(5FLcshTJCQ5_`$e;fa*foqV4io^~pNX}nd%cyMrFr5*X>A)UHj?*k^LSaN=M8Ydh&BtGKt()c@` zv%3AYk$@UVF}?>PK1uCf@$=om@&9-12a^F*HZ*Ir*F2x`zZUra%PIxJX?Ds{KUDkU zeYU-ne;L2D3e`|7v!oaG&g5Gdx~E&^$PoT6MLXl!{IO*P<0{GpCI~>VDhc_fj|!ap zx7JaX=BDg|1st4Kox7tQLnpH??VN%Im{pFEHODm}vohj97o|W}%vg3yG8-x)??WqT z93?|pr>T8??4o3f}J-f$7A{Pk%OmW17uQ?ohu)7`&*x2!Ie98<{j^IYIf%e=w! z^*dlv*a);F^XCA?idn_!OekChwKeur)N3Ad1fwGYYI5VN?^~~Q5pu_o|xxeqtYoZul0ml0_RM?O`q@ z_81#=`G($%pVyAkPzMGp_L7Be13mtQVYG|^u1)UrF9XzflxY?W4|FTOe=5d%O<>}4 z&tr!1T%eE4=V6M zM=OL%#eny!(eS|U(I+-zGaTn;!dvXw>O9V^c9PbP%gv zRS8Zl%Z!w?NVg2EiBLfW8J%~HmFS|f@XSs1GQCnu>tL}@GnL9?DPGl5HYRdcftD!H z^xgfjdf3z3lQN0!0!PK=u1}t)t9q)clcwayYNbH!rhmYzVJgdQ-wa8 zgw-2n3Vn>y?&zWlNRfJwSjVH^P`yJRed_N)#}`JZMEo&ph~6UBM$+{s2lb(}P+TWQ z*Dury%~GHXb~$kp#lSZ$uWxO%$f$Kz{<7p$`175P_8Y86Z&fzwEVFH*cPz5g%ZiwO ziqU>Od_(t}Af*`t$W{W7Ez@mb57HEVZfd+oh}Zo)N@a%HiH)nvAzCC{**=N$wzf;C z9G|jcaXR;=%E|<;xJ!l!jF0fVcy=LZc=&)_@w4cIU&6DYJhGMBubyBq|7!CRewWLm z-%+%q6a{PU{u+Nb>v|uJRSX+3HC{T{G`y-MQ_dry=B5c%cn-9`vv13SkdJ?|x}th} zSuHw8^j77Xp?Ku_2`BXvp}Xfh8Hxf{6Mxf!ifG58*=nqH(5Jh_RirzI6(_>IShFHi zd*5O!wAz_De45g0gfGzlLUp+AZgBUde79I9M?pPC1$sdGpcS)DWTMvlibs4z^#tw& zDpi5&YAZ+I%A&0DlXmteR-|@#=lt>!D61f8IYoI?r5oL11F8?6j?O*dVT?R&Ho#Ja z6OUM1nwmd~>eNnxccDZ1bD?$+L^z?IUiJL#IG zv}^s{l0(X8=j7`}nv3Lw^cTKj&>eYSeIq}Jf2T*bGEE^GLmGm7CC$>RZ7rHkL_Ds< z`OOJ9QV~F2^G&=s{uQ%3S8ed&dRPGcn&HpO{2?Ny+lC>)1OcxABrRDClajFUn?oRE z2Jv?CcjKOu8IUDIzLG$(Th#4wq5A0EDFJU+Q|VT+>aaZU;ZwK4I=h|(=qy9Z#L=kd z=T8I6pfbuHqCcmB2dYc13k>&C&iQ{~LZzaCdzdR20Rj0l_%;|fq|AUyvYdq_?RO4B zH*kafi0*o!3KOJ>JfLw+wOqj464EDz;u8RY%`7riSV0c@$NvLDc3)HnJMlu5d`ek95FwkGSDnu(;e+CyQ0+Hh{74~gNsY;_c=T1~cKuA;l zUI`ct3ePuTzrB`N+=mo5oGI}rQNWh>U+w<*GkAy|c;qQhDeLtVv>y|kGl3t-cjJ|? zEKuV`0%}n<92v?4zPXNBjTaOSv@w5-7{E1hu;mRHn3jvDSCGj>k8!Tqg+K}o{pp)+ zd~_*a+`{lFuc8c*_G>S+(M2VJ7E5V;2XKuX%z=rVrutv<{+GP}mEQkK?|+r^f0grp zZ7=XP{%d>xjcbJfDOoRR;O*CrTR!j}h|W3>O{zMM7J5I!r31Fjw(j6w+~mR8L0~2N zK82nZdJn6cGL}_Cj~F;^B#ao;;rJ*ceIYD#F&HamO0r4M;hmVDv`cle2m4Fi&a|tz z$wt5a9Z1R_W4KcXWM~79;_NHz6KnPt$74gj8elEVioijf)Bk#mgwlS5)UEF5+hx zUM=t|*Oz<=kjc@iO&leSvcis%txcZhG^lWsH$ zVrWWy73Ge$emIs3H<2;pECYk#*4%&uvuWrOM|9i1m$S6ZTzUWmYDSpGFL&Fhn(!UJ z6(<=nRk$+LLGVmEyNy%Y?kqB?YVG5=rITFg17=OCKr*MtKZ51mF7~gN0KPBMH*LO( zvVy0{m8nv8i-qOq%5U@lCb1X2h05Mv9Jnb9;g(y*S-IJ9ayYMFDmZuU+n;K2AFF%o z(Y|PuLVpeeIDsDe6s7aybfqNW2feEw#3E{IqUem>s9q&+oSv7BpZDCTjDNT2D^eT7 zw%7jpoYBHNz~PH3oh!?eh}5gAv?kn6t_(ZPkK2zl>?Ya_{eTqUO!i$fikf3u!`0%{}eQ}HN94XNsi|Fq| zvoMdBB1{ZVs&H6Mr}T!c+jp~cIuB4Ve+&*L(p79b?eV)rY2RJGqi0R?8ic#x&b+GB zuR&YEgEWcp9yOjAqRZHeiS0udtJvT*D`&e8SSw?d4mWIQEn2mz3snV@PYQnw3?z7v zR<76{?7odEnmhe_d~I<2JRfMq*(ahm+$YZt3uHQTnX#c_2VG2EX)-lqrRApGG zqN2(!<1@JN%kYa%HOFWZ#d(+s!?OZ0Z%>|}bQoM1QLf{qHs@2?&6{74_Ba5CjOj}G zEzz_FWsK8~xsJryrCzbQK-C9CY`2_$cMH{ev=;W}xP(n%!Ew=H1^qxcH09pJ0)FZH zB1wgA___Yb#)sa)#Am@H^|Sk~J(1rk6&f0vC&lhf^CtQEB`YtH&w%DF0XVnQ%^doO zURtu*g0`+@%6F3pWHug|GJtsiwlP%Dwx>hi2Mp5R_UpRfEH+`jjk6YU&C+DP`qgOc z@DzUc4H`AJsQh zht37{9ep<|%biA#=2+If)lr#Ho>kigt$KHoVWrG5*U}F|MitYG8oM%@rWy+j_S&i~f zMr>}uOo7ctJ`~+Bs-BL*>n@v#C)H*Lq}Q^lw0W#8T;G4T{_EWhxU!*nh~I@`N&wd3 zM-A6)L^Eb|?t>`evlH_~p@8NIt#6n*d}(!eoPP+RI#Q|H+#p6#195o_`dQ2_`!P=% zD!QnUUVkv_f$3qBQkl8ajo`#bM$3bB`O8&DT(>w3BnQR_InOgHK(;^(Kh*o2AKfq) zZe$cwv%NN${zcA|JF{GVZ7qgfzPMG#O-M z;u7H^PsCz={1|AR`_RF?6tQ}Ht+(`XaBx)%hyT^)<{s*Fn>vAoPQUF7g4PQIb|X^7 z6cdJ-BA5kJ=~CMdWzDlK{5ylU$q>h(2dtjoSZ)d05ij%<^MXWOxENro_*~hMzIOL0 zWWm6>Izg(_a7iG|RFt9A;f+uWwYawXCX4Afok0N!*`#JeCHG#faX6F@2=Pej>mzPB zt=;AE3KVE)1d4c=5m*b^lirl8zofJOxu7q+3YpK9iFCXG_B_jbnSTAlk{`DT*pJx@OUU8F$%&jrUIM^No|gNIA4ak*%V;9dh;gu2ekBwlhQn2LupoR1YHHIy5hlsTW@7Sl;esbeKOD14YjKaEtrUUAhTEA zTe0bn^l`Xxfntg?e0p6C$|p+}8wHZ^D>$?wM?s;MdY4)6Wqfcxey5gXSoa6`Y!&J7 z6xg8hrT$MVVWTNMp*Z>893PhjC6#c*SThs_wHM$!!MbNRQ^I4!n>SAsmWVcxn;qWj zgi37r=~w3qGNVNNlXQ`5;;cjJg3%b~nZjL=~WnB`{M;D?J&4ZnhB#wfUIVYwO zq4$TQIS@J?_iG;)Ry0ImzAr-TY&{U&`zs;5`1o8~HMvoP|x`_xZK_=19xAgM=5 ziBAW^(?&eWm{n5i!yCWd91(e)WIzJ5x{zEXRE4wrmLjkNrYd(<%-9!SDpBD@!{r*q zHHtk&9=AkUlcKrrF5Uh7$|L=uSfubd4_5M^WvKk_kAlDLPt5ba}BRN)&RpRS>jsLqM|z6E*tdv@XtbG$-V zN6Y$U27$`aoL#(#8J2E@Ue-y7g42nnzoWkkJd7WM+)K<4T9bE(d7L}r!1b2Yyq`Q3 znNq*>*}>trt?vnk=|n>VnVna|nB;vZCGi25QUNX{`tD38>@i}^!z2ouN439K&*D02 z(6d&@VGWA#VmmY$<$!(};DBQ1wiHmDGwN^P(FN%wD;l6i5;SMvKJ@alNc`!QA(Da? z@q(zdxUfnGT+mq*mLH@ZkZl<@zlogVJpeaSpOB33{yy-nK3zR7a4%APJI2mm#ksJy_0DZ6R1xGX^q1TF0)I*IVL_&Xp z$Pg^C9KYY1W8|grB&U(OzWYATHM|00U}J*KSzaJB?dRFw8EIdkm221z}gnzvB`${e}Qon3edk{&s=^o&p`tQn=ip?bxWPANdd(%g z2bAGVfRP=gti5=E2VoO6cFYnhn*sM$Pc(J;BVyR6p6 z0st0^+jOp{gJOZPH0>wO5QCW^v=;Fg7W>5xah79B>Sg(+#{F;^GJ~ft#ywnOtof_e zl@lM%XECl|=csEY7s#TL5D?fwp>Kh27|_a$3=E@qp^60RpWkVjbCw9K`9!bMj<$`^ z?-Z@zel0%Xs1!VxZ+l^&pygHAIOAVIANAih>WIXtbX|(5p8x*g>ag>?egp$2nm9}i zXyy0HeIVq>Vvr7o<3YFPn8M`?^LpQk1i~WeI@mEk-PdLESSj})Ri?RjsrzNX((0Qt zui*92S&KoL{>3U^2g(CSbQM*#=8Bi28PxZBfeQ*jYJ4~jz0^pbubvbUA_%=b`6TAY zr~IhXlVED4>9GgKE8m}L6ir)jAOH4uAoQ(1uRnmb0iqgeys+m*uYl&X4Yan3S)`jN z@DAR!ZEMMC{?fQLo3Uzr? zHjwKLn%04(phpIUC7AMNmqDQ#2nw08c=3a3eVv26_IDo)n*}Dn_hHlUyapk;+0E~Ef>68>T_LW+2jnf0V}_3Q0~U2Xf?cO};*yn5r=%`z1Ac9Xi& zKa>SSL`dbNFcFSGmw(V?f3t0>;BQC!1oa(FfxTNi-`V!756!fVR}7B|d08SGA~7w^ z%_AFSYGWHSbQ1|)PkIp#TTL^?Mu!?)xH0tu$jdxZ{yedI14Jv%6V{bf1?i?xGNZ5! z59z@?ZAK<5Yoc7o76Xj})7tHoL5Wb_gO6jPQ+fD7KuKqv#E5#B`;aLLqq5Sn?Bt(C zfB!BXrJX6CY&aDD(^ynQNJ#%fFkHY6%2V~pbNuN%?;3QtB&&gUb6hzzV#4c9YyXv> z7nN@K$Sb3tt?z%M(-63>=bwdt_~ZH*w_Xu9IGJE6`tB|2BfsA$xA zS#tO+&BlnzViT~FGmwBXLZ+!Uz*Sf8x}j3huQ%|r&1`km4!xU6=5>i>(yo#Y#3d`^ z`W^~FHF%hnm$mE1zrl@7qE012?xKFoH1Ri11O`L2Vw0W+`Vv*gef5z>m0`Tg)38S2%XRFGUa)|;bHFL{hp|Y2Fj(=v#X>BY}Dyw;uy_hhu=z&(})D%n3sita^ZTQ zSitR^|KF>!?(PDq6wmEjS$Wxog|5*p_*}c`)ET;GwdxlHfyV-ZG)D%{aNw;Is#m+` z@}2B&c?S-eyo6JjxTpV$CvS-yNh3ioVS;;%RJ~@DFjcV1!e~Xn_mR?;SV}^=c*aYs zu%Gb`_5OOU%^LNy@<}4>3)yU@0=is7C4LMO>J6o+b}b@+Tu(oRYc zOIjEo1U(VJ8dANr4eLt@SW;L;AG({iG+(o^$XoQm^0k#%Tg&DR=X=p!bSwA1O5n7$ z9L;|?7n^2ep~tXR_1JCTz`34elpFT=HM*+bEjR;-fU;-e>Z(@@JT7~Vd2HgjJDXMs zlX8XyqO#DF)UGL+j#~TFvw`vOqsV5&_Q&M`VNw zN*SkEDUB}h4^JZle%c7)J1uZ>@_dhGVvlIlDl#ZtF5d&A=ttPSR%4RtRn`KEC&}^l zs%>q#BUvwf{qP!a_?cWTLZIL9)N5P|Lr69{s?ZKm;{-a8p~Yo10WZV+y*J+5tK{Hu zn4*Y1{IqY3`21xLi2d<8+~5BIi926`!beVvDh_8RDQ+KFf+L6qprkUadj|Km^8hi*~>q{QWCMal1M?Ds2t{`R& zJ}>^fh>u{Je;)6Br~eZrpFc&{1QuxM5&RShqwgeu@k{FQ44wVaN_n-<<|RnrJn(e1 z5z^076D03Rv@rgrBV_>(>n}!eB0=pQ_>Cr)X3~}NZhm{QpCN0T>pVI*kH`}LOpi_c z=TY!J00Ob>w1B$)NCH!fZNJ3&(m@@DL2Z}hBf86?d}OdDssxMg!CHO&@Si980s=R@ zSiS=)U$_$VB{=X)!(a3Ppgvu5!efoU5|jhZhOl+o+LR72^=8P-PWfNwI5KX3LkZd{ zZffuI3|oPU=-A<66FQG7?ln*r91B_+fca3$8GKF7{}hz-Q&jFxzsmUd@nioM*Ja4) zjJeKFQ{ygWyzQsS^FQ#fj>LZ?oh~SPmPSHrEj-K-{4>oTHxg7UcYI=gyCl1Bg+=rL zZ>4?EYP`yc)necQ^VF1!cbgaCUD@z>Hj}ck@wv&HH*YFwXxtMCz&6|B%lr)Z~l>`EQi>g^zm`q>flVg8LEig!L@(oA`E6l zcA$NoG7N-3Td-(&-5cZ-2le(3m-35^83T5Y3kG|j76YH`q}rF*y7;K)Q+;Z05ECbM zp6>gD+>es3E=8S;YVK27QrGU4lfB6};LC9E3fNA;HOegGiS^zfTXP_OH zvi!{!;060`p}jyhVH7CUyO|5lv4>0ueht8R#jRlK=CkB6PV5uP7TnP4VW#jFmv0^J zU{gNn?U54)8dfH&eN0gO*WCI($g$0Hy~pqjD<7*gXvAdh=? zm&ChP!i5Fii>oIclIw-rF-X`Me2=_1z2}$m>&P9%+25>bx-`e_&vb*1VaV-{vjj}g}3`LsNQ6jI9Ab&PlHroofCbf!1%0VKw=NpFl+Ez zeg)j!)p1R!1gkK?(~2a=UMb@$D(zy*o-+GcY0$k=m1Wk3k6k6`jp`rzW<3$Q5Tm9O zA%e>-st^Y}1>l5nt{q(HCG;U?B(#GO-l_d-)jU*hX9qTqY>w^7deSBXcPNmxu75%X zSRY_YRz`Vb&=&1`THi|{wR$~w|JBnY#7&=C9pW9vMZx7{d~D;0`3P!>)-Nxx-s_M> zU&KmD1XCVC+Wq4rd%D%qQf8M+5(ASzW03361qyqovNBU5e}(dPmZ!h;)+=?&wegEx zb@Ulp8o{ViFPc=<)@H1_>StZm>_9?IGS`{RaB{TAX=EEP{ql6B6Xz3eJ}9-X1a;Bv zcBd~cv|kS%a@U>c-$(h{85!&sEFUfd4q~5GRtd6uqA)dYy-LC5sNAvwP+T5kGge`@ zIiP7H)s@0O%JcfNGEFZYNXc?`xYog`MI2AYMS2He2wY;C_ushDVR|v}yyJR%pCMhR z{wMaG-1GYb4bzRUK0D!l!DLx3_=*b>_P=8k2A`5VGLM!`;!^AsJUcdSs)=$1X88|X zs#xp%-|`k)V%F-Mvy@3Mur4VMR4S`<5*Ve5G1Gee!Cv6WO8F#{;6aOm=aOE79~!Is zwyDE|PY@A{SA0iAZ;~$#iH89sW$1}q<>tvClauu2E-k|NqKH zPQTvPhl`(7%r`!naIJ(K8ifndkKib^1U+By1BAPF_RD|ys>i6)f7n#&* z&qgxj|1$F}V82@E?LgOqI&J;+2RYgPUoL!0Kw{Jf^?Q@P2q}<@{)4v>P~`O%nNWp5 z^)V_03%<0bdR~M;NNGbCff2oW5y9woaV-jg=7Nl^X-ojb#wu55s1q~ zb_W<;{`xxm0HAfFzdG+?K0Fu*mlEnP$G>W05j=RO>DM%F5G5}ve28PFl4mnR}fEr(70Cv?aHRPlff{)qRk>f6t zpZhId1qT~We|yPl)=R?;x^2F#KrDBl;64|Ox?wvS2kv=0Z&U!^@!egZ1wZza%!*yE z_>K~6O}Zm`543b(p$_EhGJ73vOD)QGa{a;vy@?*_X=$*mt@qw86#yLhk9N&OHN#)%pJ8oufRkuPXi7Vf!75148e}^?X2Jo81F*eFu@wa;bg! zp`F)d{#X?RHab`G2G4NiK@$c`Ny0B+qs%(FL91e%*%nxywZL?o4Y~pA`Mvbr&sI_MFX|xo` z3R>Qr@@VFqY}h9^SfY!*lr^{t8cjA@<`_5({0C~}fqtFa*4z-vwL5w|GiUovg6`!N z&MPBBZyr8t_coakmc4>Sdc&3%gTieFe@)BF;cy|-qiGi~=Fn7w|L3}$gsm>Y$)q~> z9djF>V$>u-9nTFhhvnbz!*+2qltP(n_rJ(^0E<*u+{x31N<7BOtX@z*QwV%OxA}#z zQ_#CQ*cQeKLYffYqe*?1tSE3bF+~3d9Uu$zzgt2Prk@1;A|=?ytA*T{c5_e zJAjXKG!I`PWPV5X(dJXveMSjTX|?NkH2CH?2`%R{t0_cGLdo>N`|N1asaKc z`kYo~-t-v<=bT@0nXI6`o#K6HR@|mRGU9mWbWyF&USUJWX~utU7&H%M&vx^%Gn2(k zT@@^WwZ$=q{pq8fOSEyHrK+D&T)&D4L9eh<5ND+(1m2)9?DXuH_3iEvhDni6A6YSx zZF7Gh5f%0oOG&orw?tC-F6uO~n&Sr{)>rJ+2OR9|%}Lx2hQmch#&Lc3nENsnIA3vf zy?H1CdcaM0&knkLCJgjVOzzXhKeC7&bN%&t`cp0p*%Sm=KgtuKNNlH*gld#ZyV8xXs;?D!tPsaP;YpL;J(KjC8)R z&JwxJ6&oK-T!DSP1<*ELT%$fydFz@F46g$6itn1d>{WDix^scsdz%iwpnfiK zu_RE)K#fhO-U&%Pr9T}QbGn{%_VwF@&zYCQ@4_Z>Hfj_{UCp!KUphcn)dY9dccHeG zw}IrWO;NWR(x|D}1zm6ev474TmDinEz1pE*@1PFj>kToq?Rtj#Cr*vWw;hdapAlyQ z7Rn#EOQ%Qt!E2Npo>cch@Oe( z-);yu=N=15KGSbq9xk2*{l~1-lseuAMh>Q+`I_x$`+9kMCn>g)lG3zJD+sDlX{O4k z4=3q>8$J^Npxq~ryq)T}N^oJHSee2ZBM4TJ7Qa9n7EgC=hdfm9)RoPC>O-P6YkB%B zA>K0wmb2dm-HhcPtCe)lpnI_?$t<#+lJ28krx(Z|JWU}*c6YWvbU_vIj5jwoPe}Fw z3h9l*I6ih(>@T2sIcGr=qIInGG5zb2k*5wJ_}Cpm`&SV4Xk#3->mkiRSU=$ho%wiM zP~R&p@Vs95p_Lx}(sl#)j>s)k^pPSUYx7lvq0dmN(}2c@XS$huy;dM(DI{|qYFMsb z%+5(r^xW=|Fs^eZ0-3lUcO1m&-*{0=goaoR6*TakCA&;)bUIzZcJBtFx*VnpAJM35 z;2p$aNq-s&wB}&?Ml*Got5G*6=qs)o&KG(Cq6dd|92QeNe-Ksq0h^0g^N<^+mk3Z; zn}rWt&fS)Dz6;L7a{_utF<+<^G|fifOYR1qfbMNeo~iLrug?vjQTFT7y5P^}ga+kf z_A<-wUNLR%o*d5$?%lb6|9(vx;_9uuis|5?c$1V{4!j$s&mIcYvw$u`=46WFscXg^ zXysdqx}%z*pvSjMMy<{E>|`&or~>6RunFA^#l^o%xd%1Ic;-UK)^Rt1d)v!2b;_Bt z`&oY3B&)JU_D5;Gl$VHp3eX)FckkOy5nV`t=j zsjT-v+h#7X;0MN4QUIlg7#UiZD18Fx?p&*1g!GaW@l8!l!-16$CVHR_^E%p%0h(Mp zI5^nz)!K2G6cLja{VO8I$e#BSiDDTPAOmM7e$Vw4Uz2VHFgSKl!s!r}aK-oHQaU<1 z$3KnNlO(3t>ql zIeT{IdA(&$0lN3sDLe*l;#VI=SCAtBWgx!A>kc_60iWvJtO45j05|;Ukcat$v$eoD zH2%7Jw~+Vdl%_?{3t;5CbZAmcnx{G&-=;g|QW$a@u- zyf4MB9Z8KCED#w_+Ri#Gp+5&^FdT2Ah4ez8@z9Yq1MmVGaLEg7WPx!9X>sQlUz97~ zG`5GoQz_jAa^wqm02>yC21U1|1hW|>hyG<2binMHobcNh-YW1n2?59n#3mQn>r4Bw z51J^}UG$kR1vR`BxOYWm=9LdG9pXRkC2-I{Fx@I=d_h-VkVXb6pZqJ*fUcL%kT~=Q zFj;;S``h%0Cn*FV!BkKBM>-8TqdOZ6R5kmXTS7O?1P_)!sjXsOV&D(x%}7RU+Vrj4<(2^(NU5gTyFC(xA^Z4U>qD7xiqI#&B$MF0}_xR$Zq^5^$)BdXJ8;7 zL#A0S&k=5gMD+jR?7QQseEDNBhi1;U2E`r-`YbFj5AKw>t3()xGhivX+;<)OfIs+P1ntGp3A_C#{yZe#35I?2P_c5{LVonpN;7A3 zdZ@@nWzoH;9Njxfg3ViceENczpXw z3%l+m`Y(5wE#2O0%p~qD*bg~PHfF}?UF@=h-j(5sh92t*A zEN~C%uS1?lDqoVyENr+UF4#mce2!6&cs54Oj@LY-@!jH=7}?=nwWP;-gY#g$G1Qh7 zs-O+g*uoFc6XBR!p}){TbkOz3!^0b{c$pEPc7J7wMvLx_lD%AiPuqEiL+~yc|7t;E zhg!ToJ9~^^QUaU0euDWoYVLC6xAXkQA0?52gs)*p znwVrKI8DT^09zGTzP~kAIX=^|E-#MUQqOABW#|#wd|tt4R9ZUq{Eh`ViCMuv1rvty z{;Ts?m<^UHDeAD@&)^~*XAo6PQ!j(tcwP``xLbnV8SkMywPVwCAG{e48!Do5D+$d# zxp$0Y?g}03t`<74%{+Xv`8Cv?sTy<*$keay?9MlS4)Z8d80l13<_U@t1-(8BK_F9n zDcDy37wG-cgiED^%u04IyFJS^I2}oMEb^XWzn~OkHEAjK@rELqy;$)O5NsW}-mg5t zc?(%T$E{7bKYU-UY|=JycW#GhEQ&gbw{Z`IBTsd*Wiq(goi?}&A&-Eq8uMw#!p8uJp|M=7Chx0JnVwB~O z&~)Fs$ukeyksNp;C;rBT-U_F8Ik(Jew5mZQ7!a3n2_w}m!_>-lVW4k=dteB|=jEFa;DenmsqCAHXE|Ob zFdvtorQc?!{9}k=O6d8epilQ|9z?v1vU{BbytcuN^)b8QXvqyk_{*pgkyv#LSM4M> zOD{-$u545vxXqp-M&Z&Hx2MaJMb^5VYk2w^XO*3-{a68vSaBs zdnb+YLXl3HN&NvxVR7v6cNk2+bkYNm&;|HC`)daRpl_N~Go7ei2iSC$#p;79A<({O zrCpLNFi$_lWTAYq${NH$%^C8MWB#JMsfzKuUzpOjc2{DmqrjBwEea zlyf}6({^7D(tlA{#?ltY(~M)FB(i1rGquBTI!Z?0eJk@Bt)SLn+BhWMPcKVdZ4U(4 zN{E5>wy&Ta)%gPuDSRo?EG{m-@a1luU##t#2m~;sm!7x z4fl=m;YN^qez0D85O?LiAB|n7s+xudlfK(pG=cA{a6Ok{w~f-Q*p#MVz9Hk8Mv|vR zXAC|7gs-JY>)Z>+l}47z0~xztLGJGRdyAGbo5q#&px2c(Xo%IAB3{G!d0~+FxO)-M z`dk-)LvX*-(D&Gp>t%pvV))oU65SZESxLWdA9=^aF@@IifbG){&C`XmWb|P-f^R(B zepyE<*zy`QS(||Jhs!_f<8`+Uotjy8f3}%#4b2;NmpM+v8pY98O~jchqQt2xx}W6R z2?7mx!@ta)V-^N;D;%C55nZfU9fNvsB{=>FTmb^{q8RzBg4SW+t72pZ?fAKm*T5`p zXuHf8#}LyBXh7Lb%fSGUxolPvoHq<9pFQ(JG{M89-o=)&vHx8ZTEay0umGSQ{^;JrG%)Y~!0{F-FRiV3S@$ zKhtyETkE+|T1?}tq^Fm}zp%l%p*O&T0P(P*idb8hwTX%tHmXd|?+&lSQw|5)CXjk( zEkoJtuD?s(Q?#gD(>mqo2%>34fpbMRi#KU)DL?mHR-1ElxU?GtTUZR%=huvc2z~vz z?bP1(#G=goBY-R(ee2oj@@xiKx%>NC`GDP|fk$9u!*OteXgAOSC!kL~X5i@P^I=k5 z1B-Z@vfTdr#+(*XU&t!Y>BbBmx8t`Pp^7p32lKkiv%Oyou24M8RNgers5_B-cM?1j_bI3Ev3ZH3 z3muyRpT3SYM&3w~5Zo;0))B3@$f~%IBaS^k(v6#ASL8F1-#@&+&i9oZ|J+nNIT?fj zIc@99>Q34BJ%|a!le?-bJb|Zg0ovlMMpeg6e}|RPJ)t&epS4XSq{U20oN#Vo4_XMK z|B{MHM7x#3$bQw}+xH2*MJfXX_rqtqv-$^IUI5lpYY7a{gcBZ|xogD&AwO|x( z`TYRNT)dH$xn+!@Ae(8NG7WqY-XW+*8Kdh}^w`GM6@umCB4-dJ$bm2^z;;d5@z{D*H(fIxjC_D!Z)rO!VN+GhAF{Y+10V6QG026p*^N@@qa3I5jh+H57M zJuO@MgP`GGY_234LZCsOb<36dt3;@ZweCAZQA*BVUa6+HG+-ruHvzt@9+!Z#l&mh) zzi=YkeNilkZ=rG%7pyJA(qpH8=(GTCxROf-CJ~9w)XQ`+kjXTa@dW*@_#Y-ee+*Cz zsx=MnJakVekUhd!$wigu%W?IoJ;XA7b|bK9)}D*yltFtD zU`VP}rt+#DHn$>19l`oF0tW{R58(+a1LMA$+{sUt+lEyl!Hf1E$`e=EeXuP?B=vbV zM=Z{bZMHg8-EYcFTr3muQfkhK&x>rgzH8)mPhXaP>N`#uozG5GwbE8PCRxcly?lqP z^WQeM`-A~j)Y5Q)B_gp(M$lGS*b2XNBTJUaPCrno%%DkuYwc6tN-s}+ zW4KH3bzA3e^;CJcIDfWQ4%?oe{UuqplxrTJ$5sFuuEpM)zA9sG=Q#U{+)cs_v|!^_ z-}{i*;*NO<)tqS!)3?KIp+bf0+re_V>RnG{xsioZz4LWCN1^VxGg(>k0}UpyePyY8(>)&Ec&G>xHL%WTykn?KI#DER}5=?35KQ{L5oLH zyGoU;bJhp_OBCB})U;cv>Y~M`4XpCB^Yi(LZdEUTrd|Q}$C(8EdLhzx(5%1zP1ro> zCNN?yLHc7r^ZQ(Ql`d^t^c2sysHNq_6bt;arGK57!n zZ>jli)(3_f*bLnm=R0t1yKMC)ah}(r4E;8bIVI>+TLOQ_<=Xzjgmc90xNq!iWN|-q zTr!zl2KMu(Zdx+EF1|RGCg|a~?OTC|f-0Hbr4+gpa$x0{Vj54D_J3WVGO)tNW?%hg zYs-$E_)wnDP1_^h{QYv$wxy-#T~MJgB+*$W_LifUrg{*#q!)VAOixb*gmgnOw-^;~ zcQ~eirrPd=ebuanya2np=^X(q;)MWWU4?s4N}e*1!#X!eV)hJuks}C{D$DGfe+@3W z-%N5{k$)Gq3h?V`T*QEMlHKbIx11S2IPN*A_N>{TR6n~$yz-P&>RFVN zE(5=p&t9Oi^?koP_fx4X(QkHe+j3Cmq9`UkT#kw7*0cx8y0}c?EwS8Lx8e6eC*3rg zrP=ef0+}IsPAQ3<%ceJ9B?`(`>*WWjmG^_l)u7wFz12q7Mx3uiy{ZySdAFN~(YA>p z@w&XM`Gua>i1FjAjK$7A80b=9S9F7AF7DSPUr$ARa?mVQZ>CO5hvTdwj&N z#_1r=s#~pFtsGqA_4q7qKz%0IPK&k}`ysK2$D^qqOl3O+iPYrIqI%1wJLW)QdZY5k zbQx~CZ0MQ!lpZ!q+YWM4Q1A2f*W&Q-ZZ6~Lq7Ln3?H(oj#EbID>!D;BA29ubsrj0K zOUncy;GkKt0{HtX_k391bV@plZO45^nP>3%gzjk<+m6@ZK40f@Vk%)1fO!O1}>hX0DIt8{y4npvo{`bs>;b*X!Hj2V~H@( zVbgty%_C|})9xkX(0qb&+O4yq(t?e}r?h==*!kv>-6m$*92&WkkBo}SL%j8}f*5DZ z@S(s>F_!C-?ZsL5d2~0MldXo>?#r4$C<7xTp1))F)}(SsxJ?)1R&s5RiJvWD=H`w3 zo@tkX5pOyh!EvK6aSvXitlN6XvCBg0Ztx8nHcc+{*x~+~-rlq$`1Jx$<0^u}!{glL zZ?kQJi$a!6e&uq7AsAo7d6)Y^YiH@6uy$1%c0S#HF{+OirZ$VxJ>Kmjio34@o_EB$ zfw1%8)u+R+JU3O50vDyT;vbbxyOS_|9L`Tl_YzK=Y0UL-DDuW5E(#fBcmL=uINk+L zwSM70rxQ4Q)nKiBcrRo`LWmGF?>usqE<*_k>FCDXKj3O3te4K9z11W!X|gJrjvRryDQcoEp!OmJky&Ny~ZZ z61R!5Y`M~WhSTS^`NhN+FZs&g>i~LTDC6)6iE9^=+3l2QG)$Kfppe4mic88Ti3QW2d33zUixr2ls}DfTs^BYHm`o=4$h8mG6nwBD4=Kko>Vy5axk~ zD$#j+NRJLN0diu&13=$qRTi|BhA$Se1qSFYhC#0#A@!Tmzj2cPf=Jdu`?4noZ65pT z3kQ7;V=lu(BIa-l3}k?GQgPU+Ru7db9W{%WYkdHV=+LsDI0^2cJv0Ly{|rpOsBj!l z4vEC<$0m-^u?~a~tCju(elZRacZu(m-lQmE;WZ1k`~lWCTDcM6Ur}_t?;qUi@cVZF zg43(b9d+DK5G0e(>lk%VAzqB0b9RD5XP$Nc7JlXph6ao}zZvJVzbeZ!OndUw)YT*3 zb49|BZOkETYw!+KT*aIEAExjQw*V7jEyv|gQ~(7fi*a)}cbRi{$_h>YcHL?VU4Vk@wjLFg2i9)10aD{4)pqruCC@UfBcR+gpe3e%*uJ5<$l;u zowt)m^S(ZS-Lke&Sio6a_6op!Za|8(`MT`me-P2j02l+Dzs}uy7GtTxP&yuaYu1By zJ&m#c^Oqg;U0)SH*DlC3z4)N~-2%B?Zca`VXu1EUIX$aw?<-kE3hw2o@p^o}cl$!f|9)x=P>8qODm5rdpdJmuwEDiIfySdAVQM;d-E$$y^uuA~_~eJ4ZQ z2M;Rk)~9_bTd$ceLvp*&FtEcdgkDrnyToGN)=l}Q4mgTnJO5o1)PY?9HVswo0aW3G zo%Q*ditEuAA>es6X>9~l(uC9STQ_(d>}7F~o#m1Op!tK`mEQW(7d65_omcj96su}& z=6Y>yEtB0$=Ob6(Yx^61iR;Royd8@p=Xv~tbRhp4JE^ zVW`r4Gt*{1#?`*qntF(6l7!O_R8qbg>l6`GAtRj|_BenJBOd}X0!Uncp8j}vj6i9i!d6A)?L#jq(10q=huu>Lir>R;F0HXHxuWGYIWTyVOgNydOAb?PzT(Z^-1fUd&}Z$}uhcINg9{2Mq0I?kK{YB?GW^S$kfwv|w0jzZwE%3LkanOsoG~&8$J@iQe0-3mOHODzBsu3mOzUj)5G?;hO+9 z43@wS#9!ac<*WkoSZFyc0u}YQK($f81zwx!Qg2HqtvwB}BiSc}wfx-~vY~Wb;5dR; zffo(7HilR=RO$s~Jwj*&{btk(4dthYD$6@xYbqq(*D+oMmDDpdg1dKp>$zdGoiA@t zchx^^4P&uf`si%-J%OOmi4g%4;&{z~Kuy>2_1HSbmP?;84Q!%IqH z78C)Nh*i)`KX*buMGVuV|9!6QT<_Nl8=nAE=6)v2b0&q2`#MdwB@dgGgWz`sfCYhF zl64i0*e8?(R1NS0Tx2}5bmlK&p2zf{K)CO38F7!!y}rAasp0j)!QSQ3m!U1|(iT03 zTW4P|pbDgJq-eg;;(Gi;%4DdblmgfG#@zROozg<2A)HWxg+ZS8BOWEa#@>wKMaE4K1rUs}OI4Vb82xg-h(N2|k5_Qe%zN37~u%tg}b{T}n z(Ok0vhfZ zO1i;igOn%OIzCHYzJ09l31k6U5PLMf@Imv-3NtHG5d?K!Y7~dAHp=~tzh7Am**^*B z1qg`1SmynUfaf3rqUi+N-~Qa*%2955NgnKaesr}r(IxX_QC6h|nc&XbI{MK_s0s$?^MtY|R_X%Ebs)2&(TkkrLCk?qYcXn( zx%$<57qxO;B|QOztC%cv8$gqK{32_60xDh`IIDNl@*qDl;__{-HM7VIH=>MudG43xQ1DcDMRyg7ynW&tM|x$Om4D6t%V4)kRl9ko9h{d3Sp{NgC) zJ=~AJ@{t#^-}=;p-r~4-qek{HLUA2U2dX{vZF@7OYH!B+{KPyV8<6H(FcpIW^a#Vr zMI3BQk5h<(3#iU}B^!4*C!_k@-niJsYApz{72{u4yYIRD9_%K_t>-(ClHnxUV9L0e z4q+iC9Oil%NT_)={49m35{J=owg?$VUkr&Y-~=*(b3HQ%Co({%4C1v0W|eY#b30uR zq16`d8M<1w8W#*Y{3Rw&s*g23_~zEa2CfYyp0xWgPG9e}M6L%!NCpa^bcVzNh&f1^CJe+C0VQ`aP;VskEk^hx*`7)v8)pr9FGvoD@pXb?C_E` z2DPcR$spNwCqEJ?W7b>15W(s#Q0Gq;0|KPD4O@3&+0i#D$xn{8`k`q`V-)jZ5D=)4 z#bOdW`oWY#)8qO9Y1h@`k@6$*`&zO*yY;|zvPtiDZ17I2Ty7{;W195f) zqu|t;dKwxiG?R&2?Hi-x1t7tAnvS595UGe9BbPYCpcqk%^vC)xBggOzpIJ79ril@K zF=R?4{Mp&j=Pz%>U-%No!(GWV0!~pAfHOXCe6fmru<(}B#9%Cxj?74@@M7ci>NAL6 zG$Z4wtCCaOahw&rAVHmJtuxjVt3J37-ft1LnKt`_dTsPHW+*`bFHHA|l`>o(SzGW& z`$K7ldKa zK=WR#%aO$&$x39XI9;oAw@1W&@eWZf-WoWNG(T6O*Hf<*>Inb`*1H&b_`Qw!3gGy! z#wJ72>U37}O!LeR&`^-Awj)j#-R?<^F}wIZ(KsK=m-u=NM`GWZ+AFEZ3b@eeb3Bij zxQ$vhWLyGRzc+-cD1v@Fe8KBWIi4x0XItWU6olWjX{J9XLu@aHfTll6l}6eL;9Wd^ zOv*_EYU&!W42K~nStk`F=2a=6Ql0xcAKR|1_2?7zGN|%UX!ZN&TmK@?4?i}ChXfJE zBqUy!a#Z?@W0cVPxOkVFKL=9>7jW}DgY(?XbQ~h)dR<2yu~^D7Saq*%^58uEjiHQf zlfklLu7?)e@7fiJFdd!nt5}uQNVfTkJ2%k7B>0@TlgRVW65~)OG6{(6`U=yuoq|RQJZy3`Df7z_do^D3dq?tfl_n3 zcN2Wp+;hX#`ZB@im~n~DXau(A%D?{d^fRV4YIpNz=*4R65W9UmrnK%YWX{^!l@&i^ zsO0|cmgWy*+A{g!Nxl>P0!VdD(i6*vJL;DIiNs+Ac#0Ac-@-%aft=4h--+oeqzWDohCE^+4r*7+wU*jk+FWLi1LM`tFAd zikF18D+W?9*FK2!A`Lf8F4_VR=k;CmE`vR~?k>Qr9^PWPR0m#uBs(64pt ziE4==kcu;DhWZ|EM5bh?cq@!4w)>upMrvHA&+gyuDALOqSgim&Qp*$h6GKwKaJun^zbKt~L?zCq4gsdPRYjQMQiT#Qc8OtWny|P|-n7OP|%PmwDSaK)|A* z$%KCLb_2w9PZv~&Y{W1Gr{AX2;cb98A?~vU)4ZRjr#H?Qn2qn?+AU>WxP|dpL-@t) zx1`ub;H^!?@%lYAd=jUpKh_)1HnJpBItqz>XveL^mBMsn0iL}$u<)PVm_lS~AHc{_ z6?N?)1#;PHnQEakDsr!a+9j8i&kiIg*^_EtjV`TP0B z*#$Foy{5bM_8;a?%na7K2i4+JJ70D>#p9(Sj72YAe>XBkzqgO_j zRZo=Ak}Q_jWz^J~=M{V4niSrzCyl1u2Ep43h@A<*8?s0(X-vIsj+V3HHokbDvb`l4=K{^KG3{$qhz%&Vr-wNK!$ z5oo{&A|*^Te~tQ^oi>@lC+?+YG*?gV{+I+JoZfdoBmXrp_%AsimsG(B`N_>VxL^SB zw=D@wC)a)t{UH&A?Iny4@lS>sxdXnx+3jp~_2k-b_jV*7`ee50@xaL^a0NiQdjuh& zCwlhS;pv5^pbdO{SpK?s6AXZ}f6m75 zZ2#9VRTAL)`8hcC;{P6c{|5NPBcEPY`Q#H0Xl`6wBF7QI$x25&0j=>>90UJyX=1@H zis|XL2A^E}&8$MQVCczP?^sTlbP1x7>%FtrU?s@=)u^vi%|X;%6RNoZ{gy-DM+~lV)ENgqEj~RCtLZ40X!L@RjH2hoU96l zfu$_6m7!DR+V}7R{2cOP%B|2Y+@FlVNLo*SV|Ht@Jh}Ie^AHdLwuJTT65ffZZ1Q2c zaN-#~lw8C$Vtq?`^1(4<0-hOh`D?>5717~Tk{TVE8xk6Zj)^DBI-(?+9LQtHtEF=% zLjkbtW(8uZ5{?XNH8~#l_~ZZL%AxZk~sVa&E=3@T+gxwgh`3Jg!Aqgj+BpiJq zL89^c2~!@=`V64nWt8JzD%R^dQh*cBnGtEasM+PJZL@`(KjNF9~kDDPf_4}rQN0G=FPyL|1{4<^-nEI~IIXz-l zAd@$ThxSLnS1PgQl8^RMNEUr_Uj!V>{H+{dW?<M}o zNZ`xVe360RTZ2P&PPBe&G9>}GGtrfOoav47PZ#Chw)8R2t(y>(dvqmE_5INno-qUo zg4>Zg<+eJ|x*2{C`0)zZ#mB^*T@xU#zy56PNc_cUyT@noCcGUr4j_ljEb) zg%$0XKdrWa5%U9kR6J5~9Q0y>z(o>+{X*8Eo&U{v6_4e-YN$K=SdM7w=gg$k;K(5ZfMH)+`JoPeVHLO> z3HK5blO6S}|E;!t(i422b$M9p;(KOdF9roAXO!a-t>Mk1tsY^A=qR1E2eFW+3mD3Z za~N?a3k_#HuXUszygV5U2#NbiyhaC>4SJ|D%mbeSzhPp2Lh4AekF6{L5%3?|dj|2@;?4s{6b;`lRqZpHHik2zej@^wJ1f*`33SACuGoF2kLeH!1bOkT zQQP5oN)VHqpQau>?gb#<6ZoDDbqzC6^Z5B93S;y=4@5zh^sl%8oH*L?Wa5%JO)KnV}4A!Dyg{-Dbo(?zSp);PRI<2 z?7aHjLc3?X_de}GPj*`LvE1EQXfD367|VTKc-)jgKJKH?q}L+k0qmH5B!?L3$S*0r=IVzfNmFa6e#~t@ zaTLAot`hbE`QVN4UN;Q5eh-G;S&YszgAtdWJ>OVAe1|j?M@Sku*KJ<9QeBcb!(rlc zE~4nhsjM08OHb&wbn}X5GdVuB#Yw9vZ(XMyj@|GXI47)0%aXnGoXK=phqnGxeep|L zre9{hXiwgb76kJ$S0-P4b%}N50AfAYDa0ou*i`6Y`N2vXpW(w5v=t>y=(k9zHIBxpI zh6Xs~H4KypGpEg;XL0d7ba+AzbAtCSfQLSmvB(wos>yZiyLKcMo0ML1Sds;wqzdB~ zcQS!A@;jq8I~AI0!aS)6dWnd$>pd8jZ5{;KOWozOcq-)jYUb78-15)(wYvRs@}!@i zKTt$)Jt34ID?+#D#lD)PFFuoP&ZrYQPAwj@o7Z^Cz1p9wfEp;4cQ)%_U)PX#draE?$qZ@#Eu$o$y+ zT)K0uLHV`)eKUR04Wx#Ia&mNm!ol_3oLFY2y$)|4%5)D(mxmwDtS@S=JwxpNm~46Y zOq88N@G>lRtsQ1^`pmYo|wR78EiJ4T8nbF8=Ih#bEy4MzOy-V$3a z^80tH-aF+;Qt)3wF`4(NLb%8cOqU{JH4yyKUEde&rS7eRVwqT{8MrIxQ#io z94zcwt{PT)Q3V-!;dyFJp1B#GQnh!P0^J*r?=hlu$~pM_LZe;c?O!=>GY)l3GktC5 zlviWSP?t;domojdyE@*T?n=?9%@cu-AKFxDUOgj=lf=O0>=5Of`82-ga^m%l(*%?|{UPvMi-p=MVAhWvx?rG-oC1_3TF&BBiq znQJt#IA*p;)YRoRRT2@5MF&;|FNW9S6Lu6Z8LTQM6cWGgi@1K{V6o_%Ou1i=xcZNU5v=Xq#^*YfIHq>Ulz~iVx zb8!(E>pY5}pWBp(9|+cX#v@OM{z3|_pCvCxw0TyTPYuUIm9RvI%Xc)dKTOB>A*(K= zIY;0aa#hSfDMV_2yBwDhGLP#gmH#~K{1xiHiGa<~IrteX~6WLXBoCHtLM7X@+YYeVo)I11msyxrO?Vwq& z>UIm)uk*fN(^?+3M!bA{S9Hb~>V~xtx3L;8Ml4QWN99azX$*FhFWvs&(xY41amq`s z7V>6}{3*BUy;fPeTTca2wSD#xe{wJGS9DXIr+}976T@6;`3RZf-~r;+l7pqtch+4? zL+!Y$fysO^0+rQWu=q}v^JWoe5ILq%Y4t7yT1z8$GrE1!(`HfWrNouCVp5^ zBL>Nlc^joF5rJ@GdS<;NSodyp2iAs1NK6={?*`2LoADn8kQ0bD0j^1c%y<&;hX(4R zbC29`PfiM89eQRx!g2wxF?@H5 zPQJA9elEiI$*RKByY!9G*GW3D8&;Q=eq_pF`IMP36_W1lMGXvB>Mtw`GNsBYH%Kz( zdlg@!Ku}cQ7LRbSwA6an%5pmhFCxQaaLGmKeSR&Ya8sq{nmo5rMc@0qZ8k3k2hy#Q zd&2LOymw2@Deesqm-bY|%&fXwTTarIa$9DX;k5-(VmrUssN>Lyxe!NXE}TKof&6G5^%j{*l=$Ax z73)lG?s2aa`(DljCSZG{MP(Qd#HRX0H4{7i&{iI8?xj2yegd)!UbDK}Z+>1?mpLc6 zSt1Qa5elQmu8MMrcaZ51W%Ob&S#^#my6v`FdPiRwRd+EK%ZF$lI7Z*)x@kBrGF|>v zkwL@XU`CDKJwORZjD$bV94hCvOB0aif0Z?$TRN1G#a|^$hEA6Xy7EEFi{WBKl}jRU z8}dkG4-*riAdge`vpvYihz<1-Q;PQ(Lvfb?&KzS8dw4D-V$7%KHSj$n9b)R3FqPqs zW?rMJFve#*a}(^PYQ=&4b62@#M*f~ERj*x ztpBbqo`?|K$?vv!;7o-4*cRL-lYM7>2y-UQhs=e{ub|&S@#}fj=^srgq;IkCRs}mI zWhoE~96A<$BoeEQ+MO{tPl&GX{!(s?-ZpQcyMGDw;oJV+eD%4zVScYgx?TkDo_cuY z$F6SfT1ew{0%AWg+wov4GLlY(ujP>p4NO<*-_kKPB+FXdh+}t%$=8gTuT#F=LwcGO zb!&R7{t5`jZ?S|#K&D0qLjE-GJ=RGE{vh@Pn`3{l4yOo>x;IbJ=RQ*qYa>3Xr!xF` zQ*(q#LCH_7lAZ%4)CQLq*=@BpW*U))YDMy|h+$6G*&6QW?XruwZz^G!=p*jLDRkW` zXO(wkwB1K`{QFMj7yEmMi?8dL9DCH<`Y@So`)puZbBva}@525EnM1QW$%^ko!d+*B z<;2u^KpdP!@tlpp_~-K)YH0$50`XTCaaTKcBR_^JMc`X61K&+*ln);uR1dSSsX$Sg zRUmNpW2`>8JpjIBTNL}Tw#cUlfFsT{cc1civwJ~DeRGnKXDpfq0E2i5wBf+h3c zE5vUmK`>ehbRsoDjAu2e1 z(fs+AoGk$sZd(_<9?bNuM{rG3KHIJyE-P_R!J3-YHlr|ehlseO{suQr9P^BJ#no)) zX+e_Uc6sH7!3U--R&p25u8rl7jp}rsy!*id)q0UwKA}}_XwDEg`iPm~ z;6>Yh*a$=T?_9&eK36i~jCP6;&}8m&VYfouf6Rm$*nXHca7BWC+FOU1;3=gQE2`HY z^{uVfBTM({ZHaFgh30hxUNv3ok|d$wrhb!hiqb^HcO4d+*3Kj{cf!fiE&|^w%r{fv zRX>ohE2o5IHR*fUP*Sq>e2c0EOJD3pUqM0N$YWqI9d*1zw}f#0>Tw$Ck3oS@7ytz} zLHy`{K3M08%u`#Q9}+2pi)!Rpk|KU`PjB6$3l~#?_7uawfhs@j&hVG3!e>Tw!z$EG zOSwH_g;4g}=^3#mV+IYzV+PkAIWiWJY{S%|)ox~4N&E$ETG0z=DxbM9g?DStRq zwqHQjmL5F0?QT2Fi&eMT7W}cRZ+vL`i}lY)@`?KPMec zjV$@B9Jy1zerchBIsC(QCr00|W;R0E^~BMePBz((efM0tKJaxkd&gb=lt8&69}NIXMz`uQ5TGSbpR~y|G`S55D})w=b2%zR8(b@o_Jj9=3C56rgf+SK>h-6@^)$F1(1I*c#wXq1|y-cxC^V#Rj3f(N160{u+Pl4j5!h>$lfqM6Xzp9JbqB29#-m51OQ+EO2D5zSOlW_Rz6ibjTA5DvS@Ls)bQFQ68d~RT z=Gkn53zS7)JJnD#e!0hJs7^y9>`oBu!wa|;rMh$oFk(GDgdbS`!XUsL$tX~`e#u4X z6d$@L9@IM$%pW(~dViYi2JX@tZZ$ zij>mSvvCZi@`(qmG@|Fx3JOw@R);vxceVe8XKwN9zo!vJKT!`yy%7q0u`Jj2^SjWBphx$pP*MLC3rO2HNdULVdeCmQ@0Zp}}ul zqRZ3-Zh}5pD~QMTQb$>pAy8*k<1*LBeW)iR!CpChvr984Bvul;cltfa7~ zi%3OKAgt95U|~J+9mlYpF<5xO88XYm0C1QBgoERm>EIWx!N&1a#Idvu5bs^{%v7-? z9o38yEBJe>Tq;Z)QDYo(WO!s%K6A&ASA{gt)Fln?^bh%%6A13YIQ9KmkOq_bNO&|H z90gW3T3;#?kby0p?2|efzXmd2E&X2tkDy?&UtsH{+WZ|3y=VQyjcEc}^&hyI7tHJK z`(0N`eh@~83Y6O{xozy~yRk+3Lm(mU2}lT~dh%0^>Y;~^Xh9(1Q@)AMKzFnR@Eik! zDzFz=bzCrFd~Y2+`1I{!OpthTD&;>;#{~RcF}cYG7Nw_m4f=&)f1KQ+V*=Qxf>HD5 z^c~^ecb4{Dv$=RHkCG%>YDVIl>r{^bA+ZENUU=5EJ_NK|o5Y7B5&nB5I0LFBB3Skr z4Kb-3IF6J?7)yC=BN`nBjGvzBae7A#36L~+!<*((Fg6bN;Ye=(9tp&mr2@0T$#-GQ5-SdtPK6Z(eAtm&Q5>X&l zX$o#{q>A=A&Smg{{OSnaE3-ql(iKWBa<*TZMt}D=X+>!{<7eFEqpg8xk)b!|zE+ zaJ2=$?Zc5FEZA{-RAugnqI?*@^nYOS9IQG&Nf+#gdT$fu^no@6Y5M2%$;UW@2PE{# zT0!>@A*)Hi;#Nt~cOI!3SP^OQUO$p;5qUHv;*3({ntzxNW))$XvHp`0{>3|Q0;AH= zDO3rN27-Rz?Lb^`eyvzrga3&u0s)MnN``)U4jyHoJn;ztgJZ#ne;G{ODQ5$@$tsT% zk(CGE;G2GTnDDcr2fVOwe^#RzP`vizaWV`Jhdgkr8jU_HI6vZiA-gZ4?~M2SE+bf2 z5DH&XtYR?XIISfGpi#+Ru8xO^x7}!n^!YUZCOz1=E%gU`HNtdreSGCJH?sh;IjnQ; z1UgRus`;916W-zevm8R_Twss?p#m_~LEC!iZdHRYce^-+Ev#P#OCy&W@{W1P6fz(r z!h#ndY^MZLY+4mp_>>^fH0L zWfYMky!0kUW>j#{U8g#;LTgDHn2yjX>GI zjR3>}YjOrC_62PdSl*)YxvKjx;!lV_j>n;mvxHLU>?^-B!2=3_+g-Lk_X>a_c=ET$ z)hjr}V5rS~!Q1aVZlYT*y+5^;p=z29_Wb?k=AqjOX0>@5klejkhvqUw@@r6iL&vKD z^>8rWhr;86fhB2RE2oTL#HJhbgw_YR{8c=SO&7;)>v36b~MbCgiO6_g;)aqR!KIH0iLY?qBRS@6N{A`la&m?g$o!P! zi!#x0R!+XjV}ZN^6gM0jIdsU2qL8dK6UqKBZQ6~#zp(ORXpyUeQ`{S40(nb-K0c*1 zBK^O3BW5^$!h*r=a(-0?vAP9`9^Z=+H8Ri!PS}4^{$7A~Gkye9i#f=wkJ59Yp7w`)@BDt$gVMp!85iTh$>)yFo%1nyb#PZeT@t>e8`? zAO;7j5i~oAWRGG1RNFPWsL0KSAsu*>^ zOt43Qu_`Kd|4Ve0=zvQuXl93-OONw)qkUpg{!J;K62(>n*IrzhDKayY$QXnLnD zTY^C*AeP+pSSVBA?O2j2Ei8Exfl8_ztx&~OA zffOmCbczx|=TDb>XzRee2axewc2+g8YI$<=h~trAK*z%}y2f-M{zrNP^$$Cv$Df8C zIXyRb=qDd3klzCGTSmY>zlTC*5rD8jTN zZ6HJ81q0tWf6H+^0L$lQ!8`Robo%>`qnZD<$3k*ItKi=ioO$~1`sE{?4%vG-us1m0 z9$9lh*WluSHF1dYX@G7dw6{MtGbgu0y7>3Z<8>h}1I_?2q)0PaU9bUCPkR1M*Fyqh z0TjwlO#4Rb;i-=EU~d8pMxz-4gVeMt9c|g4ojCmCXy)$@*$LDY0Mp<*|LW4eYk7_s z3Cu$b36u?7?oDGUbWIEge1rUQg|(Dd&86PHL)ho!-ru`&JaeFLuD}lu8^}jUQ83BD zC2tH}@PZQc0kPqCfGcQqNssrqqT-)~zy_q-M4#UrfkRCNX$5Rm7@PkeWnTeR<+tri zcS<)1NJ>aINP~hj(jg)Z(#@u&kyIL_yHnVJfFdak(n@zXZ*BkQo^$U#XZ+uLj&JNC zI@tT$>sxcpx#s#s5?cz83uNzCv!AJv1t6{BJ;0UMIxm`E^34kQ0(jq|UG1)JlI zu-e@1i{DHq;46IstctbiSW2PXsDd@*@9@Fl4js4JhTqbKYSYEMC*PhQ;sWI`)`=1= zjTN}4NIeG`vq*f7I0BUxOO4(1=T&_;6VAyeu;Vq>MVORAo!0a;r z1=QGHq>SDJcUJnR=rQ(k7pI9it*uLWxhWhi7+p)kfL2{E1u26z5Et1*reSlG+P_9=$ z?hL@n_#X0vEb1~C#Oy^Cog%-068ZaF*~ostw_{Mtl~Flgww4X20%VpHz;(oEW6@oK zfkm4vw;CV+2^1#Nk^qHsLLN3l^#cUC@>pTlo&ICME=`Ce;Z#ay zf2p~EUMTFC^8;X=6JNX+SQzTRH;+gOsqPYJL&p-A9F$MB!5xX z3lw0F(e^;YAW(LV@IQn-?N<ar0`lVP;a1T^HHSMwu$HTJYSTr8h8tNdUkY1af-0##5Yo=19=h=~#nWi=* zKYISLD4l>!y9_Ui0*h6vgaO7a>2)6OspXoa5%ban|Ifg6YkVqwb22WI02tp{PwSoP*L_Hf?mCR5 z4bvAqeGchF(Q?cL4{FGDz3e|d#Z*}CEtqigtI#tEsJ;O*@ri&+$cD%kwb)`Z#qZW4 zEfau$GbpfFhfnJGS-09ui9O)3{_XGneuaA=JXiY2Bt47Y?xVd58Ho7I@*&eV@{myj zl2Rxfz3>rvHZJMgcuf*?S0|kAYJSnxmpVu&q*qzMVPS&th=W#B{pi=X38ARNvu1p* z(1}u=Qcvk%DM&oU0{Owk$ZB`$(k^_=BqbJ5>(B~y3}-Y+l<@bHx&u1zrbVIIf!o0C z;vPxluH0G1=N?3Uk+|s+hf!OTu$=Kh8?@=g!3|hUv|2^nc3x0pv~UJ12EGC706L?% zq$aaYMLGb$zNGz_Eh+d;ifd!pl_CfSBtgF^VEXIA9pbS9E{9-|<~TRV+W4m`e_l3bCx_XP(5QijJd~d#TN@6GF)G{M{p1ZDY>Q!%yuZLr{m`A9|l(^uM@Z>TewQ4UAoC%SR zr~p5YiP=uHEH2Zh6P13bRlNto;U$9CqEAu9fK+CGRjj93J2RU8c##@?y*(Z}tt8#g z7vOZK4z&}Bn&-eapbvfxdmpha4Ns3Yf-aHZfj`iGG(ac7vo9N1{sxKDVg@v+LNA(S zCqT5`Psa%gzP`BJn5}2SNs>h1LJPmxleBL=9W2&+6;b<uoct{y$89v*!2s!j8?iY^>(ytW5kP= z!H&BtWfyxKj~HkzT?5#>7>zWXijB9qWO+!?%4MfZ_#1^3JQaLYbp!aDu6(EE>)}^G z;DR8y;^_t_+Cx01GGqyYiy6RY$bayukB~IbWm(AXUzzitSrqLdD24;yR2!z2@E2Kk z3%Lb!U&K;f96W>KI0oZBO(okYk#OBggdJm^*aTJAU$bZw6iuH`LvVw*x*l|T;C5H= zCvRVIoe9`X4iJ)>c=W|Mk(O|CTnGL{VV*{hZ9^Qwz|xi$6XkGuY7q?AC8&n?R6eYy zvl#$6M2?)OemfzB9uUh^%j(iIJVG%KJ{!Fxt?M+XOyWVYlSe>|+BPZ1blWp05uX&d z97?}>o47b6?!d`9BT%#mzuWnM0s>F>o>u#f)AuXthqg&)7}fg}>v-|BUujbikL-0Z zXLkU>v;|3(EZDP41S=;8*fvd;1deDetqpihi*AGxcmWBo61L}{#TP=n{U3K57xbV8 zzH74Hqp9WBvw9O9g4lWTxG1Du_)Ih?#yf(i_23p_I!X+|$|rKH+EPzED|_n6j5Mu)2pm;!&)s)NGC zB6y(deqY7F0$NC#ty|@G58VTYsIrk!g2R7!QULRcH|5lu)A7&%rLW6y!}uBQQWD`* z*LYf08WJrl1IJ%GA$(2@z1emdI#OXw5h^AlnU6p`$4Qt0y3^W=Q}1w05Qv&NDFbP4 zsI$s_dv8B!9LTrhqv@h$oSw}&%#C;60!a=vV2}FX6Vw0GtO2kq`FI5~rw!9*p*dba zsqHm09jRA2n6V58KVixrK%PaA7jtD2)KG@+u(+(Zsn+!fx!A~2(Z+&EZ$VpTtT0w7 z87uER#n{iP+}imDgdUr8B@aS3DAlz#=t;w>gBHnA(4!YxT$Oiq`woGTA|WPatFnpY zG}SKOXsxB{Z?yo!Lo}-KY$?Q~N;siMapqD?j~YlMxWozVbmfhLiohKExO|Bc=Z%ny z)1{sxIUYcw1bjwZ>zO;2x$!2B?dBS^Og}EcBdU_xNKvC?T*Fh7!>kiQzmbdPSE}SY zMH9&;HmV<(iZ!Mejl^{!f#=nhT*+gtqhL?i7QZ>i?> zpc14rR4ERY<9~##*Zrp)9}dg$xjk;CB{4{$AiHBmT~mp;X||4-M#sa;{5ecq&pTg@An#Ur+7X3enN?0LBQu z9ekum9%{OnGKjz8Bm>_>DaQ`R7v&|m@yNVSGKr%G_3i)Dr~&;urG+-nLG2QqN)Av} zYp!vGdK9HYCL(e)4 zP+_p;+Y_eek~9eDyaS>jarpFdMeVy1Rmar5_QCJENV#al)Rgwsk}n!@o!4|XI|X-iW=RcNDxK}v@U_%eAR*JaBw(fM=<(D;~zJ3`k=Iml^JIE}SKed=tU@0IUwJ6L9gRnrJ@zrdjuWdnS;9!r+N4fIVlCsG>3~t6pk^-7djs>we0e~n;bUNA61J{s%t3lpdr%1-rwLicmBoPhDg#muC6`4Ts_HpyElv}_oGJh{qD@Oqk*wa1PiZpR9HvxA6Gym ztT%urW&lrP(ky4Ho6^D|`{enIi-)%*niR;ZMk|#55ujCDs&k~Ti5b#J|#MP1K#4pLh z(Mgk#_TuNFqIjSQ3ODm%Z62_~TUG_pBH$v2^J{kt%AowRm;9C`(Q$?1?!gKx01%cD zjTjHCC6DY#FQ|xqjX0ipGN{V6qO}H}2Ft_g0?LdgAGT95D808X0Gqe~4I%`VXx%tC z^1ye1<%u=vXqZYdNwNR{+F*rY3B{v|`$_I=GDtfP1Q`tCrVv)UQn__9@btZxmxM*F z<4$~laL?;jLedjfJtjS31>o4C`6de)Y@D`fAHUkN;f~ ziBX05nC+l7(W{dKasH`-VIx+ttJ%G#k7B3JEc#orX z!#hL!_O3i99PbLnbu^g+v<$RO-!7R381CiCh1^qN`qSJ37c;FkA48Hwu28`09Uvre z#5Q%q`+*Yb8|+cT>7^rq)dk4X0{8Yd#<=UkxFKgQBkv*w>}FrBJsTM|O%Z=UVgo^1 zB*m0LiBh9DH{A)XCP(N5eE0EHv{NK_$#p5HENKmXCi*2ht!@Cz>{DiDLIz6vS>Bud zm94--h$v2K)){et4&o$w=vzW6{x@ekGyT~WeI@qfG-3Ee&L>Gh*l%(|E7jT~#=rN~uig}-E+A6Ci zZR5_283pbr(2xp4;<)#IjzL(-!lf>+<7aSCuIVTC(}J(XYoTeXy6*)UpMAsgsf1pi zhlAu=Je5=up4vx*p5I0LI+a7ARlc{+(rkv(eJ&0aG^Vf4zAyZ!&=RwxcGl03;Jl%K zd8Aoqb-!7d8P^e0S=)>vWiord-0FW4{TowGF@H*VQzNB)v1Cdr`TnHV>-Fflv10vw zl15*-2o_flD;jR}_N}U6SWe5cp4VH`FCm>{Hl-*egQ&qx5b3^Raxvk?I64~lh=PVy z{qBy8NAuTMIsy_N`*xRa9R>P`XbhvXW<8zuhw=^O5ZaJN8`if5>nYs6QcQHq#^rK~ za(38${B2E8U13}-r~k6nuhq+MuWmTs&2{el=S-;O(5>3X1{?v>I$J%B_UnR<+Sr;u zDrHDwFhwXl9U8e^&~_^ht_tVN;fhcKoF2~i44l@ zT8~60F(1OOL0sijki`US(gZ`9Fdx|DaUf-adz{vB+M=XTr!`x~T_Expkolbi!Bh08 ztnwqJ5R}o1%Yrw353K>#&HTA9HHSU6grylgBU}h?LGu^^ixYMx2HMOwE$4BBoO8_T zvDXcQDF~Oji&FTTIkfE~1!GKW_C6*awd!OncV_SqDZg(ur$>v?X^%3L3k4MQzy`3A zNM3G3d(h@vQ~d2fjvjW@l^HE2R_f}vAT|b@H7u`|z>I_Sp?d%jgU%y#j~@p8+PzwC z^*f^ye1!cmj49`P#G;#xp~1{fRG*EYgY}ii&Rb@~`y?H1iIQDE^$e{dE)xr5*Xa??`qxSf{{#b>^dk za$--jc~!qHFwPfjs~9i(0VAc_d(l)eT`-5xL%gt=2ho%lhenJgg~OOTIKtrQm2jU3 zt^IsEJrfrF&5Sb%gZvr$d$zvX*AyFQ_RTsKa>1+bcxhJ=dfz{CRZ7!GTXz0+u5r}5 z{NZps!HUsgZ|BH%?S$WM75)Uc+900V_7i>^zvb!G#i0`7`0zxO{_<$;#qJ#M-qIIq z7deFt{{3-28>-t|Tq11+W8G$tC^8gz4M+EaUgCKcq#0w?2DYwr7U!8MAB%sGSPf;=Q`g}BtgB~B9Y z{7JL;E?rC4v4`Tx?Al+`V^5*+sEB*R++8#iz_oEzqy$uO&{>0fPJ?GaO%S4sJp=YI z2^0bjr5p(iiVWWpLiUkddV@MyxlD|%*6~bzsusADnhf-BY_o)YjbbQ8ihCjMTn>Bd z?jpwf?9LQ4Uw_o@@5(M8->N1_FrEMImw;cP z+-WNTQO2#9RPnpBb?>nC&z9mNUQChp3 zxTLSXr}!$iUzHWk^6fD*#8#Acl*>5|SZy4<`*A-udev}gc$EM2=r+-mzjc&N(~gnC zZy|r{8JWNco_@jiyTykO^ym!62i{3z=g_sz#N5JTxxUL}wl-=AZ5|~-#i3wAjZJ@1 z_?)6GUzE}jp3%ZJ;&-H!AtR9Ays9}0Et+Vm^^8HRx*bKUu6=v@+ST{_ ztW^O%mE4e92CA$zO^z!u`LajmaKfPNckAF@A3C$_o6BoG9!1yA2leBw+rFjHrG6hk z$upVBmc@P9^eS4YB7>qMg#>e5W52l8*>iIu6k!?DVm_AOS5RhFv8(I_U0H0N87KA9 zXW`2}q0Nzocptv9Ft1mKHLmKdP96^h*$^Ld4H#Y|@Y;@QOvo-o*MEPMY8ZWIALFvY zFOwl)WAOY@^qmaV93~br#;-(!kgm@}17S2&lyj|`cl?tlPEQ$L_U-o1nxT0xZ3%3@ zZl{<$To#i_EscxAJAU$|o*Y|vCfI~ctEP&OHFb`#q>S!;9KC7y;qmpmphe7!%QCf7 zzFIp~G_2~&TR0~q)4DQ=v5WcXdUKx5OEr%@9Gmb@2ArB&`(%$oZ_t7|Qcc=hndM0{ zy|DN^^ba{HeT4RhT(t0epyd7y6!O;K*a!z%Eihiin>CLqFIbK#hPuQHa2m9|RgOvj z%-%uWN}J{{!c^)fX0aC0A4m5YKd&RwWuJP_)QW!q5!Mq!L-;d~zy9}mtSjvXt@1xe zkv-Zuc1ShwGZND>Vz~?SjG15DtW6OZrlQKGvJs@Up|bG~5~tXIfi!Yz`ZI+4^h>dG zyxHBh@YNhE7q4$)>_GZ)UOUky#p+y#IppXy^m!>fxB72+651y>SI4##)jjR@@#?3~ zOc8ut?z5ZQjM_gz<46tJ&r`1)=5rgOZnx+s=406e6zi|3c3WdyDnP5bUCs~t+EM%p zKFWEpX8)6Jyw4V_!HL@2^zL~4l+jsEX`IVAap(guk zLBB@P1b%NBlpzG2X1K_jNJe=w>@=(~Yyx#MAMUp$fExtKYTVNnT~RlI0`o3Wk`jW| z)s4*jw}(Gg(Xpxx=WbDB72|cbHgg1T_9lxzU|lm9zy+Bk?DvqX-HDH218SJu{>gix zW1TJi`1X$LhK@R0bqzy*N(g+j>_P2jk!TuY&?eD?vFoVy@(!9M-(#haM@QfHfN(c| zr7R;?D$x#3f68MH8$VJ9BiGaObb5&CYO?X~dVy|alv-0%RLs{nI$bKE>6IVM>gqrG zW)g3UQU3*-k-O5M%IAp1cdtE#yzc^i zMpk*oMy%$=>>VU`X7cmQmbuL}kfPRxwGyzSR+hhKx?qW=a;x`6zF)<2v z(LxN$A7vgrGkinuWd-S6Sc+c6%vT}=9xBP-a3$XZNo|^!~+tb9Gkq=DktXht^Tg zTYW-dK(rfh@C4wSKvv=(0t5hJG>xD6#8)u^vcMw#y31hfE2jBEj|K%2_kr3Da;TX8 zx>C+fvsPyCvu0xf_eSd=-pp$9cvIUnu}dEM!Y)?}pD(wXEE+`zJZPn6G&okPstNfn z-yRmdPF_?6Uof^l1qmxdWO6w1L{0_r+U}}9YG(No0WZ{IOjToG9o7sOoD23wSjttY zv*n}JBOqUFcGh_>q0!~DFseI{)(gKfK#w)txcd4fr@V0J=t-n%Yl*+(?zF39uL{<% z<%^Y`z#o%noIz&M&N0W{_j~+ZY*dXiV(oUfSS&_$aQ1AgHiL3BMdm(lAf4o17AqU@ zKiZsJwNMoUBa>sM-}#+wSSKBWI?PAtQ=08uvnrV!-*6LHs{wB6Tv_13DG zU{SVK2s;AN0oQ!F*2EMbeNIPh-_ z44OR9wd|Cn=ISe+kEEe*Up#_fa))C}asmuQui zxRh*hx31Wl^X7j8Sr(HvAh)@>lk#kp(mIVaZr%<9tVt}!*RA632KEv5z#WiY8agQQa-M@&8GW|A7enng<@Oj~q@b)#ObX-lbM zHl>E0x+f6lJ7xT(4NLnPVF8cy4jgg8B;B+gSVkS>J<9*26BOQY-zRE4W$p8ML+8>F zNSVHXDW1iIrHASu{=sS?Jpm^pMn;CPmp`C;ym6#8P9wW7>ihOjnw(6-W{IMZ`eu%F z_$%+5mh_8nysTX9Ik`409mlMT8Xxu4V-SBmtTO3!thGbK*yi7htM8@RL6LaP@T!5> zJ5StgEXC_{v6W*G+|l=fm#o~pnYH9esHfh>;ybhbwtFYd9Sq)gtZSEU(uo14KZWhL zV>~tM$m>nBIrLjnFMTvonN+h9ezW-}6O}fm3gPc;cd;P>L8q@mRejU(?QY#}Gj$e? zI}6@ldB?ZbX}Q?-tJPfgkV!98X|5C(wG~6gUUOJvN&^pq5TEzIzJ(t?yq95Beq!>O zhZ=YD)7Y8Zn{aVMFW-vU+x;##qD=G!)^PO2GPQaI1VmP05gKoZlR~eQD<-2d``%vG?ZkXN90L@+e4_p>GE!e7X2hKxCO$ZpmE2(QkRjVHf#VDCv?38|Em8#nt8*KzdP#^M2h`u!UOZUUoOWqGk zALJBv<4x_Ry!@93@LAatCIXtS!kmuuX3#2;ZAh6ckx^{?6~0`R(veCIfDJY8aWX%L znWfw9+Wa8Z@N48&L^Ldd0`|BwLvbzlG875JiI0c~2-0g&!wQq@Y@2hVem2B_uIWTy z7pd|niVA>FPAjY}cfQ6Z7MbsNf?_|HfOO(n^vo+%GEj)saksmvla=FGTz40@Y;UfGAQD(<<}R=VM`F^P#|ns3FD%mjAS!tv$|;roJTu>W3=Y+zZT#(% z2)`xBV#E{bLrjO;>G^x*8OF+Ap7MDX>%x0>b3u3ScT=}sVq$TPPua~*^x`?3mW>cp zlP8s7{DgC%NteE(I<}W3i4NADm0F zGP)94E<%=6o%do?)Lke<%Ng;2l6XwE-T7TE{W@whD}qpNeV*8LfJ+Z;E>F6{MBpl^ zbn2leSJM+3aO{mW78aAv8|LP7AN&5X%_FHIQk``(Uy>d7kTj}kDxd^_0`{ylxYT*p z57$IRCF+<|npq#yqho1zmwg_cB!7TmM4QlurMcV114oU(tnD*A1Vrq zMo}iMN4X(hf|n@*Ma3?!f|9@1*!5vM z(PaU>eOYjjyt+wOB_Z($jx!ycu6+jz+YA={iEnSOTsuBI2R;%oQx)LrzzFPv>d4$b zd!3G-K9qgf^==CT0AY9^RPQGMZ;GP07SLf!02=&CHLo%W&`xzPc16J=GgSLl`8fub zeP_QM>{ymo4q=h3b$QMWL%_aQcc$pz_EU~}huiNyV$wJhlEbm`){JsFU2o|c7;0gg z+sH;7e)~edVV_CE@-CZ$j$tI358nup3)|b zAAe90P02HcB@q0o#Jgc23FWa@>NltBzuI@PC1%mpvCe>a9GjU4j#`2=v`#)Q(Zo;x zwl!3h2M74l*-x7t_pv<4eIy*3`!gWD*6mtSKME8r%m-v}LUCs)6y2iZG$()672%p% z9XHI!BcbT5nR9ZP=m@Wzbx%jU&}E*@jxaC9pZw6Q8(jqwLYYy=bJnRhVRWgo>tT)z zTxABeFYk1&eYHrQj&xZ1Cwm;O6qDZMv+?tZIT{d=7DQ1nKPPX?pRI4F5k?IXYGTGI zlaQ`{segULEPV2yMOwFPz|+>b%IC+r7*8AFmToule4FdsfCa=G%%L?fjYPADe*C5w z->0GMFleg+eW)~5fDBRP*uIW*()XW|VdOg59Myy3Aa}906{*}gsbsisj%YGY#tiNY zxuanXlItWW=5>E&8;866iOn#~)R zGD(M3h5;oMzD(sb;wWr1bOM+S5G?wR8K0W-UG-?2NJ?uL2=)#AekvC@9~KH%Wiu?L zaRC*xdr^MtM)I=Fg^B}x5?*e4-WylBQQY{W5oHrgO!AN5bRpf=d6dP+ zU8VpL6SiZiH;=bt?i_#>&~6mNlt#zBlwQMjScT?jsO`33`UhnLbgX-$=0~s=1+KjB z_JJ_KKP=)w5C^H&J&}yYu<|j0h$iQ^jMftd*9g zR_W@MJw0ai>?V<(dDx$PT_?`HJ$vQ&p3iMU0{b`#ajz1hpS{1`_h#U6ukf>c?e2Zw zyq>OOs3Y`{>&=Iw)Uui6N*i~oD(uiR2W4(^nfwn*JIFEk4+;7T6+VdK^Sv2OBW9nW zt+o2Kg!7P81T$*(T2~x5tzn12N&FSEpNK?dP3!Bqil8mufvI0Z#Je$YIGN&J3QR92 zb{Z#r@nf^xEnX^7GKFMudi#r~E_6`ZgcxGkEi^1{SOzdcAbs7P3(l{<(;Ae1%Xpmb z@3{W7Kfmems>#;bUAl7!6naiA(b%^7(5sGFRE7Z$4jx==NI&Vg4j#S=LcwNsDZ;CB zuzlR0DB6&O-@N{V>Rv~)>ekHb>WB&e43dF8+Z*K{GC3^DKI$qK{LF9gLK ze8 zO%p~Wis~kUo@?*XG+E~wP6o|IeD5%@Nrea1@%iq1ZvDSf&3wAe?;Envx$Cg%40b{s~I*tLFofa8X}+bdpfRvPzSqp zW=&}#UEKg-e-~_Dt)G%JJS3LrSOc;YkwL@x-n7mLi2KanUKTw%6tjOk^N{OVYD4O* zJC)Tq7UzP5=haUZpwHXzTgsrxCFsfT3R_<4F@jx+ivsx7=imFCS-1{7=L^KF4v(H6 z{lHz+qwBw7yzfTYa^<{|3KT_INBm|a4%+2`^J$k!^rj*p?O6d(i30nL9r*9QA} zCDSfagSi^-d_kv`@EUf0M>2+CdN_!bWtybP$PC;DHIgK)?gLU0Pde8vZoQ0F19mN* zJAY{V0nb{=r`NUmxopku}^SR!RRcEpQiMny|-eO$R-;|M;2=PWs-`LGkCAR_-VeQ_jH#4g(- z(s+<nT7vYk_{v+~SyF53ZHM%rWYnYK{@&QESuQ<6>eE0}GhGes80 zdUdvWdNGS-nZgw$r#do3WRZc*2RPU&J0+ouqKnPf;dnfP{7-}Qh>G{)Sgbwm4z~O5 zREwveioEX2!u7b~OMV{f5iV(8JSlMlce|{14u-}HJRi5X-&d=NqBZB4>_b*H>uk-{ zv|I9O+{N`EQrne&>zVYLHBWg)`Td`fPDJbR7pt5N$g*)M=;&Jq5#u!Z##qo1^nF|U z(pi5gzV^il9%rBbXBPO?x64oNR5R7`Kkh~wC_5PhK4Cm69S)rQ{48Y4Zh{JK)-ufe zsiyjh{TsxzTIj*aC1$@)8Hc-U!=8!bctbAF@1XsT+2|IsXhkEQ#*u+s8CeUzAA`6l zzt^j5HxWuaew3Tjlm9HNf3wyd7Q1q}JL(Wh};$_eb+bN#1dI#ey+CC;zIL@ znBO^jzSCr_MlG3;Gy-*by*n~M=PC2(p149PEzY5sQM(?+XzZEzkCyutA(hPPs0yQw zyqK{0uxQF@NSC!)(e$;m%65y@MAztv_oZ2#v6HiQlZ*6dEPou2<(rxrO-c8fGv4Qk?SyR9pM*|lrK8T8uVhtv8F)!Yv{`jcLlj}QywozIaQ7b`fp2v&6 ziaS*%Bq|EDChy=l`x~t%A^-rLIpRS78fd)ZbG$E5$xs5|y*zI7Uc5-_o7=TP3c4qb zrZICPpA-pZYb|4ozS9(I6c)TAU{VL$)rmH>Jh{=Y@$^=}ar9)V6Y-;nd&M+MoT%qp z>z_^BuA4tX0AWMA_VwTcZbCs6q&}6UJD~hu-eA5b*&=T}nv47#*n}G3Z%tRzS7&!V zMM9NKacvTv8hf;t;{No&V6M@j@^i2`E*&h2r2iR3a7ZqXpd2Y2teA1j^uYvD@4$Qh zuETdqhsSC6F}x(<(dJc3V`bnl)(t4h)=Q@xLJU0{u`q?Dp8v#wc(%Mq+LM@vJk ze{4BnjxYODHG=l*xkkjRckD5dB;A)U+r01NA8ZH_^+XczjF=vL_WQkM=XLNk3mE)K z7OOMx>zUxz!Q(PR5k^Clr+O}CEE1d7KZX?(k#bNQ%Ucm&Us?99}T0Y*s=4%*Nw(@4W`r>*%`0c>(!1{Q%otCEM>q0kEXmz@by=V-|6Uch1`D2AGE$B!grz{hbX7<2_nMF33QKLt9BM?DjgswDSW$V2O|!@M4F36!YIU?w^P-j}Iv%iSVY_ zv|PxMQ=73wM|#9{U>^iLCf;4zxN|zvS`bs!DK;>!k}9YT@v3wI$Gx5yL}GeidRWjR z-Qs;-;W+li&hPR_mWZ>?_f4#)JaV5|s*rO*3)@rg&wjU8U1I70Wn4eAl8PJ!tiH&8 z@BeI0h#=+_dk>C46(E`j zhlGO5hZTy90KTZoqa{{|DFB6bHTtwLaBo~BUa3%>&NEfM8I8eA6jyv!633aOG0QRI zDs=07C;k{9726pls+4Z*3+5HTWEKK3 z{K#nxb(1AsOkgOc0}6;-z^PILWVg+c9BJ#j?@OPr|^d^)%uhcQ-i$dz&9kSBtg4eXM2E8nHvBu8nUIPot zz~Yk#vt7lCF#3W4-UgvN03I{S&?D|2=yDD(3$A zYM=tuLO?{V`7MxfPo3K&-@hYzt`I~*lS`+JgTXOGNct)56Y%{U0i;O7Au1{lPIzym zP^+;5HQ?R-b^LdHx-X!#Z2+S+VyWDh;c*DvfTbtvgYt4n4YIsBR!GRE%|7}Q*k?XQ zapy2@7qy$Ng0N~9NrK;gu%Zx-M;9E2$6+8SM0q&anIRO4SO}mkES!14Bz+hEY3cdr zZU6NbaPve6h^^M~k@3S*^?6k}(!v(hVH~2_D~8F%c0w8^OL7F-Y0o$pe6mq-sb7G# zV#3c64nYs$3=K=2bm?k#8p~(MJ|b5xn)PTVNj-^G%is~0qrab@UoIyxj`c)I&r69< zz#RsEKl9CxPv{_X%0{17`QQ8D)9UF<^}bqa!h=`Zc|iOyPBapPMaC|`d|4u9d;hgb z`d_ap1dbt4$FrT6{a_!IuSgiAqEfn_D1^j}c`u~Tk&UWqtT9F2Y<2OYTg5g0OAvcb zI0-5dJ|e^>!|X|x-4|*Igk(XeiYF2i$T_RRu5-KB`Z!&J zBpZVlx)nS9%LS5ixY1#?SrKVQmqcP7FA1dt69=V20xa`jT$A3E0P5ojz&4KoPM;Nk z8$Waat+w$R3uUJrRuaXZ7rK9xte%kaAM0^P4Kex#trqC|`Hy1VCW{^gm zN+Xj?Cg=j>iuUO!#yUyPS-I%(t@4Ru7o>_`=x&i3erTGWQRR}%>obUo_F)t+7=^|9vcXyynV6@k=Pm$TRV3U{1B;Q-$FlCnZ(8**bJkC5 z+1yEtOSo?v>($<46G5Ik z5QHTb{{Ks20c$hv?C@}`VA1ZN>>!IuUARg{Uue)&(bdwaX1$~E$GPSxjoG`SQ;7&Y zQ%cYfjRpi7X?%KN_W>0$2J%0}lL(rmNflx;Tf|cnM`W!!^#8CX(Jmsa z7aOznRxSzSlhanBAsyF_kZ(%=nSmmpHs%vBA-I44HIAOc4I2|jc(B-U1X!yk070gl zkeYvA>%hM(D1hwP4FF!n0Hm&2D1-8GvLaDq)K=6dqXhd#xk>ip{HTx!DJ+ezPEi&D z_sp?yeEM`@BVH8Pje6mMsfX(NJPVJMm&+0DKi+!+?A`&7G81?iDyTgS$qW0g?T|IE)QR4IZO@mWn5n@2_h1xFCb7b9%xZF5Y?(sSbxBw$jUO8r`OIj9y>o)V%5p=nNKS`*zYL+{63k-JgMG}u zT?gz46@;W~10STL$@y~2idTNzIn|5Wtb80z-2eR1Ewk;h0ey8O!=Lux0rH=!| z9Z6tvh|5O&ayedm{Bb6ScY-~6;rDTMW6+?y{Rj=>q}n*M+QwZFDj~O-jCY!(C+wyU z6#h&*%)fu<354!}4?N)e79=vL5DJTZh7Uof`tjSjrZA|@j`+t13f1r+bwKj($t+>U zgpD8dbJ#Mm2KoDCLeFFg9VQ-uq-t-#&l7!L+w^_?l?|%zI#sqBTkH!kHk%+DG-yi; z{kc_)KetNo_qPfVM_^yi43sI%I5cJxKY8UpY4I_FxK`~!wMzJ0f|whCHyn@z&^6I= zq=Gf!+9F_e#vte))D}{AOJ>35(2_d1VS@;PgI+o=q#-oM|5a-J^vwpsRChh3>Ly`mQw`z}CJ1hfU}tS49-PoraC zZv>qO6Syg@NzosV^jW|XA#9xf_XS-?YtlC{2>{Mm*WEe+c~TGnB-IK$!SE4otuvGbPpd4hy~5|1(13 z_4%wG+P)+CLjda#*pYkMy_2R(1*$N-)>v$y0AN z7Ha>qiEiy>sfU-f79E>~67}4&r}5|e^hcEvieL|oZ`Tt|5!M@;eCcH(an zw0Aq6rr{XtM8aBGC^(b~pdY1m4614{iP}|QpGF+|_n-Ed>npkupn%Mnav6PjeR1?V za-d+xYDGO+(}~5dYa@|4nMPIzDU2&e`o}t_@n%n2tjqr5l*{QIkFe`}7LKt`(d23n zaQ%&>dH_>X>F;}IgYI*20HK!fd&X(p&QSi?aE?vSJy8;L$XL8iHV7r!j}4QAg!#vD zVPh_}x>l!$N17h`02{Xa{oCci46lk$%0O+DXw+a!R&Lmu3>wX>wRU$L>YvcG%5>vF zJ3^(}Tx8Gs+gePJQzvLdi~+fr4PfQ#vNg`q;(P7JRj_=kflI_ncnj!zz*m@`^+h%u z*j-@c2Bmx?0z(uU^tVIg@e!JxaR95Ez&`g2<}@h2^1%jX1kg%@_4C2MVW!BVKVZm) zaiqbz!vdfTzt-0a?GXAn9v+-*YJ3#)<_9x9d?-u8VH}h5MXlj9BM}X~Co24c=Mj*D zt-k)^@`e4$c)5Ox^<yw*=)|vbFg~gK)`lx6p+(4Knew-NF1|OridWVKgWveX#@Kz zwXuTdVwOS(8o+3azI=Q)Y<~{+R z`2q;06oJOZ0zXmI6b=ID{S*Kln;#$v^w>YF_$c6D1lXUcjybR7HJGvkWYi8r^f;b}^BoWiNU3fG|wa>6}A{S}e5~GuXVi)dl9ZO9q65g5?lB z#X>X-WaCKhPLj2?NM~44s^$CKq{;0te@JHZzp7IYVu;e|d+&6pqXIrz+&>0FQWfEw zIRgmdLU@-A3WOk>kaf2^Txw`IXXG}<1Lo_7mM9}M!icS7sx!&QCqsO(C*BXsvCM(yccUc+g zU+#O-@XdE%$pH?*NMUKS6xHQqYY_?Zf7pBLu&SbUeN>T@?gfIBbS*#$DFH#cMVbXj zw2r=WO&GsGto?VL{iUk;Q6a$busx+=#Q(Rv#B1;*R2-iW5r(XBk0;HM3 z4tsAN^#2BzbxsT6@2D*(Qom>YBVqm#4;S@L-*fS$dGmGaTwHwj&%IkBeZ1k6=vXa% zn}HY-U>Hpx?#szM#nddL_E3DZHznFtg`4-8-&xjB^q}u~0*HvX&h;=C{Z}Kf^e`!S zMII(_mlyvGaNR=IeF_9V44$R+C)g=vxaHeY)Vua$9xUr^KO^g5WB?+30_TJ0Ygbt! zj{iDf@_c zT}m5wMCO2`-E|z@f6X3|DuE7!|ARgH_=F+cD!%5!-(d{({0MM_E>&j~I1AGl(EwgO)hi6#nx5UVOq=*uDS_RRPnyo-R>P2&v`Dmu#RHPa;;)o3E>e zhvaWnllA;>82BR@tfG$ zFdT>D>NI}XvPg`bA@_XCh zMZoRuSsn^JbV0|$SvV}{V%Mqu2*!Q6s;GhK;l7tPg z{q`e1F9^X(Mphlo_kgN>UE_%bft?J1-ZMe^JM=XG)6-NxAy@=?@mqx4_4V~XVtWz) zC#B$c?X_g^jQ<3@%+n$QGGvloL;wYV=0`w!^le0fP;q@*XgoyJ1OQI(`sUh`4gDfq z@+egr*c|iqADP3TY=r+oY;FK~ZWi&d?*AK!dAb6|IH(O|Niu^B;r0HaWO@Q2Lnfy$ zq96cHHD!_thx`Km#S@J%+&u_v$Nv9jI|yUzop%+1+GGRMk0@bz8Yw2cy+%eL1*9Ch z)RC>qU^3Vh8WGkr1R|X+@sASjZ}b0utFWo`P-JA}AK>h5gaO2fK#QGG$^aD3N`TW% zg3t+pAMH@xa{DEN1Tf&N?;jX3_X~mAi3mJXN+$xb9Xr_ke?sl-@xexOAcdL!t#%{< zc`xNnm+*I1hrtXD0f_j}cAB4D(1{Hw*{4jU6#&!^0D};~de6zi9~r5S8tQ%Rv45EH z*KU|S4B_2+0OUjw*2jV4+cNQV;QrsR!vz)GD$Nir9O;kfR{(Y1V{@-@d?-c?sr-sW z#VGUst?gXXc3);TCnH`Bfcney8eI0*7g~c9&G8j{e0<^M#vM#xBuxyx9LZzXg9l~n zPkS6SwkeV{`6ciy7QrOLeXnq7P?kUy1_5Id|_AUmGz4ud?W;5TIRYkqIr!h1xlfAxk zCAc_QxnIHT_|1SxX~23>$l>dQO6Q+6I(6j*JppoS1^PotB;A2Hlt~2Nl%ypw<1?h* zB&#Ms4cX$}w4;z1UaPf{D2iSYi4z;~i@F9PTgG=Br)DN_85OMY-@5$_SS$OO44b35 zW_P8W!}zKK`(o5b`4&GJcwO2*n0Y*)9w)Z(qA_ z-vN-o_IBQaddd(O4(YW{R8Q*lWbqLhfE@81NWo-2Nsn+KxU_p`hi2t{cr5Bni^dO5 z5XQ`FRZ3VK2L0+w$Vq3v_{*VCwWwi4{Po9`qWDmnNJ`#l zmbfBohngjZsN8)uDV+vew@jI<)!}SMs-Z3F^k$Ev_g>#W^yPb9Xr$&VgyFotT7AT# zQu1!#5ebAlxBux`=o;Qx9|=S;RX{A(GLC0+Xiz3Foo8^cwunjfV`p3_zi>KA{PB!- zm{Za760ufPh_x9Dlw!g$)TkqL>DToDY>ysjnsBxE;W@U6oXwPx!%|#Cz9VNVZLx5+ zp!+7pl}c_>{(J5>cPA^I{rPP*@=&%X%3n|@B?^Xw#&TFHRWSXOLVDCSmJ1qJbym$d z(iBm`NbHSwBc0#a&(T;a_fo&g=|ANuo~Z8Hkz$|eaN>KJ`8CDD(Zb~>deQPK_bA`p z8(FK;r_0i*KeEwc>BM&QMVC%$(o%lUi@SMBH zYn^eh(ydneYQ-Eh1I+T>4j<3PD0_x>ZRc?vwCsh5S^KB+pP^$(@!Kz&AfHB@c3elb zZ9 z)4&mcrSsQ%#FLYF%{fSJs$3%}s05sX3&(Cae9C-O8l+{q5{3ELb*d8TPPW;S)*OcO zRl^EzRKl`OB{NZbt->x{9F~T{LmVl|{8aSRe0@={5@(y-<@(b^WAhg4wX#JEbb|Dy zTuX!o?qW3*nV!PAES>4QNpm?3nu8BV!uXUc^9Mj_`JZ%00VOavnpXSM_-TLOFS830 zl2V;In1vw;l0UssT0BUwI|n_t*sR20_Bb-d;IOAfXrXfZdACsC#z= za9CIw{1Co_qVzfU%GehU6Xh8$O9j?@N~<>O0q8_kuF6(G$8v&;t3=W6?G4;Hig39< z9#$BIZ$1m|3TDFOq<^^k$*J`L#+e-MA}2QR6}BO z%ovXk9`2ZOiCe@8rXe zOL>tYrajvk^Dg)&yK{ts&~Xjs_j&5)N;3Gg5KbacT29n&<_Z=tBpQ>`<_cO;*c%rJ zz`hqp`!;Ihv`@pI7{u=D3pvZ2olz#K<|yRUxi4KNkJ%0$n)NfksT(F@uXD}(b#;OJ zdiPk*?Q|ZWUM5cSEdHsD#4)?qHS-F8NV<2X1b)S1$3-m32$ERUT$zI9pbza4O|G-f zwllBHo!lU)cR1ykU$HGU1j@;HPQyJk*#OwC#%cDdKscKD>~A zv_Zu8ynL~3kk{h%*e-nyS4=o;-%;eRoi>fkN=DM+sIr-f1LST3C zOs?&C$-VcNK02^aEB9lr4*5>{PrlcG*=4f5tcekl~+x_&KB(Xl@bgyT_s`ZPyz=DOPaeA#>MC*S+|2_6ugZR7lo&Mv44p>LvI zyPPo7*EmvC36l^!b^-$sHl1z96eecg#Z>Q37M?cSQg`ih+}3{(R}#X{Q%tMMrlPz4 zN&8DmU^qoaH7T8&d=j@)po^S=slEoutEtzPVq-Cq4mOLtg{*cvhe-AEE7wdp-&i#t z+Yuj84JOxkT??UXz-jz%thF?}b|+pbhij$joCDiE-@egPi|u!Zv*cuF)BykC;}E_J zty}XBlaEQaOYpZ{Hq}d&FyniNOba^b(4ulYYBBR^(K)-)MbA^oFmKJAI}uc?uri}L zEVX6dPd!(z$H6>&k4{{^QEzC5&9(;YHfLyxrC~gW7%A^ zW*iieZLwq)e3(Tarui%TW)ZagrHZ68b%gyWeq8-g#lIt1(xq>?;kzTlpqUANgX@gw zh)2_?nKY--%?bCu(OxCSki}yDcWyb4L&d1+Ge?zDUtuP%ucx$jT{RYkxK~aylPp}A zibWh5HMhnV_zJ_~IT*SQ(W0uH^O`EJc6UV?1w?HdYTEqdzIf@qUGH{Hak8F}VZT?& zn{s*cp`)iH_jr4f^HrRku59zmZnj9*%tpI-FVV{Mhpwtg+;;CZGe&s7ZND}j_#P~i zDpl3yw^KW`COH7teGtp8uE=KXXjr}Q3xkIkf1w)mhE2Nn-Y zOptZbM({qe8j6{GW0QSXCT_>rhSGKGW<33_DKo9&&}B-X&P+$t{chUf=M!At zOWvJ|t_x@pK(=bpYAH#&-I%?-x28XbDUGz9sFSYj=6xpa&UZbYrs}IKD(;D*6j7}5 zE@l0uQ)n$ia}8y*SzN1slNYyWMsQ=z9bZi~DI4;Ef!p~z>tUIH3v2IcjF=S)>fQAB zpzDFGB*Y@TS zlTx2Y44cKPH)7+J{x*VNg1<~C99FG0l(Fk^S{%Bz9Oo}Grq5Y==QR|hi9BQ3UZINY zh)NM(=~gE?)Ase9ispzoSYdv0L&42vp1@nSW+w?dz1cw;vYK>6xJ+RYQ{RQCxuOZ7 z_$?IftNB;KQw7h9aoF{n-r;&nZxJvxb1RYgi?Ko*Ud#@2YBMxz&3?{A;fYuEZ3tN2 zz@4i`$C{M9@H@L37T|0f91v^Z&3P=5JQ<#gee-dL(mjOD9R*dcLDM5&H?vU7*Ko12 z{Gn-9OHic~MQ+E<7QfW1j@~^ke~U@$rFOxg0}qhVQ4r7d`orh%Pr1E^!?_@jtG2}N zjan0ZSVL*YsA$5BS_!-2n3Y`%%Vvnmcopl#gBe1qdHAx^?l`Gux!r3B#l+QS;=DbE z{uznGW0OydqjqgiT{nVupUMyn982i5?QX-ny1MG4c0ZnCEQSm{j{P~Lva;^xc=^G3P@x;k>o(zOWfq5 zq__SwuR^MuQwBpZRy~&Mj8J$ItC0$52tXb;wA8dcUf(<@HAaLZ+(EYB?`wcR4xpNn`IYJ6Rq!oIyZntkYj! zZiNzSM7+dlP3U(+XG`!>nlnq%T1_q`B(ag%gN-s zSeH_w%`#2LU8WlUm<8Z+hLj!PNJ4gPJ(%RQH7j*-J(2xBk=vHxN;`|qX12~(+sT~a zKcSq9}>Z4%nSUK)kz{b9N)O^{BPMLMHKpIlGzupfKO@8O2^Q@U3&dgp9Q zI+7GA?BBb%G!@EI?LunwxJaAh<-E4yS||*1M(KPo7s;!K&arRhK;u_dpNT<-E&8ms zZ=IQLIZ5UDk8njkfa4@+GBr@L$^{etY{#B<>? zJP~aK%uw@=)|Go#6Vh9=2|PAwlZp$A0p{ml3rwf%#v6PgOPeNE5tCnDz~=RscITS& zn#b%GED8%Oi$&Y+ZA|VT_JtPTSd*BTDkjl8rFGsFMtw~f*2x%|2Ax!)b*|eh3DCf9 z-aWpk^04Sic|^EBbugHN^93B=~ zKVazVyGvEw3jA`!)AXynWAu2QVdEW9c(@>Cm@qZATQtdO~w*9SV7O+;Pw^ z$~D_h_%T(st_NNaAfp$$gh4@v`6xc86!1q%(u!yj9OwbEl^NN zX!}5)3kj+1T&<*J7i3z@zP5IV1S8rns%jBF-_%-QI`a5yz~Dl5&?)!xlGC7Zffl>e zU#izjdK_hIy|L*e{aQ3#=2I{g`=O&Bf1H3^4>c;s&EcSJsp3Tco!>otZHpr+ldJCvLWN8rDHYmR5;;Hd1^My z^!YMuAkQi&%?T50IxYu-HT?{RbSF%C>UxrW5o)jVX!C^%3Y%$ncvVTFX61OTMKgL~ z?+P0B?z0Ngo_UFAYN#|p%MvK=xNli2!k}Y3oD2uz9E>l3u`u&>rs@o6t?f1=tXI@- zcDwV&cI5f5e$0-g+$j8xRS|iVz$3vi0#5mZ-P+4U%tE_9KAV}hny~pcju;oQ{K{Y7RkdVdNC7Vi&o;-Zzt|RHtY~kXXBBdJLrTMTBS_4|yq?%cg0_8triALnVw`P3d?V6`WSzoNe2w;AQx@U!PS<(L#s0d#67PQn(w2UUyecTszu)S<9w zR{B5~N#_#?9%G zQ?H-wo>qsAds=rm$G;@^eLEA|YhdBRe47iR&a(tZ!_XvzEWcjsO=fg@s7XM++LtN^ zPT`1eZ#=k%Bmw#=uP?e^>RUX;np^_V?vJqt2+hC+3C;ETtN^lNy0DBp?v}>&HvTmj z%y>R_(7R~kUJQRHEQh0AyUwYSV$A!oCq}clFk%C4cXAksqIl(wlUw)bUhtB0*VKMP zyFLFV^2V4E~@7|Jvy>ivFW8LrwUF^wX}qocY|VPaD$GiX!TR# z1<9A+0IpmI8boOF$Nl)Bz5<0cjV=yxf9l>H8V+V(Z`>Whr(1T{Unej(v+AtVQBa+t z9vE|$MI5JHHr*K<4rIf5*%^~I$k_KF8IOyMmiczA$$LAOLxK99vy2+L_uGfGH|5r_8(+)LyGKElHg_%}zvA8^wnagaH6hSi{4P|_BU+;mwW`FdkaulY_ zw=BPd7Te14)HwN`e2;-p%Pq8RB>wn;P+rj3?sA`E%%8AdK<=0g$e-qq=#rd|ki}rQ z{q+u6cE-SDyW0jy*B}n+{V4Vm*eY9MxV0^Lncju74AY7viu+C!0FcQru*9m08hfgc z{5L$CEoMyd!C>8&{jm`MMC%L!r41N7D2kv=6828*%Y%ofUpYXlJ04`&Gtv&hpqv+q z6SKfTl2FbUD96!#Ab`)1bbyYuHFWbM+S|N!&O0PPPk`wRwN3*D#U4y%YXm2@j|sTW z3jz2>Po0kd5|h#V#_C}P;&`By$(4=K?c~p4R88y{SeM^KIW?_52%-cI1#uME)f_^$ zQp21K^*I{4Ys*-vb)2C>E-vW@@tw>?gZo!zA#?CAe89Z2WpuXH^SLx=zYvpKEg=$A zjQgZ1EgUP!r?{nI-r80CIq6it(pu!`{#AKf0d5yKi;9KQVK?>nlc&FN6ci86ADOVMDoL?^mT3EPZ{A z3Ci%`A*964lrxF~gDWKUd%c;u7^U+2&tMlG4FaWtUt0{Evt4w_YOSk2c zS{WRV&r6pjrYg9>`pErYI^@@Si!u4f%Lw>)-HSiqvtsB^AY$6LWxG}HKAX-E@Lfpy z48PG?ILH#c=66~_KRfdzl`he*lU*Sa6U&uY!-cfZ%#Rb)9<02NCw5qej+9O+r^xw= zv7YCn^ioKFQ2;T!Jn6SuOq);mPD`z{{`9_L-Mu|~Pf6zd_lc58zwck|@;DW@3-a{j zbVOZl*NO5&Yc+^43iY;4N{At!S370p#yC~;T1!e#&lWy5n$bY>gYD=2k+<+6%fEUt zut7zQ_;!{FncYPo96<0>J6d)SPGnTiVjzMB*W)c2Jl?OVUL$$i%{>i^>m$YfsPG}u z?Z$iH$<$){b`oCvQk$)>seFpnGVOPK-%N*Yw@Sx;rvcu2AxrgUW|Iqgv>9)EC5NdW z(#tvokhp#W34sc4@1l2@^=dHa8@`vj2pb2A8%f-&vUHmJ9UAS#%9}BPjFj^+RCSDw~kUYLX97K#%F z!%&3ISiz|s$_g_$WB%zLKhUuIf`TkiX;LYn$+1#>wd03#q;E`M&*d;HD3lZKU^)(R z93Sdjp?EQWZ2B(xvWI$eATyrHtd8f&%OnqeIap2p7Tb?H?8PQm=Q|fmr3O{e%c zNUdKd!bT)L(~#i&CUGfc<*T(Otq#tNM*$Ig1vI4 z?mbO^%)vtPGO^Wys0N>dy3wjTHT8ZIQx;=1IIq{)g zoF^UmISeBFQs{Z%UQmi`#@sQg>nI2a9d21ChE*V=rfCMI6g>Z;Dsdi>LGBH)F5LFt zt~2Wv%ML(ckAWkjaui{s&*s~zZH`o>)54~6zc#NvPu2$8Mck<)or0*luCT;NMzp|N z%IYh3Y5YRFFCvX)QiMIU*r>~?RSQgAAG=>y=Gy@uk9y5(;{CFpIh2wW$HHG|iWXYd z{lF>p!3QkqUaxV1bYttzmn==49v&AAzX3ff0O+waYdrU-w<3L|#ReOAg5VD6dM{@T zghC(d@aA|~pqP*>Nmylui}zGZ1wA9nu!ZCRwEK0hjwYO(HZT0(rkEt{(2`*|HD3E zrJzFPv?f%u*^SOq%}CXrMXMTlrok($@Jd6%W~r3YirL1^-@LCR+44sJMdNBDCDwEz zFKR2W3`HDur%AOgIFmEXxwa*hCFLLC84+mkW4#7jUzWlYK~H_+cLWTI`RJmx6a&Zdc|vPBQ3cDu+E|#Yr15EFYgff|a8>$~9pIr-{qUF>V8D{{BPOJ@50u%|Ltw5pxx_{Z9VVCs7?zvc+!zCwCj7Z3L7@O{k3@{XF}t` zM=A8`$@Y^v`d7n}gNTIQ>BvnA=}t3#zg;91e@#@~$v(6Imm@C}6I4y(e&p4Vn{sQ}`6#h_+*1G{Ehc!Ek}S zlJ~`e*CYzVD&wz2Q(VyQ^al~vn=L-+8z3Ijq{!FVQC_fezZQ{}Az;iY8skta2$d9& z`*_y`0C}~TKO$#zo^yq90=7NB`5|0ig1K?=J#(l5QT7EBFjs)i$E4#M9(bEM{gRES z%iw7neRO|N1G=x+d-VHrpt@dU{^?%?za$?Q%XG?m)&ba;N^G(U??(VO@HF!7j3uRU3Gt{t+F$l zTBMb^CtahPGZ#GfQq+4D3Hzt0xZd=t$auS2@H?6q>c%(fe3B{sb~B)QZxA5}cTM>S zhrXI;N_u1x*=hVjV7sm=XWYSv5R-r#!d-te(cpZi9IBTK6L`~-xOQQ7v1)Yk^>l%7 zc;>-$0xJsY_72wey{l=?sPuMUx=>8^;?uTzo~{=hjD8}HduECJ{Eo-E6BfIDo|aF{ zn;1|~hxAa13uE%;yf}-3+4(HKcFJrvvb9q@bAs+QkUuQqoQCwOzvUt8@IMsj_DdwlsF8rtL+a%vtf>4l>7{U*82W<$&h*@uHs|7c?!)9y{_20PsI~!q21%$J#clmtrY9o4^j@rKbCGM{ z1wqSBlxd(3ZD!!+ViVJlk8@s4Bnfb+^8y<=^iz}y&nuNFrlFn?pi+EhzNJORbQG0fJ1XfQDQZSYTd5x#uh5K8QpkfK0kCCE`LL+66j1B zQ>vZRXCP!&6{!K6|7`7TLoVR*36JKznRJFJ+H=@EYUTceVborVCot%p_8>svt?8%{ z!-w$C+aJ~iQn!yvZ3M&N+m>_iwL>?BO;z09NX9;%co0tL@;gVf#C|d=!ORwlG=z(6 zZi5&~?*ZAPLV<--qyginr1erRC(=?cvNf33r*YeeOt0M)Hp zQ>=EL15iQaY!8d4ngYjHq8m?wK!xmnlyHwfEtD;x z_8sa8ndQSbXBC}HLt#pw6|j7tf}#$%CbXbT_cvRxJq6!|=}nW@$EC5qE@$;BP7(xs z#YmP@vAAOOum@uFup3%$e@FBhY?-b0kb@R!86I>SF&H}1L-lLQTd>8)LuRsfNy5*FO>e+B^pui?y~S-mj!&mZxbjV zUWc@z2q@c^a$M!RU3F#M_hw6K^gCGTvqKDhs)_t;)>{y_a0e97jWP|U(!j}08??e` zbfyjxxnrdUD!J1ZE6f&p4;*qE9S7?2202C@b%xB8G7UpZ?Gz^i&Okc^5e-dp=NjKu zKUE`3`!Rt5tD9Q4cdnuqodKT0;nRRVN%pz1XtT}R8D z+BXF{FL!;0T6>Ouc2Beh^bB25Z)ci3?1Sl#8a$If}KrBQ+uC ztrMz&D2B+SPdi3Gb^>c0f0no$UV@nuexBunk_E4-WFLAhKdrj#>g|?HLAO2J_>lL| zbevzi@pZ(OxQC-CsEK@RKski0*iAL0YV%oI#f*JYP;DnU4)Be+=#rM9% z%y&=@Ux-!rADVKpDNgTl3XeN_^AD9&bBlT{BaaknK9d)_*O|yu6TusS?fuN&11EB* zW#ju2<1aIRjlz3;eg1Gb(K`=cP{Hsgrh%TO!OK2tQM!2?eIDr;PJ&ajey(}vb^gjV z)b1}E4imwKyRGh?^cD`oWsf;}iG*mq8@S_kdP*Z12}vYikbb(qM4#~^6Z@+l>$kog zyb`@;*&7j0aSPQP;_E}o?VvkUqPQ-KhT=gvnq0<{An6(qscm9iHR`W%F}tTB-lr%nN3B;O<3Fy;kH)2!@ z4y_-tnJ6{Ev~Pjy)@SYM0*toFq@iA_*B##TWw7U&+GGywwka;J&BvTop1xdc%|rD1 zdK|v8UvPKcVHFE(4u!W(2I!lGU;nsnm4&VZW-)K@>2t8~XM5^Q%~Rr!mFni%FSHKz zlMSlm|H!m1wp0_CHMCzl){}h)6)Eqgb#z>wgLe!v5ND*vY$C zb9?d^_k2$9(w?@1Ni3VBsv+mKfE9;Bct}xv$slO;2@s^w|1~C9{sZnndtcb&!D<|v zB==n^k(74BecHnj)-lj%|2BqS%cw%WD%J$=C5e5OWRw)MDt(?bn8y+}{>B>gq6s-a zL0)S5h>THR>d~%=2JDw>EuikwzhF6a~lx*r?*UfzgxBiJH^Op5$uHOF6 zC(?cc<%BXrCWadY@?fh+L+5E8AP7#grW}jJM)LP9y%hc~`qNMCz=Tw$j{tJ&)mdq8 zY+uKo!utXpOHqRCV<3n^F_I5iK#$aYxk_Y2%f1`l{FBwKRoUDLwN&~Jie!Rvn9+V`(|S(k-X~ky5g(& z^YmWcHy3TUGbgHWI6upi3n!BFXg^r(GlDN*-ar~hb}N*HT#Q!1V2Jx1fvYBnF7(8f z6n+rASr~@QF>xf~fivyoDaolf8$8w1vc~RK8_t z?;t0kFJy*Nt^@tu7$mV*UbP`#wexnl%DZnTFQMG1a|m`elP{(AxNOa5q}GvonZzbp zi`_r0gc0BlN8$dCxOfo1(j!m-w8r(ljpSdI4qV!&fpQP9ktV!5HAucKlrhD>Zu_>} zrO-t}P#rmG?2jf*HpjDzC+3H?nk+__U4O|jbhlJCzD$DTrh@g1WAp@tf|8bJ%qe>n z`S7nyGE^HDijz#UpxLh{4YeeJ;gs^RMK`u!NX9gxjXv2ItzrjkERVlcE~anGtvg6} zkWqV$_giU@1F7DP$AFtN$aAoQ7J3tN8!J%yv`JCEi)aFF@P!l8D<98XIB!V8F+)lD z?$axzgfDg|J)x0!`zvt4I9w4yRrvm-F~1gbjU&|MHfVOjG&rU3zP%yn`z+MX6DRz# zlmISZIm{IEz?A@BerkdX+H?|3=Z@iVb{U|U%FkZtAXIGd*`)dl2H^6Bfz@d~T{=UIRp=t`1o|81z}0lD$4wQ$EbP{N1fBKfajU=fBb zL+fgLF|ediuD!ozNhBncZ_F>y{TjY0ucfurCuo+A8RpD#v)!0i8GLPI<|n|_qD#pP z?X+qcX$KLuE86-Ywyzk~j%6tTyt3f8|Mq#G5`kNZm?+Al{^|3U0ejAm@sX7Gj&BR> zAv#tQ9kjD!ucw)lX?}^()$({s!`E=v)4Sq`-2^n>z5}g{8#oS1A^=ghuO0{N*D!PY z+kcr24S(9xsZjqgf&Y>QMlq8D;4mlwav9vOcU0kpUaLsVZH^XZi5m`MH=(x~Nta3h8sWciQHTR>=ajW1N_4~0Sx zQO`iBfA;z=SOS2Qn;4-fZU-s)9+&b|#9RwA@tnVo4_~aztvyK>Y=#;#X}m2XdWL^r z(_?4xzMYvo0q^$08Y+NBT#@|6dXZ z78p#2V6IAn+tr|dB7F#K1ndD|ILX1@MXheXu-oV>;yW0&0GTls6JR85$K6$x09Ng7 zuWKw2ohW+k-*yW;q!NOG^5K(j`5z*q%UvL8X+{_)Q9ucN1;EjRSbZMnVAi0}r&!@v4CX8MTA#@h}pCiImCx zkM*;G$GdMuj)nDm{ZF2OSN!^IspA+}Cn|UZccj(`pRrKoJ*_s)vR?^*K@{yeHe@tV zFTT9^YDDIUFjV;ofIVy`TJr*Dl7Ltczpc$r+Yhe!iTsSfKI1& z`84jv`0I>3&YXy3P>i?5qFLTBMn!$S`>)?~BB=3tfN-HV@gX9x?cWg?JnIQe5FZIt z_mlz~Pp(!n6%g+NU_Iln>uWyYA*04;RuvlpDxGz*fb8FGe6mM9Ux4Iq@D|e2dMknc zkJxtLyBzJ1(MLrGv%F+ma4>H5(M81izU+v1Gn&Q?KCNpuq58IP-*eXWh0o)3X`JuT z`z}nj$7`5|%KcS8JRyvy;S^nT&QN3}E7<6t@1}`^3*~8k^;`mS2gCmD>+*1r{2x7z zD+N;C^NsQa5HJ7Fu_7Kaurh9iKh6#z*?V|MN^>G7@1kLlKbLArebN&=;4kP0djvo! zR7VLIxa4+A5F8c}xnc##nH3Hl#6Y4mtaEVDu{7rA{|q|&H}b5H5|ASpl2yt(vefEH>y#N3v zOLG9Pt2_Pwc{U4Bhv46;0_$#dycp4`JKT(5m)vFn_Rj~n5WO!ELzti$>#^zuIY?8e zIAc)%+f)gJBqG>ESiJs-no*(>C>Y%VE&6>8MO${@8dp6j+Q5#fIb{7F*#Un2Uq5gW zv?>@8qM(^_<^o*h4?z3tsqeb32721xQ}77bN@7OxJOBQ7zg6G~;>J=yW@kJ9LNodO!tq|!wuNS(zlTqMA~0E4%Y zb=n)mOjkV-ZeWdX?=b#V*Wcv8|N2@)8t7?D{vVeWBZMs(Nft&c6((j#OO7Nkb%^fm zc`-`;xWPj#$Z0zZFtR3eDUtkd6CM~047Vr-?>jR&#*`d0kER`JhY=p$m>78kH09T@Z^_?!CEz>gsW z%EO#g8x^!1nsWay@%F#HM!Y=?#Jezk3&*D`=e($3jTB8eli0gJhW64U)Ao#U;P{gvMRb6;mY(h-P))9wz@fHU+l;udMgc! z!yeq%nJjmd4?_+Eo31!~b~s zzn^`60qya1A#Mv&|AawYpqWrs+$~i!^t-ShfOhUPsD_gu(7))2; zw+*IQcq)Jv6oYHvdRL?V&UE~@{nS-LxF{}U)P53(-@$`*K(RFW)TE6DRvj1c-vaA@ zUHR`c3=TmgJXT8gI$%#er-RpWktk4s3SQwLmbgxE3m&q0J`y5F{r8Xg=Lk{mLHX^= z&`AH2F9Yd{um3;%;=f)&1TpWaB^(a|e#bq72CA8Dd`6Cp+HF1UfCBixOgbCDnh^8X z{7#Sm+pP(I-x~e57C9Eh5AM?+ZuB0Sk))42@QP+CFnAg^CXn&EN0pdKF$XXP=lx88 z)c$WBBe2uUcii4gG1PrFp_>tTqib3)2ij+)EqIiN{o0w`d>1XXD8>=n4~(A{cw8O} z)J%2|iu(kz{QDFCUc9~}V$Hfh6<@&K;VyT(f7xhTbbW0zXM6tZI<=FR7?MTGB*hg& ziMjCMLHx+x_ATILao~>P&jE1Yvo1{tsLGi^b^r0&zo&<^$bxGdz>IAp)Qk$>sCt$rzQD6c3R+Z z&ss^a1c3!FMKHSmM@k0t`AA7;?E`QNh3f0e|4Qi3s2o0d{EU^FH{Al-Bc zZr4NgcX;T(tm+neO&U;?JH`lirh8L~(tIB{U@L^VIRLiN0l|Jy3&u-&q{0)8Yf3FF@{zO ztF+?z|Cy=gQ;dA-d>%1%vOciny|L0g_Ur8M#a%*%hmsKli3Dv?3d|oEb0GuS77mrDVb|{mR!A)o$4O>Ba_Z-{VXirm!LmE zgqXN9K30~v`&n}=2gKZ!=)Xb&dn#Y=bm2Vg5aINhEegyF@B2cCwAc$|y(>o?}rE9noc)c3Fd^qw1Lx%_54leAJ`;m^{w z6ZpVV1n0kO>$Du~Vn^bk)it?xl~cV+hYDRlwtCm@@hKM_K2;D7v7ZQYJw(6Z`pHRp zQ*O~o+Rzkk`p9Fz*vokQs7qz(JeEl*vge;K=z$o`;O~ie_j}undg&8@j1g471t!cq z$Q(MEQR7)(Sz3yLDlmr<@Z>0F+v|T}W5c>9oZP2Z!$6LGkAdiUXYzYlQ#q+K9)^!k z%P&7U9nXESd;M!rV)D&7hmDAvzoOp7wZ_Y#z~}j9YYZ_^FNz|YdD_3poR7~T`qrd# zOkiY^LjCc5m3!=|JOWoq!UDvdF~NfmLQ7V49`m~&Vr&aIMpaYP%eePXKM%XoFJXGK zJD%{_r#^&bFbxIeJPZf3DieV7$e7OJ$iaA!*G=jtQ>$p@Q2*!Z8!gBjvk zPBr$1V1nP_F=YVey*TlJyB0A~guq7a((fH_yRSH3m?v?W#U?!cl#icJc4Nz#sxlD* zVeTZXzn(|wop}|RYa>MO#Pv!-Pw?SK8qX=@S_Sprqte_l=Iuz`Lo$WX`4Qufd}$DC zh!j;YZ$XU8RioVz4ua3?&x-z9#T0~)l#V~`odkY*S5y_Nd2hHvLm$9BoT5D=(cyBT zKR;&5;SOwizIe(L%R-b#MtBamvZKyV`3Li|-@Le~N_E3dc$&zao4ax-rEOiZSBm}p z<~vUkZxbJJSNe=mZH6x7p%JPA7;$c@xLMRz!9*0p;87S^@1mYR8y9(B^x4#Pk|Kp# z8!17()LF$0tgZmr;wD>FMw{39ZNg}LW#JLD5t&* zljcSW_&h0lP<8@$u$-(Dbzq}coUvTav>kC|-ibdm~5HfxvYSbPsHBpgETF-u+uc?asc~t)-b_rvMWN0{%HD7JYZ8+bS zK3>7<*zeIp%S#W-sVtI5cDm1hec;eR+4tP(B+o-1MZ-zYVqm{expXNvU;C!TksL;c zUH{XL@Yy%WaNTX$AI{Ylg+w71bEB?Ke2$wvCWRAatSfzqA*+g%=FXmS#PT;z(I@FS z2eUEFyYm=@8ee#>w7Erl6S?8ZfgInu94;*Rb`-HU)!(jfy&0{r0sTW*Dbzr{%Ca*d{`A@?1Bb4$4Qg-M3s-RDOvpRK9F}W zlL?d}amsec!N=dRuh9G(TM?Y0#Cxk)tDJ_36Rc#{P%3 zO4EG^%YtFvDCJv?@4@Ac$e{gY#R`J<;xI?m+c;E>QwBCmVAAR}~8H%-^Hhk7y?9P_Dt+ndn_ z{Uon6hRXR?MTQmpRSuu+j2u17!@Tu@raZJ4UmRa2)CIQ9 zKKS%-?=0*E5xb$jYzmY^PoS#rRn;+-h-5A1NUle%_W|U|%Svb8`N0kXYCP3SYeE(+ zHqK)GhmWTpS$wTY2DcG}_nGK5niB&t3av=jzGv zzT9uj4WzrW*iEcQw)px;u0u60+(MWBM7seS$}eq@qlmVF_j+P_LA~Vl?b0K(yQ^G3 zW#IIxDJiOMH`lQ?M09RM6C!rEu%wRmh{_EbJQP$2m!l^Nwvp}C>ty9HvbLulKa)MY zzB&=quCc!3c|BpKo+GZJ^qi*cfQvkRkLH8OGx`n9>#yY_G#b^ZF`^jKj&Dx1(nG5sKP>pjB-*v)ABx75jnq@ z5kxw5k@o4>uE&XY0JPVP!)GrB#tZ^dU;)~tKk9;pPbV;q?#n0BJ`LbU>|-`fIUh!G zIf15tAwCQ`S&uv#x%X=t74lWh?uzfH)D$}g#a@pd3Mv?)x#@hl)qGK9kX4Xltw968AI z5{^@BH+L=5e03dUp{6Ds=Bz%XoCD| z@_u=GuZF2dR*V)uEVv#PcfYJPOlYYsRMG7QY3G2?XzSZb&iJH@3V zA`5k7BmU|8#1Fk5RGJuVJg^n(zrana`9!sOpHWN9FYar%`vt$CcDWmvKsA!a634nc zij{EeS9AN8!{M>#`DPL4%9neZHwC)~!r!KOXow5!&_rL9uB(L?aWbM`V0>-OBiDgE8GBhG1d3ugoiz%bEE9qUtUD zq6)h%&>6Zx8YGp@p}Pg?ZizvqK}x!Y5TsGMq&t=F0TiS=1SF)phOT>f-}n37d;ftm zbK-fPz1LcMEdiUQH~O_sS&LIu+R2*Lu3NUPHv0qlKNjQ1_W361(8wlI=j4j-xwjpW|kopLQ7yXMjfOp2h(e%~Jy5B3=tddo48&3h{=~d!Md< zygs!&K)yQZqs3Hp5=$+H19sR9bjMdG?;5$EEYu@O*oz7&qyoeRoR&;(E0=JngyR9v zw+aRCdzxF!3d<{}@UdbTE+kZPI7=BP4%D-rrc%i1!TCvUOfr_H#sfO6Y| zhjQ5gE|CKg!l`E;W3Ac3W3KswwRjRz^4$=aATg?7K*y1Gf(-L-+3zCxGl-emK9T)z@Y)A+%FS>jN7H`S^_ z#H`>@8TQv^@B+Cm;M&W$X)3#D#6;av`DSdt|9)rWZ}?PhABJ(u+gg1xMK`>|+4M4f z7N)dMX|8%-&Sj9O99}Bih0#5Wl_Q-O@#z*nU2aRcp#GRTam}N~d)l9nMtQBDx85y| z8}2%7JlWM#Y+L+@Ln-Q$JoOpGhvuEktpj6<-9OZIVn@JN>nn4pCy^|>E2h`KOKc?V z<#bjVbtX{O@0Qo&`y)T^Vke7!fkqCedebzNJ#&4OY>ZdploTm%vshCFCU3R6{i!U$ zr1nPEA5AR}C^RPrQ=Dwpo0>!ASTiDEG3U)uGfG7IkjYOs*XzTozpys)(A?P+(Yk7Q zYHd#uh3Vc5(Up1sMErR6$?n502?&<+bza)eFl1=BvyS^Z_xV+}Y$uQ&pbxnG{F3tr zE?HTk?jAnu7&~izMqDcA75ES>GiANPU|c_Av59naxxbi7Ia|)KH*jRy>25HOZ@$$T z#bw^km~UYQmQh8+Z#pBk&ed{|ZgOSxM29TYDAsDiT%OgUC}%mR-!)Tio+8|Ojyjva4BfQFN9RTfJV{IM z85_;-bR*q=m-6hxL#i!vCtke$%CYSa6F)I3(T37J#9wAby;tcs#ta30JRYRn3yPDy zm%#ASfHHw|;+0i+YAoEP&?hqMHK6eM-2q|3=awtPHd`YubqZBeQ)%d0s zw2awlZ7!h^R4In9{e?HiviE*>Gq-_+&$ojhLB!)*OG0mzD3f3Fs~rC~TiWTmN~#?@ zY43x;I4r1VpbpgN*)7kDF(6QffC&?OeNg$V2=`+d#%9b^+Mtrv3%|2Azxyz@SqE;% z=&k;=FD(d4x#Ce#yb;4V=IDK<8Ch%Rz9GLD+3>h5&Q74NdpJtEr0=J@SgpVzUm}H%lO2t~BYZZ4Ka|oTFlg&&)M~*jKz1fPYTyNec^f`@ z5OaS}<;?oif`$fx`d1mZh9Gv_Hpfmus>fIY^8@a`s|~P=ee6h{3F)gb1X-8x5;!(H7lK1_ztQQ9e@@DzJ}uz7gpg5( zx9b^mys4LuZZ~q3`t$?q>V2UVZkcB8L<~}@Vs}^I{yM5_<)-L+(g!ul8~u;FDlcL5 z!h2|O6!%Mv5y#I~?S^{;rZ_mg@Z_ ziB7IIizD6j|H{!Vv84W~Ed$AU^Pu&r8M9n6{2tXavg&hz-YVDnGEAY~5_ab5talK+ z1Ko0tv9yBRE%NYvu@_zuvYelwK8HFZN^v2n$mD>VssdoRHKyGQgdno0rSsD+qZ7(< z+RfF_t7VDm4Yt3EAbj#WYw`(b`Lj?6nEib&t>ggTQ8mDKbY|)N zA_f=Y)rbxh6|IQkV>Aerq(}0PEl)_}Ye7y$ToshWeQdR_9k*K&B-=Idu_k`f0)bpg zwM^&u!~gy!ljy=$XO{ztkKT&-k*vVbtmsl>p~SG#s2Z;e%`(G=__n}{JCY4HT@^6~ ztHHZ`)xL0M25mJYHDc9}%>%UGo-V1k#t>(ZLl?!UyiC1rGjQ2JN;U~A}N9?kQ{{iN%WY@T>OSL@u<>G`o{?AiCv;fwH9@I2F4jm=U3 zOx!Rp=2z5a@EVm5x-?&r#RAJ0NVgN`8#KflN*p(fBOj;26?@U#@`n+IS5{$#5u;9U1w zN`60S-vCwpn^(R&%g;T}p_?)DfhE|Wu%5nOjr(g?$vjrhO_Bkp;#r+urkmnG;Go^o zwl$@YH@#YRt@gVBddIH2Kiiv?w_m@9@I(YCWu2n$j=y3;AIDvQmddZ%rsRzfJ=>HMD;K&?>cIBkON#ME$W_V_avY&WGV zG>c$P{tyb->i%_kBA2hcQKeW)gW{M(xFOlIZ;OkC*XvzQ$*H}U&TAD?jtlOJ^NL#{ zpjp+o_rf0kf(5zFMA~BsnLkI(s*TPn4n7b$$HCg3ksJQJ>&7uX7qea#RUGs#ktBy3 zI$RtrfxY2d1l6{Nj~7^u_%>o`rf)Rys8Aku5N0cDz=spV|O5Hhm_u=cvkCoAgU z*7|uiI2725n)T=HES=t3;>k-Of+&XU+FD3U-$}RkebXetsgcFTcmb7s4Hpg%%Vlc{ z`d)McEirD)XUh4PAcWmcC`-^*ye5F@ePUd81H~9=(Q4K5>}gl|n2U>Rj?b2*DLJ#x z5V4kK_85I}oP&Op`$Y;w7;P&+V_C|?a`J|D=+G$UhIUU#fTHx0QYYw-=5;-9`micN^F-(mldupWGb}P0_h+ z|NV@ZYWgl$f^lR@SQH0bG}rRG?IaVMNmI>~I&@MOh;MnBT6VJ*Ck0q-$$q@43#lHj zw>LOFbE|kXMl);s4o2f9q?O0UBoy=dg47tR5fJDj7jijT&FRZcl^1sXC@cHCMd9dq zvg+f*?D;|W&&PK}du@-WXBw96C@(pN#+(P{zWq@Dw{p;+{`MW$B&Mxr+TnQ!@~O}^ z2VTID2CWI#+GBwCzx&ao$bRd$la(8P^4(riFbi%SRcD{2oH%7u`*Nqw8A}GAu&z0o z&K3N^jF%mhgS>uk#Nzfd2hX?-iekTmerbR9uzF5?^yuSqcaQhD!)rzbS;BrDZS1oi zA%08~XHEZ?WetVMC`xC~<+j_3^I`lv%h+2?Xk_dkYKT&ldA)NYsg#SZCj~cNm2oDC z4@PgDU#G(K*ZJF=S`f#3@%fNJ~8zL>)Bdm3{JM%p#nhZUF^I>VDk{9ot zo?7e25eNl0`LXfcnV7F7)xdh4L@R%?3psb3)Be|!PAQR7GsV6EFPG!#iBqxNq=hi? zUl!&n>WHa_gY6FZ_wvY}eCdrQwhx4zV(=uOhk1uI;VkeRMITdET znNgiN{oCjmTOrgd5?Ec*SAKiD{1WeSF`4A-wcW|Wtj6TOxI?podg?WrW!fc~R!yne zGvu4_!B#K7m}KTnp4h;%;~dga$HwY!%j{ES`ojuiT$zbJL-5nWanqaJ+f{U^PZfEH zPk(Q~J`qH|-nvWm(>F@toUNbN&pv5#KwhNn0lgsrimO07 z)GZX8>;c$XAEExvy;l&q;)J6Wdm^MB9&VkAJwtngCHrrIq<}WE0Fw1bAi1o6t6TT$ z#ZseacE&RKg73U6LgrDD`aaNV-U62 z5;X2^(P`!F%5M6rA*)L17E#bupO@i~|AA@`SayQIiL;p9yH!l|RBK!)LS1~n>k zWtRTX#|Ku;A01OA1ky-JY~M6`f1rgxdzJabGif%_=B{gm3zYi0^|!&cs*09n6Dhx+ zZ@M*Ly3u3)>njo$;dOBdGf1v7U>r4>CYvxFC)!B5&gpQ*v8&g>VW)o)v)lF6%Ih^1 zhd>O$-8T^@5*eh%Qiyquoh?A7M4ysXZ}H>Jp@#?)+ixbtqpNJlb_e#Ngri{Ak?7*0 zeXk)@`Bm;8d6_E@vL3+j)4DwJea|1#1(gzKuM7E}GW@eL064WC7^oy7QX7`6o2%^a}_Q07>4b-eq4?G_&K(+n&F$t~0%8Igk! zmFhes0lP1@KayV)mox9(U-haF zYv3M{FvT3wtKIaYk>7pK>w;Q-lhd+Vuye1r^1u_Ysfzx0@`)A+GPZxX+;R&eEcUR8 z+vzMW*ilxl6aWii^ljSqV{s~A6RA3i;U~?zvbzhO13}vlS;Jg)0Qw*k%w-JKB zT81xG3YWGu>Z*x(pYHgHboa8uzvtsX##s*yArnS! zKb$ge(K%K2mkgIs;(OMJ$+VA z{74xeT1xcbu4;c`B#s;^5m%ee+!#6->Otc;?y1%=xYTy)&d<+J5%g^LU9oQ}Rl2zM zkEsu^$#SH1PD|n`{aT#>@TKgC#(-5pqli2l31onxj0M2?@OCB& zC+qMu6@d6OMn^uYA(o5KY!}|*Js>Btuovk?E*Pwa3D(#A^TX2i-X~nYb;&wJ2hHrt z!XDxkw5|L_5S~NO^Sp5t6$&F-LMg?X+?(y3$UC$w(Y;_;qDxueRdF|0SkPE}LGR7% z=-H}9g@ym!qI$Wak)F?-lVxfS)@iOaSsmWaJR0f7b!+M6#QL)v(57upOEr>O7noev3a*y>wR(O> zuq;lCsxgLw)-Ii^{qu2mxUgdi3`T;$D3FRU zg5xu%Q{7BfLRq62A!D7^Zo3mz9ab~ooaix-%lt9V*@#Wm+uCP1SgsFMRaW!;E8$~4 zIcy|U(XaCFbRnOIWt~MwkT*x?+MY?ZvZ-n^j;^GJ2Y7oa-URT7NxlDVWW?8r3NHj= zxCwPpx3@;T`BNOtLo|Y@Q0@Dh8#N9Vr#gPr{(W58qPe4*SDRN)nE6Hk(v>mhwKhEF z zcKkZ>!SMs=WiAY4`J&XxLZQR}JXOSmYWpQCwxBBjXGqNaj%{3__AiGoJIg zZwL%f!$G2bYG#^;310Ycd%{Svc@koQ$l5>PdSiVM8v7ZQs)Q>>MWz0w-S5$TssVS+ z>c!dA*LoI&?t!fQZ!$CS_?kEi&I|vju-DnljA$GRyv93}=6o(Tqf~|8m~~kRVLUN< z-{<*~VF~%l;LrEl&-}mof;oq-tYP45G|#`z=n(SCKl(N&qql+le8sXVzcIzv+bhgq zuuC2vddebt^Wj6I=ErG&sx9y%8|MN(FTWJ=oUj7T-SF;Zl0M)me9?9FQ&_KOQQp2( zJ)b7bU3c=&k)Z!HsTH4kv#h91mKj52Y*Zb>8 z#4SA1!|VmV>SdL~Btt{APPiWjEfk@>Y}X%u_4p!EuEq9p(PB5n!}-V$z8<2pBzR-!te89%Qxn zx#|b!XE#&`f|mD_&$Zgh>^g~RKm(B@3Ir|)aX={#N*jgFnYRZl5K6?4-ZAc#+8^!(ASpT`I2|g@El}^BW}? z>90WprxMF>ne=Lq`rtwLQ4R>F>=o;l?Z<-`1rN8_JAp5YFp8}=|JHyHO4Rtmhdly% z1tYFAHoWeq9mG~OKBeXOMCkc{V}sKTCD_nK4k%6|$JkCM}<@zQKLmC9|rjDracE2ML^CEcT@1Aw!-jI7vb~E*5vEd>apPJD-M|sA+>; zZZSFIuiGZeS1ejKdT@KJ0e-?*b8#U}=;SNDD|^+{0R_@L77gJmsb1Zom{UN6krlAK_jYf_Qpk-IqLfCxI9= zg`2jOll~{7uB8P0kwV0^0O6F|>wC6@M&736|Kd6HnCrd=7YGzh}7Qr)&J zYv$@OsV1qr-o_;q3@!yYtSX|gZX!v|JQk~#ov2T?Uv;IDlExiGWh6km_{`1$MMyZ# zpTp(ogUxU$T`D|=hm`eI!lw)YMMeBi$ou|81v|MWWb!L{D$+*m@FW1VO<)`TY%nZI z4#x4t|CZAxzdOK@^8)`MoHle5nQG*Ie?f`2-GG}$jWKF7$@WT<$>CJH2vPc;>d|78 zkNhI;n|SRj{1IgA!?ZJlbudNI`;|G$uHT`!ojw0Kz9D7Yd{yMont5iEss}q=d;@eD zVRF?krFAHJbTWHy$~o>6>2Vp=iNkY##nZpGjI)JgN_rY?hToJGQ8qoy9n(YkR@j^u zLLCE?351e$egyRtYh8A%eO9|Uc7l}TPJ@_3q%dN#0fC+kUGy$&8t4wv6#pTMVTIS7 zKK_)-ClK<$DNXwqX%ys{YQ*Fxq*=~1GV#p{jK+TO{^mQP+Sn=D|88rTJfl_{j8?EE z9u4o6lf{n6TKI86l=2K9c6LA7$U7UZykph2H_;5S(B#%_?S3hp~*s z@3{*a=Fe!sU%7rIQ25h(4~$m+-<6Dm1&5z8AeWdJn0VuL$sppS9_s2Ewr5$^E&0)d zz*yn)b8nyzT>81J2XpSJp`89~-287AQENfSr!~BzUHf1DxKHhxsX4~|5z+MzzcrTX zn7S_%gV8%xWpj+@X;*qo;AD?qL5WOoAkZrGtY;uahG#{*F-SL*v4MXp3uR1&DnK|T z8A&cD7o$>g#87Gflh{Ot5M{7W$Ia3}YEry+4<`Q*UYF`5kSDwYfR>cfU7vtw z1tR}bYhAoITRq4Cl0K%%&Gqt2&DzEj(zOECDNWji- z#pV9E2jAFeES=zivhLFKZ_WpZ)B4d7_v7=z5Pgg~kttB|1c(+|6qzNz=AFW2Y6FLX z?X;_x&eASAFHF6Ywv|`^uLAFSHL>e1R^oRqn0OezT^Bfn{&VIz0;^(3@0Lpk5LjfX zK0~=sSCk09&L)pI>)$t}4mQFij|g=$40;IopcEog@7-c??Zu{j95O)7G)-Hp7jKLY z)YbhAt8>Yuqm*oWy@AdcR8p3?HJ&sPq75F9M^i9P&4%CZ5M!BHA<1X{4 zrm=Fx_jCz9CS6(_D&|ZUo!jL4`b(D{!g~cu90eR-$*UlX$7us|J4uS6vHazge#BsP zr_ycpaX4H?f~9Lc$_^`N@;GS_9{|ehHJVKBr%Pz6@Pdc-;oygdX-9P{LQ?K!#c4k= zUmPgN|7EYoT<;VuL-lftic%m4Yet^6YWcxh119=s-MXCG_h>3JSbZ?vhW7z~9-*Q& z{e&Z1vE<9gO2GugxM4$h8tlVxPnTTtEyD-fEEWY^{A zKOVf&#numWw5b720cTv)b3CK{=pi)F74hhO#@c>VtGe_o+K#JJx8UnkDx(RVw6Bsj z9XRpi=d6e9!-c3;yur)gt7ll9H|8CKMY2bwZbJ{b>=eucZ5;xqeMY_ou1#cZC4N6q zwe3KM`h;>zr52y~+0y#4HzAROWH-4?UI&CYkjCtRopCm$2%u(TjY=A9CUof6)v0hL zeyhxH;Aj*dSl6!KfnC6=J0}YWd8=Q0!&vU8TE4!&?R*6ZL*}jWnH7N#r1fdh?!So! zp(XZNxxf>vrgJhXf|rKkqNnb^BS8!S+z$~o-JbqOgjgD;wbC&Y$IT83Au+C5CdfbO z8uCLU*EAQ5>*+|C65J=It9?vvPZZEG#-!N+quIySh>3qtK>y)Tb?kDAU?ePR# z`Pl|Tc97J+wTBX3nUTqk|JJd?7V?2b8~tuQ_t8qkyxf;zCUs}Aist(Kqt)B4<-w+Y zY)4p7#O*UPK-f243KWktP*~O@Kq}aqO9N$Uy|3b)8%zOQ@c0Y?3UMys7?KQR%O>G8 zP84*UXE^$l@Xj_JLn;~+CWUH<<1EK%-cfR!kAwr_gRdB<@yHM%ZAJ_GUHgRv)KziA*$rmG7(DE;mb94|A#QN%Zb^hg*rF5GX+zdAd z$=;t17f$Zk9jtI2s+$RDLx?ShH|&vdHn)l2mUbhcHYj^c0=lL@BQqgLGS66S?t4VSKae zNGB!byktK+z0)=&iFll86C1g&#pcUqMpm%iX|0vSoiCL(U5j|Jbw%Zq! z*6mYV>u>?`Mg^L94PAD(Qi2Obb7{8 zqTSj5=lIn7XCfemQj1*3Rv+JiB5wHtQ^0bW7F1xRwp*+;DA$7)%_>3kYFYHd^Hef1 z!J#n_tyLbKL}pB16p;>}NRb^}dV*LLa`jS16O5LB(m(Oz>cgKvq>e8*BJ4`=DxEjx zlw;+EL)d|_S>hT-r}_z<00r`D?5%TO1=Pw^Q-EBPOt8|bDC=e4XyJuvxQdc}>On9j zI?A_~kP!=Z%C$ujH>a`BJ5!aTb0BYM$AH0i@uSNuFHXX#A5(i)|kYAzjDtl%T(Y1mG^ z+iU#^A@jfuU1BlFhGP38(YMyU<8>9Rh+uk>~h&QD%3_I9@8 zU1Fz~gb~To?JBzTvAFD;bHty)^azHZwHk3xTF?gfNq#p!(A%11B*dnFS^($Y@3+o1 zv$*9?Yrcg4f*&9%M_c?a=_f%U(=HW{R^!GUgsmSo24jQ|i;nZ5!ZIt=S-olK_GB^s`Tm~-S|v3U8wO`#A4Ca%{W>Oa$qXPWnWHvL z&KgEm=FKQh4#>8;m{HJSd{0inn}tv`JAhV97hzdPf5fI*seR$GKX*4-ZU9uWY}bxN zN=uAVpRkFPT)vX#gvVu%k4Lz(Sl;FEVUr#;Nq6)JqR@F`ec9TNWn_tgDtNu%CtuaT zZpdPOxtYa$+W58arHl|{fbLH;C_xM}v~qkcm>#nR1ZJ|kGff5niXAdte^pO@?mA;j)LE9xu}zqzISt6=J1 zLh-2WuU$tolioVd*H@J;zy=O(n>ouL9 zO^D_D%d?+$J%r;6tl8I#EChHwIt(hW$heo|qiqy(1^**n*x4_MkLn!ahb4%@#K#_- z4a}`fT>L99BBJbU;E~2p1#t9tVI}N=9w}HTfUGH5{|2SP305E_PWE=pLpVXCE?-F! zAMoM)|DYcg4Gz4|R?{giyzpZwE#&;C=MUyRb7uut?yd*?qn9CRpwvvgcI*h~3!ELWB1Oz-=O^OcMxNUKI|$z1GzW8E)xfJD zqu70;fPy!Tw2De%4El^G2-Rn4e>wwAct9s}(P+pMMz+j&hhtVqlW4|hkiSSy$mgcEgGo{T%pwYc#>Q+WXLp24#Eeh%M@S5dtmgKe&9DhjAeA%=ldnpD<@t)5fZv7oqbQ zKZnx=R1_=+lhs63H@Cdd)hk8X{I0*gP>9}s|AMuI636)!HLEtmi1AI3rW)ren98UJ zg%IgZA08;bJ5{=KcYVftxc{g2R48EEUrTxo87^;#@dQVi)d-NcsXRjPA;s8aK4Dj1rmZ1h-&H+!;~5aCZYi2d=<$$b&hgF0IE~Id>#8Rr5_k;?)hl1!9v$f^q{iz#Sl~R}(pVf-=%^-J2j%ZA){SYR@ z&)hnL+1^A6dr>xn`g-w?h=Zl*7I&K*p8c52Dc&=qdM8If|NOYzvEWQ8VbM`heuIva z=+e_Fnuf2PeRh93{ieiha_K9c0}TxSi`AZe;s45TVGNH$5#=+DoDO8pm@;=!Wl=Zr zn-3SnQo#s@x?}=q3ou+}Fi`+5aCge`EJ^`z6mE2Vz@jgjMZKL2B}I5H&w%LhB`M z{|Rz^ARdc#5k$}Rpx1Oqoa998u2|>lKW zxu;s?%0(x(A_o@vc#Tl`bf)**lZ&FR{7t}=oT)s9H_aQ35AmEPuD*3zR83>963;WK+|v3{(7n|)j?Z>xwN#(30Ki{INQtO&by|NT z(@AqAV_ISxZA@Yma1XZ=QO*=Cz!%R&Si_p@!#HoW6VQ@u0eS7I1pAqLCw&6$78#e0 zQ&q&41M$zIaj#gU-_h4#FpN%hHJVaN<6%=O^)dXyNyV8Z4q8|>R;4{#0^g)V`vu~c zQ%OqWGa<`o=X(?Lt<=S#dlW$C3M)a#Lx*ab+_i2c^JpDgPyKC4!!J}EzY9rv{iH|@%|SyE1Fg`LR~G(v+fmr~jdge1 z$HA#fxp#S75tM^Y-tu1xntAE0Y@_TF5CK%((0Z$-H-x6wKPOnfmVX>BJMWPg5UhPI zJD<^bq*F+FPyi(icqt9Da9$SFtunSR78U(AA1FnNH3tgGXZFVJnZGp0vhst#jZQlJ zW8K~Z7@Ez)9n9K2mFBJ6E9VEC1i3DOFDRWj$D^7Ze%`DbaRD;dAbcoqiD|3H#~Vbr zJGS-%HYta*>j+LKHo*V8?`k6i>gd$Ji7SCfg{Mk&UfW47ws}t~`GTa8`Oyf(bGu-E zy6OLf_$lYWf_04KSMb`Wpxzvr5QY`d3K(p=DugtTb$@#~dj}zA)BP;yw8SwP`bp}) zJJWxF@*!j#?38Pr7$4J;kFf=HHE(w4bjlx`1C5*R+djU)wEjvpvh1UrmNAknWsS)h zrtGbAoKI)Yy%?Y%C6LBQHPc(j&OD1MLaWjFxkrSd*$IR7-@2?e&E{7VrEJtf2SxWR zQO}5PQoiy#pK!0{c>daliW6))k6`unI-!QJTHFbz_an1ghVZyNObDzx>;xeK`_oP${vk15GLW6h z%}O6|I2M>|poL};@yaDEjQ2}8@Le$1`xUd}E*!Ne^v4}8q}*BeRi*y)z>cz4F# z;=B_^-rC5joT!+n1atKvV$Bp}sMcSIXc70mkmWsl`T9nG!u(v~ZBZ4}d9lqcdjxw0 z(w$x+}O)nS@ewb(hU4@A#Ks?bY(mC7nE z@Jq;$qNr3T=7YGOy#0+{4iW{>+nuL2hbwT1sk-C^sH9j6P5ldTJM;geg}A8pM3KUA z*ku>K{xsEkrJi&Csd@9~1EYFJWU#T7&FE~^E@p(aaO$UgU*YYT)ApXah;+$<-2o;s z@PkmPxe@0?{-yq=NV#ME4EmZwxIGHnDJpFjl+hUPKdL!z)>*;)1p>SR!8XI%EBFyf~aAg8Ku@-Uc z0>y8N`<-jy6k!NhS8CcaeRoBjKf-<3%iHe(x-}HaY#pjBuSwjPjg0G3CKCHmm9(^RFsR~ z00`tQhyfIt^RqY|d`5;Io{pE_n=J*3vF?K17iJs(0NmyMd}-2narkEtxDV8tzT zTg-57o)!`zsym|GZZ9TgP%m5XzP@;@z1V4c8^yv($vQzqBjftx{;8au0W0=-Nd8f{iq;a4lG+Vh zh^Yns2)qdXTH%R&_*jAqA;~I&dyH11|Z)ZD7+HeviWTZ1#Bl?E%CuYldl23aUzkx8f^v1Ha7xpjMMIO z{xyfCD(Dkn7fS?3hE0!Q!30AkrJsY+QOcx{h257r{#xXb8-VbrbeTt60jm{p??ro@ zARL3g@;n79QirTAY^r})6Coha~a`HD5 zYVhJfadklPIeN7=;8A%}Fx>SlwqJgJn#7aGMl%(DSy4aw{QQsaG0Fi6-m;Lx{LA55cL$vm zw2KcLF=ca>^Taj(d0#Me7GRDM?*-5m^T1bv=r_M}?NH)y5885mLuRyyv|X&Xc{@~hE;V6kC@ zfx9=m^jNIZn@HUt>fhRbnTYz|^H49;ex7(F_p4RuEu8xPVHeQU?FeC9w=#Xxv}tULKGFHKI|^k*PfXFpPf?fi^J!}E(jmk!@JsWBe6 zFf4@TiePHs3?y32{|teC8LDVdWAJA{UihGpn)CE-8=wDY{s8|BDE)ubTivT0PvmnX z{k{n4D>DNEM&=#OJ}b_%J&5$?cx-drnjBZb-+{+^Co;aHjN7oceh(}p z>1~~r?T9l(aZPR-0AdbnyxyMe<{B@8_sIpB1$2*J#j{T31JmCo=OMMtD-8rl$OKd? znh+h?oz9(dZt-_zH9M)p{JxVE=`S(|W{E~V^%%p>jINB7Qz3Yk1l_np;u!YlI2z~8 zo{!(1QT!s`VwiJNOcoYYzwo2@R^~K2{ogwkME&>#o1n{h#R1<*3;6A09V-D2u%XI9 zK5qpX02nCpD;#xF3)7HX*UF1JzjOWc=&=G-1qPm~cBZwPsMu1{}v4)`)xa-^leTnJJ+IqTf6v7Qi0 z9K&UNQ$Ok3(dEL*z7GT4D~gm4DU!ESf5hKv-sE+Cj;Vt#h@^{@(oWxq?At<63e_&e z{_kQ?ot4g4|6xQM05H^_Na?Zg==7a!`P1uS25z7g@$|ZIjRCJuH~onw(oZEH#&fQr zP{JNExrP1(o26toUN--)HqIhxcukzD)`U5G0kJsK2D)Ih7IcdEPqJ1^6UaAB*pgyu%Zw& zkf0mfZ-fr4uOZ~84W@MUq#Y5*A~ANxu(GRyg2&tCN7(}O7fBRKkRHTfj~p?5HyOQl z*#GypFye>}JAAP9s-}aKtu$n#T2nAxiS+lIRa-}wa*=k3G+Do-NKTR0CF@7>|NX>T z#6<)7m8fIG{Ec`%0{zo<&rrj)oJ8}%^8foB=!SIQ0JUZM9vMdvPOvF8<7_DNCZwx1 z%j*9&*3?EX>gf-2rlMY9`CB<*`fH8K;c-s|N2`KvzM+nN*#ep(`( z8AnUNOm_Z3`TzG3(Xlw6A{Yk}Td^49E+we5b%lQOQ#9{mxMw$KoEAlCJV(>TipRfw zPyV-pZkqcW7u>D<**IHt?()M`6fkcgzx+DZ=G=X7C-DBj^X4>)+hLhInbo@U={N(i z9QV;WG17P3O^|y0cpa(+E&`UhFbi-p2*TmZq5kJoPdkBI9gea(aEruc-hd*ds>}Ii z(Q+U@pO-O`Bw|FpoU9=E@uhC!TRlqVVTLRG3RUlbXtDyop^iG6ThuZkKjb9V9Xa;R zIR4x8EG}Z!7+hco9!Pj4+YJ^{Kxt(Y6r zk`Kc__;U;fYqTo~D*O5-Jn5Ag#N0BF=v9LPAFjhYqSMm=3C`pvBJ&FX{yz!vQDXP5RZgIXb z1IPnoem6zo9f8(#K~&jqPYR@*@3;_P%lRGX_}EVPw8Q#;_`fd*AoeVwL~>Zf2t|Kl2WS8KD9KZm~EnElEApr zMM#Z&ItJ_deafEz4*&4p_akR~U=Fc5w}28w9p5r@$uPg@-kH9!sxb#SKni3#yOa;K zO15lSFKy$axR%^m4@BMHbUeB}=n`+VV$``FS+-mvVxr4U893E!jD&w*pGB?dQx~i2 zcxn!3t4vfV-HXhx&607O>rA0|zwcNMI1?C79Se7Tuc85p_QsFN{}|s%9_E2(Z-Cs|rxaj_tNQ z&VN^1N71dn?R=}VvR3f4MsB9j$Q@v-Yj@r43vB;UYy5YwB?HNw`=p-dJZ^NSZO6r+aBxcmI?>37xj60RD%TZde=VRIv_uuXGo@bsu1X%r%F;#cZvQjrzESd?>{9q0w}5HKs|jIj^Up!fM&we7r-k4 zkkAmbvz_LsOlgFdE-|p9HWbKC09;Qy^oZW|OY)@)P<^mian%AuA&+Nbl#yy*j z`{Gfv3D4yK&f8g2iq6LeeK&C$V%Tbmd0_tQxNNOV!*S#T+9~8UB=CJH+Ryx~Cm#d_ z^rl8-Yqs?h6s>bub<;Vv)s{bVxkwf{rVc#n<4&RI=hYcag}%wVT) zpJZpDTC&(TDjiicymd5Yy90Dl{nuB9JJ4U{xDg?@4_Gzq<)oQSq`2>mvny}xjp_Ra zSaZwYajoA8R~oh_u}#}))R(7_&SU#q>J5Q#toj6bf3`$;4@~;Z%+Ar zYTEgLo`OUXhcSW^JvpKC+-=k;uoI`cLVyJtZtNV7oY@Lx+vkqK73u)&v zvW-e|qICZy{!9SRcY2lgerg4w2RnDLLT@v9SYo;!3ecu*+tZ3;VRt)Wth-dsAU ztL++$r;66h8kfrmJ=wCTQ7;U#F0a0`o~#+KE!+tLM$HGT>nT0*0a@$V&BmJTs&-(y zs9Q5ajK}xK_nprY=&?E*=?8@j-VfqNHbXzJ>wpnwqZD8OY;5e|;CJ8|&8`IWg=vS6 zN-~(})mag~>s!Nr@qBjO;*_Fx$?s=eSz~Xn7?$z@>^dWk3J_u=kcxaedpqAnuZ&grrC)u`7SU_EfwW*f2H(`D`9VW3b1$PXmnq^pFwmAb1H*KmLeCX~qGJbQ zUpMGC(Bwthwwa7GQA8426tAOyl;$+G*xK6vR_A^3feF*F;BYs~pHbPz)Q`tzM%R|+ zmJlwX!wz~`%OxBYJFnE~@^G#Trn|#Qd((s7P?*fIHs0^-`ZDy3a+6*$daqR=r%Wu9 z1gH+vBlm1)_|3=?Zk|v5(6_%+-w_lFZi`?0pIzu84yXU6%+2b7wgJ9&aNXFbtKv>X zadD30+tc!Qqs8xnCy>`o3kgiw)cL|V$yb04J^OPH<&^Wx z_T(^j!8bFd3E6_0_fln7tkYJCcfVRbJ0j3&fBorFKE}|2%s?ow)5~`nx|ZSK-)nUy zu(MW^f2s*%SKj-^LCN^y39(MfB>mt+`nODZX0 zAI@TQE7x*>0*~=gQQ7({wVf2x4BlGzMPyR`^qf$>+@o-J(4R|Wp+6X zb4P3$r{+xFW&=sw zD6`Sxhg0G*-to-t%%naxYN+g|TPoU<+w#`wk{-xnl{J3Apy-R?+m7_hb(G{9f zdr4!9PU~w+7WJG|Lng&9{=S`(@!Of?Vsbj49g#aopMfu{qp21<%kS+k)7@lst@Nlw z{L+#}DO7+^QvR{X$A=2+>vlOl^|54t~F}jVfnMkQ# z#WP$&%SbP0GaLEx2>0WccZ|#b+Q3--vw=Ag-vKNz;L11@KH1-W8V7_h>WAJ5gsvvG zcy1Q9J^jTYEpB%BUOsw4<1tb*U6=wF-!$EGsNu=Hf8K`!>V@|4;?Fu%=ulH_)2V=O|?!Q0%7Q}d->1~m6<9c9Y! zOL}vPsaY!YmxPoW5RCeg#7VqE6|&DXkQx%UrJpS1Jnv<&@Gyt(HDO&CB28u;m((fE zfQ3lzbhZlN*<|l(lQ7uO+?eh%PfH-6DT@US`^f2(;<(J9Bj*)tydiW)D0i_KlSoE2 z3&pp_wgg%{Z&O)_MC7fTZi2QqjDkQ#q{C;lJVge<2xv{%d;I4#NT9su^nP?pzs?bH zC9qLW@Do0HTfisu785>^G>-dR8X0xgW zqO{g=7Bh;uLl}*nfa}V@G-~LE1S<1WEh=fk(J#96G5Sd7x@{I~DKcIz{)5}Patd^63M*saWd5AFjeLXw85)aw{ZZFG>6 z8!?wRg%6X)8}Z0NC5hGS+_nFE9uh9tkB7z`Wb^syD2n@ECx`q9$VxRY06-l%lLzJh zipBV(x*&e5Ty`Wb7x#)>Y$(c?$3j&iz6Yg{$tAQD4a=>lNfVPr(K$nYcA>|?V#Y&d z5b(CsbyO!QyH2}MQvXP@6#==GovGdT z_@p{Qq_+S_$QQM@F+gtzW;M;;r}F6%N$Ew*C`soggj^=+7NS$ZURm}HH!}1z2Pz7= zNW>zco>=Z~wa$j=25&ZReBX&rLp*Wl)Wi_0Id@Pb5XPkz0P^8;i+!R=(ny}F9nHmB zI;5!;QUZ>)Zlc9kC+9e82JbnjO>*UtSO2M%WM|x56A>vwq~VgfLdSd7CGd_jFmD=V zqt8!5C-ud!oMhUnQMy{P$HmKR=YJiv)c9Roej3r}#v>@T;^=O0*F+_xt!)dpkWE~q z+7jh<+{O7-->2!*S3@$4#(&1F1R{9T+6Lch*K1fT(;gXtG<2_~Kve z!HX{N)v?~^VU!>UDb#GPHthhaJXevr^~R5OZ~#y{o$_I=Phs*w2;ah`@!69t^M&c zL7p4J);CN1d?1Z#AS5SNQ=+UGVOARv$zr@1XD*1>{b$o@ms<7*e@w{rEGrY@rK*_o z5pJ(inyS5!;Oz9bKHXNHm!EkV9Vc1{1p4l|>_z zq_9`BlnC`dm#tvYAz5`n#A_XwCZ*l-x4t;vZwTj=~(wRl?cax9O2hDSwsT0E8pVLYD z#4Q(zX0)|fj$V_i$DbK1biGgOuYVqKHx}f3D_60__CMMHcRX7Se&luq zH)Ey0Onc4DV_8C@&1#@GS^gbid+rAILq)2VBCQu=oFt6V<N@C>3opQH2TolXA~_`b(*yk_{51-S{nZQcq?kK)E8PZ%0|d_O=2#JF7TEx)LzckR zvM%_Exy5Ccll(t1wDf;ATTS;tJzn`wn=LBf92JO1H6el|3gFTOY8;)I37pnAi`;|N zrsrHYb-zjN#Z@oD?i3lX6EzP%;ZDmf*2Xk#NQbm|ul`r{GFj78CAm_EDua2djIX5x9R&?1M#a4QkjjinSyzLa z^3pL~@m-*TBABMy=Ga3zG6-;0)VB4h@_2wqWjcz}1_Bxsy3%f)q?uSSVoW#8cRr)^ zq8RV*EIXOvuWwr(3i!3+0zBpV0$&w~#|k-z$sh>vjK(hLJr)DsbF?IjE?gl@p}(+q zV=sLLjRQXwW2OY29xiB5_g@P}`=c~ z#nJLS3)?U{w2heCF@u^_oE8%;j1cec_06X~tE+|#bQa0``2;3eMkd^_Vz>OEvPzHML&vDbm# z%i;xsA$~>?x$M5#yT2Vch=W zulT_q7*o+Awn%63$93KrE647A0RS|rk;B2GrXFvHcUA~R7Xdlw^SnHEKhJJ-#g8p1 zB&sgQJ*|U(Qz1C=m}a%gJO~ic=8it-sZ-9}`_n>Y0xEgGKwx zex#~jtZZJIBHms%QUJ$$Vtk+@~pwF5lBZz=0wIRE6>?^cVXfRemz3` zNFrQ$D$6zw)(X>5xViYMW!QeXSqn4Pvc8K`R0etuPP0L8IG`+E*^UaPW@ zcLEB$p1kgZ!;#KZ#IBuefmIvPlm#zHpNO(=@Y#E76SOX%@CxBb?AuYy=kSCV=|6tA zc^-+;kCb!D*?gjwG5dB_57f0F?3;pH6nEtmuv-Or{L6NK-|+h_vgP%V!Zg1z0$5<# zQJEY-uVii@iM-mV#0A@0mf8aKRgybGx*?C!PbkjI?j_5<7f>q0pkPUC1}Ea}Y5U30 zo!5G{0zcbRwjhI_2?3p!lnBjmffA5rCp^a@L|UweS-LtDp0NHF{RW2^^X+>t?T#!JGqPqD?Bx zCMAMz0t$?^3+}VVqS5EY|8_WC{GQONu`*T;mF&c$Q(g6}LPM_P#kRot0aVqeL2VZN z#9i(UZPwhIi131vio_5SBq7IGvvu)6?&kg9BLEJVYkXl@6JpO|EYO&L@%4%eLEyw_ z^#Fwu$n@0dl-E5JUhH?9;oiBS_+TMEg&e{M;3+5jnzgG9i{{)^xx${ecpr+b08j-s z;Sz)fs3JG_2$~AnrQ~|j;a3=KFdMB(0%g#Ivhsl&tQfY+qIoCVl=Bo4Xc>G83D7P3 z)om30c*-Ult@&5kH6jjBFjx@sl8T^WYKb_vIk{va zS1Ws-H;^DD=^Rg*5bK?Ve!lx*!;RBp*h+;Q$LH?ak9Ip$Y}XM5 zte1nzeHGc8^PF(L2sZ4eYG{&MS}Fv!=BA7%52oo4x9(A2Dc)vf)3f2!@;>pb5CYzH_x5iH;Z? z);ybDD}~0r^8rP&`FC78o)HCMW<_*ci1qr+*(?+rTu|K+^*QG6Q>e&84(2m| zsic|HY2^*i;sE6$cC~rlkP8dtymg?&b{M;_vt*yD-p=9;pS4OY}p& zfVyS1-Ch3hdv>C~Vn-`s??};R^>cWAd#QMYr zqW)y%sgE-=;_kC9Hp?Yh4YH7OS%EmmS?C5b+WvW$=32X$$(`r*Q_6_I6M_sN6n=iy z8>LB4LIMB3g@Tq;c&g{&po6#wQt+|qLct2$oke0N%rWh|iRD}2%A%jppQD2>_Q8}e zgWcZ6x`&eB!_jgwK3`FcF*kyER7D=O+8qRBa~LiFShLfxzK`HLyq3JwZ2& zU+pTKq`^O!Y_GRTW~Z$C+9*Z?b2qbS?OgCxzM0BQBRb9RY52OIc2JInpy}hK3HQ4r z+t8_vL7PLMS}_lu`}gq8D}turR78Or83-Gwow}TDeHORhb4I53o{X;4WTJF^j~{E5{0r?AfU}m6f5Y$srBfm4+M5*QD!T@ zs|33L3aZk_cR*kIsWU`I3(}3L*x@|DgMfHVsp}89l#oFnxiVQmvzowZO`caaBLymAn@+wH@Fakks%y-;! z2pXhHsA1t8i^rQa+4K56*hUrbdtUU@02U&3krksdsZU8lyH>(K>W<7+S0i-CA4d{v z{^pUfpa&K!9E7-^&4T6=9E?{kdQEt+)Sk){AL3Frs_WIKy)L+BaL1MF<7@&77JQ1= z5|L4nOV2Z%5W=0lCb`QUr7vJRdp||&!lN>BjC`Xekd+f86L5$;>WVe;p3jU&hh0RZY z{`RFSZ~u#hG(rW1f0Z)aH*#m(iO@&#h`asIpnTr`0HnKgm>g+;r%t6ecPP4`kTj4Yu#itG3p zoCQcFiV~|sL<3U79!*^5ZG)c9#@?ar}hljw6ECDLwpPyQ2+@80kYonBUT)- z!E=ljd&%6~nxme57-||M$x8_J@Siycjum6XK!g4RAG`M7w&Q`#5#jHQ`)6)!=mihC-~ zGadhe)gGl04ghN0U%>A{8|C=<6$?Ei=^*Rsaon@IW@wj{f%5sX=de=pm!CBMh{s7U z9Sx7R@Xc+(^B4;4&{Ert<>rfK^JhWJ$zACbkzdfxA zF;ezW6-1<4>_@y9yHD2mug<~b1~#jg{^QKh4%a^ojS^vq*myB(e&|hLlN62OgWd#% zas7Qbn{k#FfC>_plURMcR9DDDrdMr9r!Qh#q=|~q6rEM0c8&2hFZDSVJ2bljw~V;! zQ+M0c)n6CIg3eXT=Y?JFeGWO*`XxCik58fNyp{em1i4*22-G!6CLHB4*~B1wnTt~ zvrsI%z%!m3zum3Fh}O?)mwdku^U&F^b;V<3D*#Yo8GfPJO1ygZKm>Mi#u#mzVuTd% zq`2L1S)oudEs3=|-Npe|qAB~or;%DCjjl0>Xse!N#}5m#KY^1ot(Kw!!E&+#m??LukCQz~S4J@fz?9JAn`mT(`3$ z|F%2l45$y<`!*(?Td&wBZ*X2ipL2~Ko(}rrza{zY+sx9rc`uXQlnTw7Z0!V=tVeMG z>njs8V#`a#AUO-Y-R=p0?x;$yb4C0@A`S3Y82FaVTNSl!biXX){1ap-1hPoVuC8#6mm zJx|GOp-&RXYL@4L5(#+S0|%+^8ideNybrZlwq-Nv-CxLc2T)y4RJ6;o1b(@l=ffV43KXcX|GEtPj(igG!(o_}Rv$ zB}=O+uDq>#l&SA9qyoqlQs$mR%tl({1u2MBl#c_M1_Ry4;#~z$=*Co$uSvLS5PP?w z#+4dR^0dWozO_J%clhgrn2jV1tKpxoCzZL5R3!1DsP??SCCf zOM3P@mBs$U9QD`?R7ne*wm@8zmO^CMT(D-508SA7P(fg@!MZN?veb_^Hk zEGK&v+*SfOvyECB7>N=TLG?#KR=zJLpQ88KvJB9myg*0fZj{A{o~F9i1P$cXK1p!s z;3Yz*4-;vb3&PYuMzuv%ItUirv7zd|!(j$Pp&i8MzH(@PIT<-KPelEcfPy4x5}+x7 z0Dw50+}1}!VquC%d>q^rIn$tbQ($y#u7=A1zy$DHhgAUUt`%uEqt16=RHA|1oUD7* zQ!$EfRcah6c~S0k0OcCFio?pxS>2y}(O3tQedlrQ^_0dO)$xx_x%TQfsG1^p3e=hW zD^OQ~h!zv&kG$StI&jWY7K`ssKbdAh|jZevAB9q3-l)K6d?0o;A zqVZsQttXW2mi{nEGW6r>5*0yNE?h#y=Vw<}i>iw*z7-@JU0^lsrfRyb0xvVVVse}& zGB=8fkxIA@-{F9qD&%fm#LCZ8AKFwDizLaE?Wz$3L z(P9Vdkd&7X>Uq+b`&(I@WFi|6eUFlP=-)3Od*_c?>CIiW9a@c7x(@fdG}L^|u4FB1 z)auR?WNQ?EQQg8YJ!xkNP?$O@d(k2D@ zTaN!dL0fJ`LI0k6F&;>9pbEErxVfD*y>>PW^_ad|w`Rh{A0-HY=aZfOF&jgD+a_`$ z#?K?+#X;7tv6H~fftx9A*AMSXjg1z+kQ(<;_wP8o!WWeS^QO7UXWYw$t32*j0&xxND@E`6jU<`%B4j(Rbg)SUxPLMH zxietwU)T+|T*P0fZCq-EaTqmP5vp!@E2Ors`;%>69*>O$FkK(goZLrJii#|EZh3qE zP$eb@6P>NjKHO!S7NViYU!18qid3RsUJMF949|=eE>tREA-SyxbUq#g|8adh{8$z= zjs6D~nCI_!-ro~Cwv-NQG8v`x_5P!ATu5GZ&~X*@moRkq0DC3(H1`$DdA0F|u94A8 zRnaqz9aqULM`p;lJ*>4S2J%=|IX2e-zvQcXoZ~u3Ctr+yant^K&F2O&6mCRycXdoR z)&ilsT|Hkc#qYN`UPAjuYUX@jES@Y5zu8!CO~&i2f7>_mVexz+mG81rZJ@Dpu(1O! z>HW|e;JM;I7u=;C7%ld3udDtDw*CV+YkYUz_p6NITn7%`0kIZ z{D6x6M93?#dx5hI$xdvQv_Gx1-&uFsE4I1vWrKp~>=cpEkiyQ-4^9^dkkFPIXdzV> zj+cm`r*AC@_wQ%x(+A$3*!4ZXyO;~FR)+c4$pjpSDUVZ#9n?K`v^J;X8PkilSg!H# zH(+7E?icTwqe1I6x%cKTIQe7N_kk*Jx--jral&Q0a+KsTJ7pC?eJmyVgd)3g3OQLQ zscg0C@9nEVlKb(=-CT-!75{sOo2XVqSLrEkO_QXq6NKQfn>5+4d-dALXP3RFUUKdEZj4K+ z8#O=P>VAC_I7K7V*|v^D<}j8c~*K?r<-SE0`Fzhy+=~@;2tR;%SWy7+>K-;`NKakeY1e8HVogoh* zcH7A3?I$xDuHKhJ*# z?->)pM@2nqxidB-FKV53Rj)aaooT9?h21*T2-%g^}j_Rd{n%!8c9+R$masvE*3>847&<+6YL{g|?7 z(;f6-PVuTDqn3niTI#OAcqCs}a!W-BXGBn3kp0Zf=&p1a8!k#nl`scmzH5QGtJCHO z&ce**jJz`=ge>$ds&6l))uHR?1h)?kTLYvYPUwh<^VZJXK2PigrJvwCG##tDjCO{O z?z!7|eDbxI-U#XFn75xW$2y+6=?FhK724-JNDOGc3Scf!CHbA^TWi<8aaCE-#CARE zxB8Chgheus7Jt(yw)VSvPw^sHXNUa?P2oCcHA|i!V;pUDBKiC!J zSp&G2TyA@6WLzJEa^e=-iyIPya*FfL=A@x9Yxx72Mm(Dy?`}>?C+pV`Co9ZgjHUc1 zU(a#cTvrg)sJ_Y+ilVz=R#<_m9jzsM+VW|JjG{*p(rMD@vRZRc+*;;W>P|?-g?UpN z;i`at1K-o{fY|8htyeDHUSxg4`*M~f>|52K$h1%Zn@u&9yPw-{3m6zjo>W}(7YF6) z^)<0I$_HMv8MbK|yQ0S!XltYLznSGcI!tqm*iWrBPF`G8;c}A563TG%u1~w`MM~ul zjCFI;6*)Q@W#>4D=D>?407M=V4p&$*M_#({ru{mfe_jRWk?Wl9n9x)@bEAhY#_dphr5devGx}8uwfgkg+18N@~v_fr>xs& zEYb0qLS4`O3AWT2Hg;^P8mVyMqT-5CO1Y>8rmHonJIxc9Pa?C(A6*Tba)PA;=N{ee zVJ%_Qlcg%>2n`*Mw?dmGB}wi&Iq37N25{3Vd;6uj(YA_|E9bal{b8TIJHOQs&t+xm zHB5*8GFZ7U%(wp&GpQvi&VXW&NMAMV^1b0=37s*~4i zT1B#)uyVhPKZZR>ib?FroTSE7-xo?MPnO(W1uw>_wm%}HD=2#67xb#oRKS%^0_>8O zxy-}b?lzbtISapEOE>TEo7MIrJKEhSHyd)o?2S151IIk>2>l-~_hw&mf0R2BIutY8 zui5UJGFtA?33z2 z()A-ku}ZIZ+`Ob&8>JAk-thU95%8!FU&Y!tZ2fd};2>i-*CFg_P7YY&%l%~^3Li?{ zEW4u2FnGlw=ai9u+ez(3%@p3!hl(E)+jTU}jY)Uxe~!bx7N5a<@;^4L$eaYWH=ZP2 zi56p%-Wpfd(!SA&0@!8q0VU zz%2T*?lT20^Q->b*+#yDo{fi$R7>?XRR=F=%93_14m$ihlmg%*!-rQZmZZ(=%kf+2 zcgL~bQDnY|RO~zA9>O9RuZ+DwtU=jGkUju z;>$FI<2l##SgwzyLDF+6Fr z)Bp#xnLN(cALlzJkK{L)0X=w(wnyF8<}(s+^Zm{TEKf)8O1E)6e+QjxK3Mm6-Jwda zQT;yg?a|6a@(J~AR}I1o=Cj$VT32`}n*NZS9DbGVbK12O;;We0vsg>>rI2{iO-)RB zi9q#G0}E-J4w!laG9ogfwD))W~kEcz0{+6AH4@k56t3wbv5Qq z*onGTD~sv9WV_)G1*m<@+Nio!L;PLAPn-=E1miaQx&&q$qzRUez2=$y%M3z!YEF|?Oyj4zgmwI3oC=z^(PFCyTq-Ow@ z)wplc-h=u1s^lx(a=eq^srOULp`1V&x+m6&U@m{8xec%$YY6RqNvodb;m3DFmnSl< z<)swVB&95kNe^-&i?(wW@nnx)D=T*;iFS?lYhGBqtS^<9-oKHn$9O>xtV<06_!;=c zWEX3j8sH7{BOr#B2fjtc>7CY!MnJ-#4f@|dWROsB=tO{Z3{@vpa<50hX&6z2LJn1- zkR#QL|Mpu9+L$(g@2!*ozK`*9ENvryqS|+WYFR;D^H~SaB@hr%p8anhwB7)f$5VoW zgXnHnb-a0>f#(|pfzgN~hE|KuF#I0_0p2BX3JfNP^NFcW+sjXF05{&=6$#BC5DCpJ zutfI1Jscr;3l#$-W%lIyZ}}Q*&qzQaOFO^>;3zn~@c%H?0qkeskG&{3C^!RG4TGh@ zL0t_am>|0cOi;u_G4=mBa^PKYq_hx>NKAl3;$ZfPx&Vdj(+L3%Cj^7;G)4bA9Wh>T z0F);ue4_l?5^E(IKzTkUU?0K+0bdsS{2yd_nur_#4Nk|y2q;mxjz(=`TwvVxD*qoN zeAqQo*#1-@(_?Rbm<+bt$?`iJTU&~DKTd1{Fi|e?qb(-rH$Pj+&$rwT$%(KIR--#A z+GC+hcAIy`5&t_6{)^3c(4Ryy5d-ua8`R>qPp_EFZja~q_|>rQrDD=Eu$J5qKzV*1 z#878swf{hVc7Xf@gy5ev;G?#)(J!5W#o12505lY87e1o&hQ-K3BES}Ga!|-J!hhh6 zFHgMj69wllI*zh8t?=KdxDc!#uN2d2j6n1Qmyy!I%8ZHrzu=RGCmz2wm63I_TQyQ;c2Gto>)s`p{qTT9`Xmw`XMQ(t0@QIMT(&RAV|)@KVtq7q`#vUhKNr@ z0BHe28g!y74_&tf|GQvY69MdNkoY8fkq=92j7VrExm-KI^OsVA7afp+%q6OnnEi1yQ8Cg(dJ?172!vYKTA&(HXuiToRf z|Idp24{QC8jQo$*`v0@~bwCM5Bc;ufzuBJPnsyNzro)XKE6+9%U39 z+4nTos3Q{v{%Hc>p(p+S&qINmo@M>O*LDRj0srOx$+s<_s>Wnxf>)!?MZ zn8fpBJ@Pa-0XD)$Iy9EYU0z{qX^_ZG2-AzFlvR#tbdbBe$Gw;R{Z`Xg3nk3{#39&L;^ig>xgj2HyV4MRziU-%bLPNP4 z)&hLJPY0N=jmvp$XZx)SGf3LtP-OfBvnauWb@M|XIz(wBu6_R}Kg50$160Eotaw^0 zKzr(3R>kisTkVuGHy z2>7$J-Dp0rF6FXNwE#rvxe6n5piD3Iq~2*mY9DA+u;a`VpA=*YzrT_6;xg?6Zg*mH}J9>i3+TVkbd#Ao~4kuW-4N#WT4DuTtY``x{-@X#ALQ8pyy~U#&DW z;5CJIeN_1{hjF0f?3h1Y!zrJGHiI^L=5yftaUaX;Pqh)Yi+Qe&*42H_ory^k&Qd8V z4omB^e(G3!v%gGIzJ*a4c%LVGG4FHy6_^Cr{lnuE_dx*}kiF!{r?A01GWqTNbn{8T z0fD&$e#f_~0i00HGC-I+gCq?s2I5|77#L9SXmpfPp5r$o_9UAGun5^rE;qZHZx1F; zb_PDKKl1YON($bujO5459RI5~ z^HBzR5aHXqUXv5%z8oS%)V!-7NMFBF9pSz`B37@0^q_tHimIk2afG4qb5-rl!`hXOOdaPu!Hp2Qi(wGWA&`6nNZj*bq)E%?jMhVMG^kytU~9Z>=v zo%8JU&oZVRJicm`%+5CkRGAXcBL0U7H8VPfqJ$M%aPL#Hm(me;qZ zKv&;E09}0Ra>+57PC9Jwezx3T2tWkRw;annJ*pjB^x+42tc`B9=^;fQrxPQ8#o`uB^4P9m7@b1IVb1OW(u?|Z?~d0#{6vzHU{xVNf$@TMN3-a@K~iz0y@se^#Z|53{fZu-zfg^h@XQ$4OA^$rV1K4_3tJ_tqb z->$Djz>m5%vY~2qC}C47!pa7$5I1m6wEP{Rs)#y12};P$NIE*YioX;@uht@x$9{2o z#~+Xnm;1kchyG<773#TRWk#(!u&ezkSzxFyGK4*oz7R4Uh}2z8$kOZ|ue5p&arRM~ zy+vaHw*gAcW#TRAKG)qzYh}YYvr$XkYPcF=7t($~xbcU!qs+lpoxnMm^d=q%@6vePbf8o5%P@(-(R-a;?{ z6efwnp{Xkq{}9vcr722SI8A`wN%JnX5gL1Hl*p-^0rg4r`XuInp3%<(`T?B+KC7 z5r~2v;=I`_ucMRXUqB0P1MIfTiu>HY2m{7ElFerGZe}gXb4KbAGS`GV0Fo!)tS{=4 zNKXRv4O4UNV$OtvK_;TgoZcQ9_r5CxwGN^dWYzU-pIu&A3^i=pDQX@IHSDvM*T1pB z6JyXSV?2#3FV&9Snoj+jO^hYVcd^TPv+dH#j<|RgA$hTzEkaSXDxN(6V2e7q%eJe^ ze28RVbhJTrALtV@qamSbqAlbT?%^;#+FsNleLwddD+(*>{v}?b;f>nlcFc9iI z(>3PrL?k!VuJ`_d66mDN`xTN`_HsG+TZ;~z^N!p2s1xzFw zjOa`Nv0pDZUTQovs{Hoi=Nk!}FnsZQH5%D6G!&N#o$|D(b_7M-coKF)=12eL0fPwc8UJ0Y2cI)m*`8=Eh?)D%e;Yn<`jlYpZa8nYA0r=3C-9XB z^feP&1pt#4zpE|q9|qsx>&gjx9QB)ZAp|1^C*cdMBN&J+qanTRnRz}5bX?j78YU&v z1YFY@s;66`pnZs-7S(UHszDc}sH%|gPfbk)c+d_M+T|LW=aq~k{WaJ(Jr}zEvfKYZ zSsPU(A`ppu2H%_<0ADld8kF0_iiHEm!U2qH)OXKSZ=bwTu{%3&So_tvN3Kld2f)$r zX$9cwxt!LaB1k;|;L@wlzCllpLi1LfV%-pZ#)e-6l`x;`@<)KEHi{@_H$lIvG$fSJ z%tW2{a>8w@p<16hE)QmgdL6+xpU?hWZ$@MP#LENJv5FHr!N+g_*6E$2?Ab<3_`ynR zBM!BQK-$zPTkRwKZm2}N6eS7dM3(sVO)wpC0z;!@FdbKV0%Z;~hG5w46$H@rL{EXJKWvLQHfa-MndB*uy%yN`c@*bs0mFr46j}Y=u z<@NVHn-vsS^BW0U-uqu)W51Gq@x#J-`yQmRh>3;6@++f}6AQ;X6&(JLMx~`evWfFL z-fcDC;1)IyCjc!cq-rZ17-`AanCR&%SSHtm2T)Z>^NnbK{iwhOV__o3XU?o03T*38 z3=qlb?>8J2TIydfIfF-obk=A|ee==hC+`E3cS!pWwY z@dOFa=g&;umK1+bzI}X{qJDS1rE+8G{D<0VzP@a_lT}1GAp^)uC{MVB{m5nfz_h1; zT_m$I_-w>Yf&LqkPgl=>S>qTtfK!;kDVW<5wC6@*`}|pBxU_s-?<_O&bq^V;T%{x#}J-u-@u$wSj9ZTX$jC%#PGa-y|WY^kZVofa7XJv`MX??`(Pqsu`0+Y^3 zVB+A?W8hF&9K~k&?79dC*o>nre@`!i@y2@&wS|Xv%am&>DxS3_rlJ!5m$u2H15EYP ztn-plrODw+#J6$GU?OtU>QbQeeoR^h8!ZbxXe1s`P7<8-RrcBv9qj_1HBI*c`FRJ= z^IvL?{BpSWj<(BmObYte6yHw-dIMQ`&O#-S{r$+*>Hsy&zI4XRn22($MqyY${|osS zm8z}l9Nh|t+SNUm#_^s~@iJpuzZMZnSXyC15{W+x_{FU;#Q$Fl@;3Cp*cBL2q)G19 zMF^7g={(6y+LQU_0vsx81U}U#rT*(P^Z?&us4^N=*V|0$w!g8aUfkawbFkZ|D~75@ zBT=$s{)O~nyPC11FDjZ6`(x`1S&uSYxlgyO9@6Cze@?u$GMswqj-x4qQLk1+h%BLr5-wOVK(29@mzaB(qYk767aN`H*N0v}e#a3As-gx*0M^WTd1EA@L6t$^O`r_y9EBpTqrEBu_MbQE*=sRkAnu;jxH3Vz0DtX$#)ZO zeZ=iA5ENXT%#{kodHH*<$6KtSyg#=56;jCQHh^T~&!)+lkYU^POdc|yU&h(+@I1yS z9l1t#6UQjIvAX-5@GlG0ZPx^mrSvw{s4?L~68>?awd$Gf*e^bJqj#)u%!)NVoK&tI z-!Z;repchbG)gwNM9uDX7}A&mz;ZqrGr(_E4qQDlSBF$FD-1u` ziEyFkNYd+B?s2u={`0Q}ids4o1{Yr)aazRvW8{c9kScuh+7B%IbIgXqF^~hVPmQmyr) zui5Hn6ujasjOs^juN?2Zl3x40FT5|k)j0mFBxt3Ulo?|J|KZ|zu2JQ#FoO)_gA+jneHZw@RKw;7AWT$1Z-H6?cN2Zv}J@=K`R>8BO>E~4;97iN8K zt+unPxMORqyx?GCz-=iF*ukqVdr-pkkN&^dd&{6K+pcYxl$H)bO1euxrKMX@x=WPq zt`m@yPHB~p?yeJQP(h?Q>F)0O_S5USuls(U_n!C1_wSqeW*i-7;D~)+`&!%D)>_-K z`@MtuK$YBpLdW&To$Elrg2%w(>^omg?E=`d<5{=qRe?VqK-`mHf`3nO^0q6&n2WQ> zRFmcR;RGCIICTZ|RlcMAD_#sQc>LTWXXaj(WfF;g2@s1OAuacI`qP)L-!Z9an65sg zF;w|lWtGMK@e~Lc^a0Suva{Z8FUOgg*FwUtPK6q(UEKl`7h-`2lVW{U(NO8`F8cPs zpLqP0>JOJLqTO^2R&L%Y8AotFAE$-c(Q$uQmk7K|Pj%y+8JWJ0a#SmNRnDoTpxWk~ zR??Ah;G3^t1T8$>NDj*SDw}2Bf>z{C>c!?O_sf6{$*$~{o-00;iRDcEOvV+r+H%XKN0>m^F-keG@&{7k=c?VaK}ib9Q| z<*!!?!xjl>)=++Z9U{GIxD+%zTxnR&wUuA+gvQ4yYuw1DA*rZF~o_JtSJ7+5!iWjDIxeAAe*8h>NgySRDhkpFTIM<;}PDh2ji2hor zvHG=5nTE8GQ_?KP)MlX)KkP%!b{mb~28B2bGUlV`gLI!!11%O? zFJl#8YOq>%tX?%)ckXY5r8Z;y)6PxxwUU{AYP-Qw8f*}=Nvrk)>D!9Cfh51z+c9kk z2sL^<(o<_ON(Fw>4|d40o_AF{IdzpX3MPz}Hjeq$%4#TKC%G+Y)-Szp#N1rVoAg?~ zN^_J((2CifdGt!7h5FLk`Mf$n-2H0xTJQF2Q*bzG#YXbO3w;qq#u~5E=GWFAX~pIm zW^_EDjffgzcbwm2->dFck3Ici%fWQzc7N7y)!P>yR}nCB1pkh~FO1~&44>j-VsD6k z^C*i(k~Cms`2nDx8qE3w99e~nK>U1P?FQ~nQH`BMHq>Lf@E)^Tc4CNwW5f3#>Uu_@ z{QU4ctZ&+tZlv=q7XQWFFWZZ&koo>2^8CakR?Bas@e^3UGSxT92pH?8MISgf?qOo5 zz-+IacMG>sC0%vuWOg@g>j^FuYHW%r@4qhfDWula5#1}79*>Teu^e?5squW+XElje z1kGl{I5O7gTYB*XvM`NR+g~ddsDZ%YSwwtdfx;BH@Z55Bv>n4a-D^Z>QpcZ%Gaa*e z?0&AxhcK-G;j&x2QV&PXLFzLHRFQYlr}#&U(~6E)zb_Zq3ks#^-H2O+PM~Alk{(}6~*$8(5 zsJrbQjbA9aY)e{+zVN3T!`)e1{kNmL51sEGS8dhe;TL8)*1diiMtaBjGxkT@y)3T! zn{Xm~iWA=0zqXM2-&@#bSUbe_8H(5cg?=0ED--_n_|hUO{j|IGjW*(Szd06h<*)W) z*;n;DKR;CSEK{RJLN?(Z(a=C)Y_N5n5-CCn){uCKL|6;}UD8QmWXS;X)Np$!;uFC* z=+Jp;rJAO4PU`W}k7@Iz!S=q_p|~sRG$!!^1%0Nkm^9qSTk1b}ySSFlJ4~z}K1(TM z+3V&ARX6fqC*b5)yD7&j*uhkSG=W%EMjovR6yl?u?Q~``uyoOdAx=9BeqHtY5m-m#z4d-gqlh z^Y9qnObn~N(#EVugaRl_vHW0htW7~HkiUCw)8JB88_~VQ{Tl}MujAh>Vrhl-L^bN( znDKbM58At96$-XjSc7}xcqFXwvbc*pDa4PwqtZ?ncb$vN(Oe}OX%By|j zPr)Wwi@a(4=udJZ=l2J?!{JEGZksa^*|1O0kpVSoaI=zHsw9Lqw|NDtR^^imF2DLxYfk>toBA$L|kJ+rCXt^VFHyJwFi z`S`|p&+o%0!TI{>D7KvXi&+~jm1@6|W|}8YiX#QsNM9@vNR=U@CB|FJI%8=@dHe;h zH>CZMkpGVFTbdkuqc4nl2k2*<052i@?SG@Rzy~Ey8CiX3CR+sNd@mePovd- z=Kh$wUHStC*~1bz<@B{|k>&Ag2V$jfokuF>K9JWNQ0zVpw#K$6qHfRUT-KIP!m=>2 zf_d?T)5)+ov5JfDj_zEyCWzMWS}A$W5009wo5KQ1Yo6Z#>+I}4cd;*(MnIxZ{(1kN z)$FBLlv11U_+^Jy**OC@jsN+a7#h>AF>(1^ST5>!yy+z-2BVK7hnz0ag<+R?5DC<1 zTZb~t@7Zxyi3_~%hfZ%I8^$Thpxl~a&;5MyKd@D1g@Xy%Pex5m0;tPHRgS11=;nHp zl$}l|$gmT2SRt~gr2?E$0(Yr&p#zZDt#4QghG-;xDKgnUR5z=Jz1kd`D_!(pSAV{+ zsTyD-L&v_Ma3S$mULx@Cyu`+L=#d^eYB0Ld@RKx<&ju<&+Sd?`j^GF2#Rqijlw3xO zz21!U_YsNY`3WRSL3^*+x-|Wo**c{Mc?hd=l~#txuu&W34$-ld6DX*(6lrEVyot*v z&qqS2FKSiSa1OU?jI_>9s6P6r+GZ_0M>9dX-nhFp6h_2u$1k(k3Y#=U+b)kU>$UT? z(Pq&tNpP)OYV=b`gqF*7iE!U^n%Q^knxh_Y;C=VVsEiXIZVxi#}rS8TkTXk$s?{5>dE>OiE%eMYSLU^r+qW$ric}xLdR$?8Cq_guCpU1 z@TC2|LCIy}?*l6(@t1en=o|QcQEVI^mZ;#qv{fQh6(}X$~i}3%kPW<+3!frZsquhLKq#o)~-%l_N>kt^HFlT|MkJDt@bA*eL7?8X%WL& zy?bqc6$}&*{(TtEvY!245D%i;H=(wOcfaz}T|O;0var4|dci|BFF31|DQk(m*u7w> zM%fqHZp8Ru=4e%Q3*ky@;U=<@oS8XS!N^~|_d8o{FuLGuYeVam zX~UTR^TU+~pCB<-&x+1kc8vUf^fZ~z(lrn+F7%Uap*}oPG=e_)S^r2A8)JO1C4pGB z>7@i)x*y4MZ?Tml2f+)fv;9mC2p*~Y!lpzf{%-(>@x;k(<8HOn*)-gz?Kw2@*352W zdaoUnLs-WR%B}4K9lf?5U)eXI#>RyGVac+W@!+{L1o+@!=ew>iAaK#8pIw3^%RFxQ zA)HnF(G6$NvnL3lLF-ehZUY3w`|fF}ohNxM6z1#DhO39E6ulQcX@FVE3M{IazW+)h z6Sq%fwGn|=B6C6Tjua*TW>8RMO1wqcmX%HHxW7h*+eA7Px}Ou?KJ={4H$B3r&yRUr zB|>(s@q>h@+HZ=1{##a>3J3ncW)4LsGuNyg+VK$eW%cOq3Ge$qBlO|m74r#Gm)G0t zA9OwpTtGIzsc;*LGg=GwXQ%oEn^L+@EN}D+VO)@NORLOf#jD9Y*3rkDT@sUk%>HA! z*~f9ekjNTiPRb-Cw9~=3@P5oLdO;G@#d{z>cx)TUV$s^7!5f@r6+3^=vD>3fq%=VI zuI^FWLZW%DZ=F$g_>UvUG=c>|jNfa! z{~9T=@-a6CEN#X>McZashlkASz58Xu)tvu#>gHEtz8|OWO+6PvJLXDW^S!m|x4qcu z%cwN%@<%SUa$j{oY#e}9a^P9IPd$TS)Vm-?+5EIYhCk+jDB3luwcy0Kr76`2Zs z>Tca@-EIiMX+sLY*x2@D9V$&M`*rMeG6NNC8 zPq>pful)*(jxa?>OBgSvH&f>^EqioavTW7jPcKC|7*-Odi|pmAUIg4PMJ{dQz56X$ zTY}kJE9N*NVxZ8oDc9}tX!jdQms8!Q#rxn*54FD4a9Sc^rZy zso+q>^Ixd@{Ydejh6Cnj!&%>I4I3pW`o0=)ZC5z=>Qxw3TIH~IM{Jy?N4=MPukOE= zG>2mmP=n{cs=)zf)L@;LG7*^`IfE%Ys4OY{JE;60m0fuzcv&|Ee#mpgtVIRI;Xk|o z$phS1+$}8!3hH}*5ix(#h<_J>#GerW2H>GOoSYp#xNt2CLkd*}5Phr)X-8YPjfX!q?7x(65DDaD0fG+rq5u|E@|oz|F8@m- z`*#T+Y`}v?^8rrpZx;A}Jtm-fGQh&nn82Si?za2_2F^wn8Z=}TJR`!44Jf@T22THl zH~-h)8*=`jkoB4caENj}Ytt=^nAn_=aTUs7fgDtVpz}uzj_%O9V7DYDvXU~U(QSVV_Hz}(DbGJ|X zpNHwMgGECLFRe$h!c(P>rj%O zYCSUpg7Z<2{#Qz80T%^FA>j2E{3wT+Ktc8LgL$>)a|o@Dnmj8AZ1P4C5;eNDw(&_j&jx;GG&$Ry z6~=J1eRr3wtn4SAoQ)=Zlr!0G zF}am4w58v!MV!FRGGsT;$9oXSW!BX%W^?dmsxH zCJWt{gv$ZB7eCr9f3~iZe7u<9^31>U5mY!U)hE#L%ju8vxs$d`z5t8Qkc==#O~7~B zcYCvXC27(fwuc+G(5n+p@(9T$DnQF9Y z+SdQlQsUG>ZK#+V?lpO1Pw~4gjblx3L~-o4h8AX=;kMphVirKYr^8<;%O0kXRo3_u8@^I*Y&h z*k)9~u3h`>6!)UdSL|iwfW>69^Nc+cdZYfVwt+j4KQXX;iANUaaK}JIz(xn62o{pJ zpWJuuMkGmI-?od}m=uRauoq7%lRp28Z3rVJYXzM;pHH%r_h-{x#x{yzFWib!>q}{Wq>es|8A<@K2%B2t@wyI^z3K(x z0@i00h-V5%q@0QGErkm;iyr+*6G&*Rv08Ru3u+A@B+y!vc3D`QGv8^%8CE%I(QBx@ zBoj?4)8dFAx#5f?AL}z+S%|_Y=9{;)T$)Q;>B;g-l!@F_(09rDm~1rieruxKflola zwO3S~b;HIRx`J{UjiM>1&Z;>w{Ywc?%IR*s|C@IZA=yx}U!C=6?m!aD7k#yMh6n6Q zF*=W}m`95=eofCti;b6RnwBe#eYMC>W&K?)Ve{^Vou6F=(q7x!-6c?FG_7zv(ed$H zBHtP*z<+5r(AW2J@V5eovwCrLaMJK7&C=j6q=zg;+~M?TjfGuq{|f9`+$F+_`VlS zLz4W2Pcnch6Xl~@y2memMp^2pQG{W?lz-P1i@aQkHTd00Kjn4(Y989k4Q_tW!w%MS z*{eBL(oC@L-D2S58%Gm`aX7avAYQD^apa}kwr-sk z<=(XjPK51TqXfU*s=tCTE&uB2*}Uu#K8tC-`$gnoH@xQQH<*`od?rLF7F*=Cx--Zl zOI5rinm)8(@4!@iB7f)O-*e~@e?p~4r0=(dpxefR_R0KPQO78X6LLI5inot@FP7sS z)WU{JAk(ihOV8^_Qh-a0R6d27vuUuscH5jZgM~|!`k_Tyfxwho^J@%NCzr8}{D*Y$ zv)&4Jro5g*<-a^G{R4M!MdS=91+_LuOA7`Tm!KU@z0DVj$D&&I$)D*&NaaD}C3oYT zo@LPFr~8y}gqW7oxF1%4!ciwqoftcvf%~hh)8nDm!(Vqk4AjcE{jcfjWeq(S@ZWvz zyqA+$G^Q{^!Zf`kH0Ea~T{`LH7hfxDkR83F>qD*GvVIgJ@9q^hWxsdwc8~hZ+f67P zy1ybgr`YqmbgZi}-RCojMz9F~tcddEj8BFqRcV!nyX!8+ezmZGclr-L3d(39rS9m5 zUuSfro$jQasK4yGUxpp|-mVBXtoI8^c0atR*UTjMta}J+M0It!JXpJM?Be&4+(mu} zy*aBSpALZeqFOC5VZ`{)p`71B&(Po&hPc-*=k2$DMf&vi6b?H9(s=^;1it@%Aof9+ zZv$o4@6Jbun?A$w*IRh=!%_@7#CWhDwbEkcx?EE&@0}Nmx<^}iPs#>0#8kCGEl(L& zC9lI!n9=%2=UN!}n%44}Opx<^w(l*rZqG5lW<<|rl@8v0{=W_XV3$hJOyITj^YYttU}o}DfpS)R(3L6n%t6P9fe+f&l(C-MhZ zFH0L+v-&FM-l#Rvyz$yomk_-%N~pG?s8;JOGpu#2iOqr{L`2A-W!grlURgI++quQe z2vXoBj1_C=yPZw3O#}U7haVz`{S?%xCLXQ7)+Sl;o)kZb(Sy*cF5K}#>Gaq`WvQB_ zJXaeE>VpEF7Un8WhH z4Q&GU9QAV#daLNa;7S-FS=>o_}%SZLNKt)s4tgPMa87Gqj}I zX2xWzD!L$dF&AWEKJ_7Mc_O~7+J!coQzJW?{3_}?TW>a{dZ$dg-^92m6HhP+D?^Bq zD_P$@xD?qX?RbZjYrq(dnq~pzUcKPA9M5W(ptRnQQ3*nG_5F=2x|MDrs-!g;RL$R} zE+>)WdO0%)`kp5kF>6~& zDh=2(R&AlLO2ne4Hx-%B;6^Kp;CiCpnsMPo^@&jovQWjsw`^w4VWj43uKeKWCem^% zCB89LzhPl2VtMxLnz6^pw@M=Y}@#>SVU`drc!K4-ijqD7Z@0Ki<4)@93WL zH0pw!Lv46;xxZfA(RwXjfgc&4wa`r$xuIMUC~#~&Gps&4SRr-kr{g9XQFUHU_&MH}Z>Tix^X=&O z+E|g8Z8>>TY=}7hJzWM=o5bk?nueag(4;&6lvie#n=um)GIZ6k( zS>;3L`TWFE-MWy9gELQ7tUQrgbXrVz%&7IIVMBCoE{^eI7E|-kz(gT>CGtl;B^n3R zZVL9q&rTN#S662PmoI+V8EdMDY`neL-^o7_xIWP=eo$>M-hIqv5Sz<7zuz@;xxSR* zeP?>hG&cI9A$jJFJ{GMEg7-}@A=zv?_tU&*%}5;<{o&aiJRzH+^T<8;e2DMnZv?GA zp~kO56y9$idbaHas)m0gla=xP+`fK5m_Si9zbw{Io~$~-$?Vc{YT$8kg6qtq zwD0%SBVA-Acbw_Hl6{%(ZElp!JSMg(PJ^!JY5j|=r7_eB6w}D#gM7n*2Wzum>l`xt z%F^@d^dX@&_Kg{KnQxwEPHzsfqJFjApQ6R;-cESoHHp z8ZF*4zp<_aHu3fo{7#Ne!2*N3C%Qr?i341suXOnB*yC>nr8P=!6{&?*I_Yv_2`XbA z&G=QodJM3F11=j(Mzhq)x>y>0yz7&Aqp^J?c72%7ze|b-+AlU%rJl`rJ+sC7>E${? z;rN>}+UQk}1y4Zy&v`V^-4;s+5~3Fn$R2LH?#PW`)*kLha)o-g2|3)yz*3TGz5PO+ zL+F{Z{_;Ekl^$)WRRRPuzjqEenPf4LcU@fl64s-nP2nZbAe-|TNc3!4vq3K5HVQ&} z=&yQSY}w$8+IDs5@@^V@Dg=$1(TKMe^pP_$Wx7Oq^SCg&cCo#tL8sENqf2Ddl({D+ z+N~mE^6etD!>L4n^@pML((@GgO?#xkD{A^*BMX?=r3jyePUgU8MLOS{t2HR<_km})Z1b}o9w{PG+4YgQ&pLM3 zn7EtI+SeR+bL%E6b;o~VV^mw?22DOWo`@)UALix59FFhpfmV1SW7j{|D3>Z~7# zPP_K{Z{|(E~z?~lJ#BGh?OrEtoqh+K) zs1$mqPX?hKyXtZ6ta>?w0-;Dl&Tl>V+2h!!?zW+WH*MN~7cfSg@3Qg0(Jvceck7kP zGc``(H6rs#2XDFSI8gQc8F4D=iW>a(@?x}3EJ#cEqk~jhC~|=Km|SQT(iXmEP|!)J z{MMLF_1VKifwJ2%OshO>c)cO~KK$HcVtf1bws2kC;$6EnX1h)3nS9dq_Cr6Mzmi<{ ziQN|Ys|^y6QKx%K^2J%8v-67zq}}iqWKgSFo2v_-(eG&As&!n})I>XPb7|FoZxs60 zs{L*|Lr-Q%Pm4lIVK*p$t4c)ALvsY(4YvF-accoY^(}kUU?DGkmO!d)^VDB+e63f~ zQNjy{F~WOMLWp|?Trg$+VolvtsiiB@BqGYVdNxta-@vvk%X> z{)?puyA&}NX#kA!a^=2h1X3XNNQS_Jz;?(>B!R1AFTG&l1C!U9m-8YbE3>oXy{mq; za*0#2lTPz@E$R_6o_=S$B1l=^<<5C*hQF3p@3|M~AKbzAy;f3f*EW{Up_blNjSU7F zsk}fV%_bd5>8)Xb_j!mSF>6BdD^=lV#S!%5qe_om>H$Kj5iaJz!<*=I^504=;@o2o zp>)i~M7gdt*NlN8C`NAk;8rE``i_YAv1*R(Hc`kvoR#4t{dQnyN*rS-95Q}$4p>z(*ENkd(X1WGyv zUtjDcmGEBte%BxVrm*(S{=Gh5@BIwNBbVgOMYyf*Eop(>uh`ner2JN8s`qq9omQ8m zU=EG&G36M32T___!S8pJIo6ZBvG@71P~@PpAlHBLOv-5fPc(HjwUIu$eXwz`awQo9 zaN468+P=R0e^t1auNxD#K^A{51P;{oiYn+UzR0ii2t{;B%_4Fzudd@Nw>{s^Ys#)+}r2u~Txl(Tp`Hq;5bdB4<~odsnwTULH8x zjdtBUnDTVGTNR4J4(ptkeSl#b=KGNXI~bNddpmqE(eVv9Ox&Bdo4u+==O9}c-kpF= z5HgM-TrM@1f=|BsCm%%absL?xg$)j1PzGqA<7t&62{SRFjrKpyP>CTmNT+c-p(s7$ zF}@nFEO-_wz^msbIWeee1U-moJh_iixvfJoU+*TJQlU{_Xd&itkZ4ryTJM~Cy5UYV z{%(6fDa24!5t|2ukLA@QZBg-ujd-RUBzIs%9^p_7+3$3oH`hDUj^YE| zjefi5GN5r@d=x}Rk^l=jd_ojM@29V1K45fny_>Cu2v5}IqaYz(ygNlA)?Jd=Qt91k zW8+S_;u^bpq5;Ne)RD06Y4Os`xZK%$Sf4*>iJTujJ82c@oHE-PE>LsHQn-A=?(?Ck z+)=^5={2gm1!$vT_5`UCo;RAqoe$`EsJPuVN$9xor2~=hKpP--5E(7B!YPKkdwfR<6Ot8strl|`?-g}zmp@z3vWxzbhlT&XFv__olfEyuo= z22#(B-@Ws?+3gGvk{G&crC51PJVDOG3LDK#S?>ng=%p{YT1{tY+pVeMtICnyO_o-b zQ2TBg|EPG;eNd*XX?fMtH-A3Xq`!+rXYlP-Mo23N=P!Fjo?TcW(uQWwA z402C@odUt((5*(p>;bXcV@2k|SM(4>m;-LKNm@;2wsp}c(AJf;EFha{5tu2dSAP|?TWPj|X|rO=?%#U3 zEdBI(n0g4MTNtq{jlqoT@0Ch@?F(%3XH#PiJELm@RUNwrCM%)<0^!pD2sAGQkTE>- z3Yo`^^T1uWlEgoUL{(wI>1KG!jJGz3raBM;Dlp#jIrDg^!9?Oe%fJu_D8H4N&e(a2 zcNfb0=E(W}Zn?d+YdLUyz`K7c{MxGe0oFGY>k6Z90T_g zkG|!Cj1v9+>_T;s*=6zMLTb6kk)OL^6P=_?{gquG*BzF_iMi^rb;{KfK%u@qYVUcq zvW;bTFp|;~p@pBNLY~W!O+!>8`eD@o8+GfWu=6Xff??>OKw8)PXL-F;hHPS=q80Vby_E1fE2}B%i)$0Sp&LKh zq+TpULwh-=%Y~cxWxB4$yn@GgG2d}(Cb};?(Jy$}v_{ywc1i3_Y_Ql>CCv8>uf=Ct zS+my^+4lGJd1&o@w*aV%iy7-Tvn^@X^U|#|DiVbJEbk9`Ei`CbJ`$ofqs|-B24w7Mu9&y?JFpWFK zWk6!rs(GmCcWN>eh^Sh?GVDTJ1hq}>v@X1*n4@ooANB>_D$=9^%MH(8r zY2-5evAbjOq0e4W7vpkEwCOhtKFzUFWV5fgX_!t)F|2ZJp{aMeD0cKnv7V@xchF)? z6TG8SP8&(Sbg`6PE`N8_cKDkM%Zv;7T5l|hV^_dJo6iO?9QK5ds^z;Xx6^x{6sp5^ z*Cu7s(d#XAa&8ON%K*v!xZL;Xh)6{|n2o!6|2y*VPUX)4FN@iLuHj+_pGmv9LVR5b zLx*Vf!s@z_(uS#*G#(XUaT3siu7>932w|pL|y763~*Xdy;LTjTJJzf+s;%AXw`-)2ik)eS(%8$K! zXLOmj`w!t8AP+WRp@(63uZ{)K1d@-g1?Q*_9f4moVEo>v_)iPv;VmzBemRJSL`g;q zKlA@)q)D*f%k*Lb?g3Mt28JR*TeQ6KPnqzY3b^t+QD}2>4*ox#Ksh(ig!ypzR-XTZ zld9l#aC{ZKea?Tn8A1~QNoK;(eMpZ-A9FPBIN5TXU;acv@Gaeg(XIC)N%udpktii8 zgHDS-H0Q9M+|<9c0PYVuy@dBm+(x0J-t)Tv$?Hckc(X({6zcU)CjpHsD7=_hbo0q& z|0$a`BmXIxZ?vKI)%#*%_hpm&WDt>kwn$8fbB;|QDlSd{qrUf$B3{EH)j?{)mnu*w z+jh-UZu;`?GCXqu02eRRWHZN=kq+R6STlJ0hUB#>{@@2G;M?eV3jkP*A^(Z5`w5DN zkAwT~R*3&-Imp2PwY+vn&Yzhhs*Oi355OW(-v2|;M9^nl{8_30qwo(|{&T}WmEXgx z+PHBf@Zvq`@Yy}E(BHHE9$NWdccjmPcNv)eX>7QwPHZLtr9z=q_@-oOAaww~ruQ>L z+m%wnzkXZX5d${4rO+^+{wi)-4x{X5JHj?ry(qB4Sm6n#0f?{QJ-`f|{SWmu`RLL$ zk}p*GwMC%iqWMn;#7?{>uMU`D-FpIO6a1zyu3 z+};3y$lJaj{cC<8M%)DBgZm+9r@5fXh2jNC!dF%_8UwdW9;|HoJb^PgYA_1qLtUyf z<{>uLJ#_4{w%f+XKt{rVUO4*il6N>gq=(8&Y1VxS2TUAXFYq9B04)SAFz2k`8)yyr z`=>A^jDX%tfEc)yWDXQ>`OmFxRWYNxCBdzPM+n^RgX(I0MxtIiGM$!2?L0-8YTzH z`A|GDp-lO|+DbjaiTG@)0-@~<0|i!;V4w|Ps8OOrJcHA##==zYxS{}h_VRaC1A&Pw z*y_SBY#;cq#eEFywtxb(tQ463NcyW`2U8WSm@_sDH_B767R}J1T*c&d+viCN7!aVw zXte-ui?SyTlYv*LL8r?|;VTLeXc|NaEe`l|7aDWme568BktAaX!5&~? z7o_(_?b>op=6*1jXYF|p81j}iaIpbH_!a-He(;$dysg3u3}zV!Eh3&a>R*Q1561RG z@AHEbzyv=5pS?`N?N~6eyWF-Hcb=jKyZ14y3u9tqAoW@P^)_-eec<-=56WMOpx#5f zC-_$rRk$#C?_W6h|6jZeJA_im6|^wK6c@9n^+c{?T!S62^u6&c&@9VL;M9M1NvO@c z16o7mX7GT_0Hsx})E`56;r_=^VD-al71Ah(eagj9tA;7ky4nS%vYuMIbTh)O9CoT&+SaV`3z=?cnZ|B`&N&vij{%?{M4_gcuhMY$76?Yn@V*_Qd8OaE7mPyzM1Wr9sAN2A z#GaY~p3M3}yXuX6lk3iQ>ty{xFa;PD&*E>oyc!g{O8~zpNY4fP2^38zS(7J6wcj_P*f#OYv|qScO{;Tc+)NtH*vjnxx8m2IL@) zylV_2q+6hKQ~OP+emI26^D7B8TqI}LUhNP({u|U*pzkn1?RSl@DTIeWn?Uo@C=~0H z242+w>h4Cm(&44A%Jej6-*X!?gM#~m|C0ZDJvJIkCD)FAW9{I z{}xj@Q&?L?^unyF$dB7<wqoqZOvI9QPOW&{Ztb9fC=87WGf4RH?(4 zo|a#~1!dFFQ6$DA-8x&2w%f}hcJ0be1Cqmv%ek7v3bgq03g-6DCI`wLT?OVf}*jK^UGl|KFF<@!JVPk9W`5!-Q; zKF1G6aH3T_sQ?f-s)zR{A;iJF!GK+gX;dr_u?qJnu!k?Dzb&O>FRji8=&4N|C=^i} zQxgW;OjWn%sQ@t#0LEOm!s)r)nZ_5asEX$F6|v~vO3`sEr9PH#a_05nnd>h6wk>;g zbGcPE02JDaBP8`EnmwF)3sUfAYi-hg7HL&{c0~-b^1mv8YxmUJ&2g>^66j5(^v%CT zxtD%5ZP(V<>~U1RcLR(|A)ZnBu>L{77VU4e5nMqj`-;HCec)|IIrEj88tL#wA4QUu zIsj#|OLlI5f;#{yuwX{UaTGU)m}vG+?|tcfz`=6uYW(?v`svfB0T@ z%KT>ITqW^cU4?PSJ^eeN+)>0~$<0H>LWMNdUh_qDe(3AVFJJYI7Cw3boet|Gdj{75 zj=FW9<1?V^l3>u{Ik_~^`g6AAv(s$%#9 zOCjIjP?S;m2N||cR_iD(d3-cV z(%rtd(W$Hm5(P;cbl^?qmIuC3HzCOWrrC1p?Gs!$eHUBz+Q+uDEB_qE+yv!)Nh>Q@iPMJvKfN|Sl zUsf&tP+*WUlyOfL6In%8b{%5n9QW(#QI!Y8%I7&7d4^Af2QZ@*R>h9 zIh?0VFqNExZz-w1&F6~|i00}hXR*;f3*fJXFGL36NuLo&j>fMLZowUvaUn$hKD#Zo`0-P{{TE2lZ{GDUQJChl zYivKAcyU07)UO{aGM>;wwm54aPaufo{zmD+QRFG3Qp!9DPE!eEo8(V*&gySTPFXnI zeDY!9hzu%0BgU86j6=x%U9l|Wp@|`mOT@JX%XFVa-Mp2W>RtDprZtdaOR$#A)P&C* zs+Xb#?u(uqP4AK#dK>SV9+%bUVR1FTF#K(`bdPk)uPmbDs{3O;Wxh6BMB1WfQ~BIq zV3#2j%0I664Wj`vuD?C5g+a3I!}t;CpD_ntn=cJRz#uT@0;o+*yr!PN6|+r3X4VHAR8%5 z%L*gG_8nIBoi0U14xlNLx0qqp_|$=;2Be^1PJ<$cKxt>on_rvNa`=UvX)c!reOl1r zo4H6`f0|(t&*P!4MlwC_X&N8&si`hMrrkpBG9<)=Co=z2X=&qa@EgPHnJPn=(e{@)n6sz zuqb6!@QLwFu3?+6N54B?5|?4AW~JBB58s>v#~I3xm9utB{R(09&z{tsJvm)aLu31~ zu*;HrqXeX*nOd>th3t+=%C-DfZw-j6QVmSQKVQaTG~mT(Ja;8S}m$5@2L#%z;lB7c|Do3|e%Yq#ktALrzc$Ogy2yjA}^H zPn}lRy=XM3(CbBQVfDi59pDoWSdC~4I`4jcmY%Yt0fWW?o7|CUSM}Kk4n5RsjT%}{ z-oUbGXHf&*k@iSo1&>6MbNtVAgac#`a##RQ>u?WAt2wJG9dJlv1uqJ@I-Cj1NCb2d zD*2OOW8Bl}EOY`JhvJJc2Bup_{a97}cT2+YjgHF6r*RzTYHSWC+=dD z*1@NaL`5!URhrw699=-w=7u6c(*ucD`*Bne*e;bbn{=j*E3)^r*nt@8+be+U#??cr zj8b?^WuWHv{Ve$?t=ESG{;A%$*06e>PDjKOBZf8tqU~_2YGgJ7Zi&NEogRhjx>--Q z>;U#@tDdK2t(S$I)Ejie?hPc^U(tMe!oB$$9;mgYo{zHKj&|1XW-S~51u?Xk5cOSK z{c>-AX_R8qk)W~?tKJye#)wkXzyholdumn)+j67vB*e3sgyhZpwk8v5mrt2MMU8PE z;L2e8u8EI1K?2iE;7v|h-@1jaAa~!#&|t`mK5so4(?w<#l?^>Xo_Za>n0F~Wm*ssZ zFGpF*FPr%-6MLK$VP{EO)(6004C5jccAq!J!U+QmHWkLD_~QXyBo}h-wcmO4njD)* zUP#Q@P(`soB$8dOHbvtrW_xTe0=lVjnn-6E9MH0fvy!(8UmZeO?K{Y}RRDIHMZjRa)5nL~fo^0gATN`?w z?UposT9lj+KK@-l#^b}jE~EjGC~3tl;7y16BbBnzCL=Ni;i!5`zUILotls6}e(uPm z!($xYXBrQ~xPc&}rEZtc#dZ&rNNVR#IH|)zVs5=pMm0}Ugg#L)QZp3^1x>jpRq2#4&_`WYgHExt9Sp3@Vk~u zX+16IGJzrR_LYX3&O`@KsJLy@>TRfuQRu3uYfpamfvg|Qi(swr$)jG*F%USNr;3L&nH{xKtH}H`D#W>jtDameCdH&-&0eY(ge=95w51JFp%oz zWL?+llgism;Pxe_t#~}WE8diWi8A+ eeelbHN z?h9>mQ*J+y=u%b-NSGXfxGtRb(xbf6AiSgHjGG_pLD4vEJcqE+60(!IKwVhIv6-&T3&kmn#74;$T?itq7Gm5k>a*IaMZdDgFoPY; z8*p>>+J9HJ*B%3jU)p>BF`ztIb#-A=-<%jjufSa0wV?LZ_vX@-8nG82eY&MJz&+bq z0?ZpCVVtqu;+<0>_Rr*?+=B?!yw#&8cBT&eGJO}&eYYI1dfy>7$YT4a(4KRXCVSn+ zBNmqq8B+QG!H00h0T)RsFQMWbD@7{*ON6JZjtHpo%vD6xtr3weG9+go0geIP48Mdi z9UP@k5jq^!OeH)8IMnBIw%GTa9rBMRt>Hy2B*#vk8 zi6JNYP%U&&&i4=}Q*(H9?68Mc%xGkT$GI@;I4w1A8~S{9Io$hAZktv6JaL>+1_EN| zA7MW{rRf?3W;y#lcz;0;^@$y%fZFFdo`+URy8B|-X@gP@=m?>9YsMn?Gbf;U#652y z3{)_clOuKnfrcgym?9mic%%3iFnrI17Z2tBTa=07$L553e>MB^E6w0z>W|Xi z3mLI;tsJb^=H03jXp+ClgT|1SHKooFlf4+upy9Uwy@miY;TGuDm9m($EgY^5D{|Fb zO@zuCLCu&MnQ4(ya=bUOP=bJv6-WTLm&=|qwe10(Mz z-+(e8duarfFC9hbL|1x4SKy9y2tZ>f=3&X%f-8DyjY-A}H_e+O@lm8Aa{4+$`w*0I zaY2}UU`xLJTv0t)BfDsVo$3w}<}{v=PW4;JkMh16BMHPksd_K5#d__qXs>%`_X%LA z?b0do{||fb85HH#ZH+dmNsVM_vg8bnf*=w^K!Ritkk|?ciX@So8c-x>M2V84fJn|w zkR+mj1c?#_B!gtQt6{(AJ?GX*``oX-y7$)i%c@=M?x&x%W*TG6IUODZT6MEiOB$Aa z{Aj*F-lag1nw=`;xxD<~#ts;Ix?)>G5U1paHFKAL)(p(oC4wzLr(KOP_5I6mt_zfT zUmk;({5AG6^^tS+?e6jry9atBL?LdRpkEY%0kAdOn7`k4?IXn?y6LapJ5awt!a#;_ zi`8G!{%8(;k@DLw_6b49-vxJ#H@@rPi6X>#a{CMO8->z)_EA<o4LStY7J%#2=4-14lFb9-tv!&odpl4chFr3t2k z*pEU9C7Vh+cjNWgWc^gfGj)kL%c#ZY@b+KDezK{VvvKO#*64RWqbI86$c3xha30M0;WITqQt|+!jdw$AV=>58H$YEpT~=L1F2gDv-jEbM?CAEP91%;# z!xfa{OD8tW9lACMuRAC*uBErf!h^Wm%vwC%{o;~ zyMjl>D|i|9i_e&Z(QVpqB9Dg zrRcPA{Ar6LOgqig`NqK1=U`sKt*R<{H1fH9;_L#wY^~?cuLmxzKC`AT?jpq0<@eSm zEWz;c2R&?*i^l*n`XMR8#3YV?nTr!Cy8Qb`Md7&DcCY)ICBrr+B{2)Q5|dL*dsRKv zs1VEJZ#2WJ#)fCgG(fPY=P^WNMTi=)V#z^XJ1omQmouJuYkn;F2Eu=toS9_3 zYr&*;`lA7>3Bgx?mfC2Lc1KYPz%l7IrHqYb=Z@GKh$7=ZKGsl!j+r0WHe-KE#_7Sg*KV9% z-2{2H2PwX;7u3^Ot?kFGLGQZB&-b`cPlm#&iPJ>syb(OCB0bjuFhKYz{iLu{hh*~0 zmqr@EcKn)bPk15Ko+_PBd|dBU*BLUH&v6#nky_#5ghGp^#gv1&D@}G-jJ45kaCoOn z1gymU7~zSyd{8IYR52d$vO^?o4_Wd}-_v7Mh(6gf2FrV4FHz4{EDDCF@&+ml99O&m zj*sK{=Qklw+EfJ5K0~F+VEzj+TaIZd=3P=o2@wr5$1loUDOAtY>m~1m!O6GiK}Iw| zVw~pLFrvpQd#jz`!vWlheZH}40o~G;<+e6!-N9^Iy_fZD*dkG2XsR3;Was>lm7h(e z7L=QL8+9Qv$2YUQMi$&%Hr7*ku32=Fc{9A$=OjH_czL(9@~Y*=$*`I4lJ8BmRGY4S z05ZIa6SdqRxhrnqg?>i7PHflGXmq*h!%qtSqVZ=cZN&QgPg6srD4!J@X;jPT_X(@UiI& zu(FHM5D|xxJzb}GjMjYi>4z~7sK7CW1O_^>8smtD_!IIyP%M3t1?q<%VvRphaBPF# z63!aXAf|J)rs!btv864JFJfw0(ab32O7V-DN;=UeZQeX!H^A3qvX2>n1n{tw@nYg+ zO)m+O@^`#-8#Q-)7!to*E!Y-+OVbM1?~ZY>TTCK1SsVNS&`cHgUL{5iV-;=}-c@Vs zY{$&`d+i+6x7LOH&uc6q zeA90xv=LdOqvWeo3+~q91=uLyiUh4-+wh6i=!L2v2QNoGnYkZlByXgu#`Nm=<|~}y z-K=1i*`aKCBE}x5Wqh3+t%x<*^=-8$AN(Wcb#v7jO)jmnUXD}-990aMJO9??DBMk= zwEsD!&-$Q6RT8z!5h#Q%b7;Phx-3Y!>F!_~O;Joa9Gb-$rcjePFc##F7kVShVfGzq z);_=w+6PDszO-ofs_naWglEn%&AJF;8LSlGNtJ=m9#`#qZFq$R!xB|A?l7o#ua#N$ z>>QEtc6jnn=Fccc^Iw_GFJw=aBM$s^=j~;HrYR0LgupV-~(2C{MNaY7pP(%&zTHYb1UGS`m&xoBrS=B-V9hV!^MuGlnev!U~*# zpt(xF2ZkYC0hCWoDDC(WTdJ)LXW8tMmGaGwNXK*_J}|lS55;@mzq}wr%nRbUxBm=u zsuRIF7@Wecqz1o@J0~I_TXx5>V2y@a9G}?DD{l}_2XewE6o1pVRXF||3WBALfbJUs z>=AY5>Steiz&|9Jef5zQPDZd48Luoo;nge3d*A3l(*6EjGT5bpO{};>pYL_B<#JV= z&JSzx6zp~QfqkiQFaC(zR&B9@KcGEn35PSuk-_Ka0|nD-`}c+wWvj~(^7}y|rqy@m z=@irO{P51wNkSzJ>i*&ytSMi6Ds``Ba}P^+zG9$V46sv+1*U`L8gxz-M*wPzPfSCJ)vi}6E3CiWHqw}>ouJ~21SHEiUnq^x(4OM#r*Khy`?|Gi zf0j?o`G`G7k=aO3LR+>~P}3fYk$S%@4W4?HkqF8*F)$C=KlyXhJaE)&ja?;ipfWhv zebwQQdkm*Jz8Pp$kR_$Bu#l=V{nm@U83@Gwxrc%b2kR3u=u6X8b3~hijsiDP+S;UJu?un1RD{qu3Ao?I2yIPkw}>bWXvqzI0kETGGl(z#C9yO~*8 zt$R#j;*`ZMUb*{3O{s`M=aMi9aAFTbmh9UeUF{&pSG-R=;ysr+1;(e_b>8^t0tlr~ zgM(*aRQ*D*zzevd%G0m+8o^?W%Ay+`UTlK+6c5E&h6209rhZi=G7MX8_*FA47yyPE zN5!q|C=W+D7>DJvntK~mJNCF1CQWvRX22ok*m%+Qs#!QJrOe>NB2w=DJT95<=VY5k z;lOIK@vOFRNGh$)C$G!~LQ2kRg;qPZV!s>sQ_(YFHGR-GZ(r;as3a5Qw+`n1gE6>9 z+IH`nbInwzBDNV|3}}sS?$_9|-3hs|_Q@e+Q98oq_?x0w;J^i4AlAsxO&8mT#gJ;~u)ewr{mPKbluZTT?M;4p7;)kzxyZFPexi`H&HwJw2m3zUapFj zrBBC`gMiiM!7LCV-G#O!T5C`;8WTqdW5&)@cL6-gp;fX(&jh>rWP zG`;gAD~`V`V3_qD%G!?P&bu^FT@y)6$LxCSSZwq1rTM25+8L88sR~+ZnC!>`q!@GZ z#L!x$khNf*Mo<=LdUXg+rs^Pr5{&)70IANEsG`8X1VJ&XK>QPfb@RIp5@1OPzsRmn z!sef>ZwFC2ET*^u6{qGe%np{=KO=X@EOA`|SKwk0Db8p$#Jm#a5b&f=+N+Ym$y%#$ zRX3uutbJrtzc0Jj%!KegcMsxpn8o=Z|Nir^dk`B|+U|!eH(Y3WcqL#afy5nWoJ)3G z*soaQ#ynLo<6<12zPbh^sjCmH&@r8kc>?U@$9x?5UBm<8z1wd@_S8S$maN5WJxF2- zlILsydqX@Z#(#S@v4tn-BT;$&oISRn z%d+OLYI3Tmpcf;I4#XD4?tli6kO3HW@K3Mj{U>!kD7TS-cixq9`k@0i}?0y zeI$1feky(2ZNDJ@7h7=VjqA5bjjyu&{6XG>yO&G9hYMbpLXEd`T9?7Pd6k#!Y@|;O zHqM{uuhKqNVR>|)1q{97dzjUNbFPR7mU$tGW2HF zHWH^%=AN#lcs3!=gXYR=s(utZh-=%4VGAZ^@(6WSi$5jL){4=IJG|?D%|FXQH+M7bQ^g&~C)M8p^&d^$r)yh>70eJKn-R zj#w;M0LPUSXx5-wZ;`WyAu`EwRW6p^#Q>~Ez@Az>wV6)xK+we zu1+%P$f9kfCd1FUgFLaDGrv>HHk(W@xRVz?+>($7M5$O#E79`%c=j>)n~I zWDqK(Bt4RckIRT@HSvfoCNvA2jjIxjEoJr#(dyFF`GV1%^q&IeWkbjzCy5llbW!aK|<@y#Dh zhGH95Bo5Rhh8BqgdNLO&DQZ*R*M4s(T9-&uI29hs&ahYO;Mc>7`$klc>{B~wH|qr- z*9ufx6<}zyeMmW|LO>ZUqFV?x-E87y=vx$Zc7(Ww~W`WFXJ3krXp z)_yc#DqNpZ8qkgv_psqEIqM&_{>2&0JIcIy_hp)}m=kRXEksRh{W2P>v{fUg*QKW| zRTBTVl!3tqdwv23A$daq(!$q*pmwK9A^S>qS>PLcLKQ{KZGIu-eeEV6ZzB?ZYqEbu z7CcBt9Z~xd9NY2JskW*h$*OfiKl!J>JAyMzoYIJ#mL@yW(uN8QRAn49hT;W0onZI8 zUQFnDZU zTEuS@M`>%gb}lon#p17HP2$w!hb&6HGd5?RPrGD@kgt-61_JG-lX^g9Y8?oZ5=sGO`N-~` zB*y?fSAo>D^Sb>dpu+EGXmbr`O<{XDUO-QOGUXCIIvz6vbdhuZu%nVb|59uuWO#DV zX?%~X2MjylJjDM{G6l=#!hgifIqA0p!KqQd}&ZV_H74VU-qx%Id}1 zj@h4nwXF9M)9|9ZEhZ&NG@*EaA#g03jg+q4vkbs+45olGxsSj5W{AB+ZQSq zyf6cVC`E+G!hwOt@85{NJ zzQ+5zw%F?nG;_3m0pU~LI|5BF;y2IwCX-M`TE;6=D=-+VKQxZT1J6QJi;y>CKbS4g zafq9ygxz0-q4I5j?1RO`WB zfvsr6-e_*$+GImPfos!=R||glo}IMXZI&p|qMO+W>)9L5_?hJy z(ao94I~m`OZO>>--B?QMrwO2@VQ(r3BaqxXVTx}`t?D_1{r!dsr|nl(!WXB8r*!R~ z;I;x?+IpnJ^fyiqVM`M|2j87JAAl`?rzAS z!`+qK(4MjFJi=2>?+?96P<|m!q4C~SYC90`NqbXn>Zc4%?U4H1Z2D@&l+w(mw)1DX zu%tj#IO7-jb@0%Srd|CetJUi-5tIx#cCx(MZ%WX*gAn;1>7J$Wbv@^J@!Koe@M@t; z4C0#lqf6dd^~f~ub*@ss5kj`0kDBvf zUs8zfi1}=j`S7xDpU&wB~@7F21w^ zrNLUM(XkCDB*4@yAwWG@JUWn+d9C9Nz?J!6d*1Rjq4J(-1$#+GN{ybl%b+(S{Cm^c ziM_9%Lu!tahE3Z5_NIs`S|ODf3&(~mIW_nJF4sr*Szlk7jb@y=_jvE5x69=uEA$3m zNURjI&I7|GE~3$R)uw}!0ygORq|NyBh3c(<$9pg1&D$E0;_^e;>`Cd~o$~zl zkGn5h<(Tj&`yH~(klChO1oX;F=UY^fbc)DwM&5Oz{T zo)cO|u=W@08SS4Fz%OYH@G?4m7Cvj-H|^9!onrUi2UpnLB7c-TITz zble` zvL72>-FS95+?4nL;gw{x*Hy!5vmtPmXs;USZ|-&YXH|``S3?K$U z&q{G!U+hgvaQ%{$%CR5h`$p}QqG-?-Y;9DSefAc1)gLLB&^15xtVe)kxw{WWC&In{w%P-;&2F6$jq($-Gb?TI z`i$x~Vr!G>OWnTw!dtRM-rn)hG5^#l44F1atiCcLxGwCUUhc~VoRG(dQ>o`Q8g~at zP_no0iS^(j9R_H+3?Gm{*L&@pTIpba2KP?U#S0?y3aJfe??wsl z_u>8e-Py^bNbb#A;`-tjc19f$jOJqVKq;>)v6)C+zwsQvpo7?-KM=ztJDuk%6i4tU zC8uvaaGuA@sxcXtHXW={jAUwCQE3}(JY43R5xpaQx^G_bCpaNWpIGlzeEZp%8vvdM z`@rJn_d~1JK)gJ{7G1pggJ|5U#@DW9{`K-J;(Z`;!)O5uNcUF9686t-=Ui7lQ>#e- zAZ{>MBW$_VXHF8B%yhVp?_+QIcsnOQGc!^;u|9vUGk_#mWa5+YS+H(>3-O1a#FyPG z$MPZY-^&`xkU*04dij+ppM2}PhHFmP_gu%*e^q2@Tw?SgR7;T#b%Hy@9!D-g4e8GMGe?joNH6f^U*d~J~6$&jZr^$E`ISB4SP%OGk zXRHu8bs`890zFH}xJ?S8&frMYBP_&=AoCdtNC07cXh)Q~JauHq$BT!!l8xH&WMqS9 zCEFMXLgeJs9H5wIgW!#W&r27vhrpjnU?CugxIgrgq(H$+Yz?Qj#5PC$qZ&Oh$}>;K1}m)C>(`NO6p ze1vZN62|SJupeu_1M87Rp3QX{+`~h1t6hf#CaXhWE?BLf-(Gv%7DVoz@&{-sa~`w? z&Zpc2+mx-r`d{}&P^GB=xV-zO{@N?hSMoLxMw=0`G*%_l`$m}USv2uw{&(mA{K7@> z$8rEfc^+$7WLOdMs4rE`Y4J<8hV;P;k3YYaaiFkwK;#$loY}T4>W&=*X)XVTNSdS> zIcf~z8dQlZ<97w@BC3t*g0$mOGqTvM1_pml(UnXWgnRJ|IH}-bb_|e!(ytKM4L|3t z%Em@h1IMb6vmUe4+n^>cS3!0tXVBQFCCmQ-3y5!Xr99U*b<9om;8lBrU|BbQb%`-3 zb_2bdWZ#%BP&vZtR`7ck$P8YCg~3_fqoBKH32fjFHC_Nxl|0|G)8(2J*U7g4&Z9E? zl$++Gf=Q1z8y#*=qj0DUMxPYEClZQ3z7ZkBK{MGI4mQ}gHR;?xYIq`lX*L%N9(FgC znG7tRCyh;cV{mi8xHzg6hJOpJXPEh5UU~mmI-kB zEdw0BP$c*Lf{+?=kWa^B@@ZgZqc*e`uCy#4V`V6`agz!TlADX%Qe9czA7d4_{Bo$i zvJG^*m#kdjnhElD@ae766}pT~8=na1S#HwB*>S*hb#4klpt+`4!Z zP;h5d|KmG@g?KYS7kz%=@9W=c1zFQUDg<~nI10_!+&n8OKIdqmSqTQ%hyy zwb{OG{F6!p?Q(zS+;$qhT8{u3J z+Dr~d`+OEUX7ZCTEdb5}%ghj%7WLh;6A0|J6fUyV3iX_|+q8#_7UTM&)bO&V!24e~ zq=p3Ccu!7v{vVz3fa~6cfcr57fvrKHreF6#-<+lmxv|^Nmu;a^+nHbeYpiM2Ocz!Q_V6+{_f!TIS4n~{BxrGLLx zgE|?qonP)ND@1RgFnXD@pzHi6R$8Mrb*KIXRg;asDpbS?o1>hxZ~|2}MAYfU^Vhps z`-~Gn4_H4SwKYx-cXimX+zK)Q6Q(U{yEWI<7VHInk;BM?SL9sN?z6k}aMg{B&e@L0 zT#&IXk1YX2 zvBXge?!(EEnfp97@Rkj%;m8eULGkI@G=NT?-ZzCL%E~5#v@+t!k`ELZlkb0QOxQ?7 zt|+T4CR~*jqaHVJ%w{Y;UQHgaiXg7AcW*AqzrTJ$tfBwe3LG1-Njt2-R#F+`a9yOU zczU1mk=&&l@^9NwsNs8G>2U(7`SdgavcAicDCK#b5p0!ScKXSUx+_@o0@LUx0fc}{ z!Ca}Ddk*!$yQwg4m&+fmR;7{BiXaKp&D#dJH$4a{Dk_#~q0}CU*`R47VGW#R8CL5H zLP~4k=?lD019G3uI5~a0MU_;Zj&6|4YFF79TWd_Cf$>5AX5 zmH1+^)A6GF&I=}vbgWjOv(v~_jMUrPxcwOfm5p_?a_i{C{$Pz?S~OZYN?XKRm#Wub zJeWS&Gm&AxVY6v++W+3q{EvUy952!hU@`fiw@c-!`fsq_d;7^D+iBHVTQFrlmIjs=uz6zami?)VhqqX?@r1lsva;s&DGc?yLk<6t($H>&1r%0_S@Y_(ryYBRy(&N}`P@x10DOL$e5SslR*wz?sxAL7I{3 zHZ*KCL~u8$ARt8Q4;5-u3V@PifVPP{T^(#BZfgFw0kq-&0JO*r7Tn`A+XC%-z0BnA z6m6bXO}L!q;XuhSi|T#Pfc@PD47GNeD6$%?F#lChSggJ1Mun?!U-#)4P;&+68iz>u z{{) zb?`3B=H?al4eNmEN|#l`-4719I3>Z&Hi*y3H*`!EE9l%<7D0n>;nK_M6c11k@8x;! ztvxBop8f?f-9yp1F0`k*({W4wxnbsmUtiPPLe;ku$?M^w_M}ofWSeJN z84ze7B_Ikmdmc5Hf^$4b+eN>mF?}NzA1iIv&4fy)isxNn0*3B`{T~_ne_{bwkp>?g z;yEu5b|r+zo=H;ogE&qXhD3tj#`_yYz0;HSOK$1bsmnoCB=pxc&rVNxswZVXScxE~ zZGd;y*Abzvi|pI{MI=~~lfy}YtOjXL(3Gc|Z7i2Y4)Dd<`C}m%D1-N|LK+ByPlX@> zQaB)S`ePW_d7hd)y}&vU!zKSLTl|Xnz#T8fhk%&>qg|;O5{QZGB|f`+9N&aH800`F zaJ9tbgIA2d0!XDbJ3#h&;{?>;ppF1{;O2}oshbf)(h*CI)@PLbPcKO!Pqz27iPIn@fErDa-9n!!iUOJGZ&( z4pe6y#$D^>o%Eah2{lNj^MVIyAy6L60j**_6wBiZH#KN#?XQ)RrX0|tN*)mMe=8vO!OT+FkMhTqhheLs5LhK6f|(hGu3vB` z$AWLoAr56hXebvZfL?s-Us-I|e|Q-2L~!H5A1)~n_|uz6X=zA+d+#CI=s0#B)Aqd^5x7I|MM7Y@zlikqbUN|o-MD?!_Rq!bm&z);@!R=jxfZGdP zL+YQ4C>5oN0V&C06vfm+l&JJ-L2=@XC+q@uBdR_pJf5KW>zk{i;-t+{BxyAu@{VpA zR#Bm3`5rtbZAL1)2^Gn+E`z+E?G&H)x-0c`dt}RX)6S(29ZbY^c*Fd>m|WusEr#N6<{BEB6PElGQVd`>WVWqJkhtvR>|xLjuZM z>=HTYhc2O5ltl-$E(2GXcJ2zJgB~`Q0#o>5L&f@vx0$e48`4UxZ%l4@N$`gb z5{PJ{AvmZssglGH$!Bv)kiZ=I?hR1T!jd9$&S4Q4#sJhEfV%{qh7g5T(6?B|ZN8FO z*prQoFmS;K?+GggB|DQ;^Czw#tP|z~yo9<1v+KBH{I`7~>-MSBKVlCzDDe>vtVzD5 zHR&j(CA{Y8K<45hY!v#Qm8Q@+WH8SIzU7O~fBG%`sPugM?lBwpKddX!99md%`8t~x z8d}=|3;BiJSTJRcc5_p|?%>V=y-nXaEI4n6PVj38LMbog>N%9D`R)x!Cfaqu&@u4% zHijyANTpDn`C)LRUL*s0*x-$IVBQ#b5Dm|PXe_uYU#gcRBydi&;vOp`Kwy4=ng+#U z;*(x^?kz+x@8yfsfBM8Al`9uxq(!02XSzCYkV>XHMjXI3YD=3qV!`|8X`Y;4B&Cm- zBxf84WOo&z(Ga-tbA=pGHD9f*HRc5m<@*2qheFaJvhEi?Te;M%S?s^$!-Qg)I914( zg2+)-@Xne7las~-jB}IAVZ%YZ(UUxIgTT6Mo)pSMphn%fd;qGcJ-%&wevXgzFk#yh zys~l^VSw?37IzL3V%$~2T|8vz?@JiB4qn+~dx@)%fXD5zk@y%RtyBR%KijKz1{>_M z78<;KUgbQ(_<8ER&q^=)S$ z$0l{ujsi9VzR_XY*+JS4D7y#bD9>(jF}hlBP()CIJIV4uR*T^RXAvoYK;$y}*?q83 zERM=L_pU(X3V!nzmO)^aT?yT0rh!Qpm}6ex zZ(&G4Q6o3wMZ~-g+;OQg@e&&Z`uOF9Ac)eozA;6N5V@EqIhp(zgFP?hSjnk5qHRm& zM?)Ff6U2jm|K@qp*zV{Rt!j~^|Lz&9$|38fDJd`M|AW{S64O~Zy!Bfl0&^ZNf2c&K zX2ctnILmtZG;fe|ct?ZS7>|!6C}8n~HD4(dQh9ZOGN}?PZembnYn)fvO7aTI7Uuy)ag#%x^`>V?qP-)789U|Z0(D+;P)wsz{cu1x z4g&XkloS*h^_?dBf+=X`1dikSV-{}^2;Y~E&Ep`dS2bcPz;)E_eI5tuj8U$0_=r6t zgS~9ELeeujbDx4MIz>vMw@N%hC?@#nHj%Enys{bl9atna?tg1}@&Eh4et7P|^dn9zmAU8;-)SZ+flW-Npf-*1-# zfE66YTC76gF}l|nEwMlz2?Bj87DaF#ckokBfj-kY?#4D{3oA^pjhGF!U>&Q+j;GY> zrwQKk&~%3czN0JafWXQQGoEA24MH`N1%b433S>n>;91lzbzTr?)roSM3k0TI@HV0h z0_Q&hx!3;-um6K=GeAX_1C@8Fkwb3=cFIlHoWhdE9}h`>zXTJ2N|pe+Q>l+7Z>Q}C zIy^+(BSXbNVc>*!QAT1T9llY&1@uAZujOa?zz8R>Ftyy@Ho^zl*O1iE?E%b!)%xi0+Gl{ZzK)-nn&j$jpWLLMC0@xq) zyJB7r)ikaYq}4w7Ed1J^2)?DTsbn(V(a6x$+zKa7>W18Ttfrht4SPZ!?GPAmJDS*>m@8~WOg2)}vy}pMHk-NVYzgv3#{_2XlXMZXY$)B64wxxp;Ki;`x zj`&U>nMDO$GjL?(07d(UBYTjIk0qzq#KW8u`QB#ZWf0)z$zhMxEyk8*VjTIkU|mnOKfk;@OAGMkL2_@K&h_)3+|i-jN{TygjS4zTxsdVp-vj5!evHXGn(n648? z!T>s~C`S~ABv==MqsfXjvd!?2dCy;oRghxb`28CglNR|OnKTI>WAJZ;^KX*?A>h(H z%-k#h_$Lj4{XCHe-|K*J;r6D^7*mlPuBCi6`n3tmn!I*uX6T_J(L-QF7!HNT55EyqWeve(n-{oOb* zRoWljc}b^ZQgk1?8CkOTQW1*mT*7H4o7C932Z6qqzrKelvKRpwZ@Tgt8)41CzY2mX z;rh$?zw6S)ik`EVwGMu8C20g@--`E7koZ44gdkq*QF>E@5-z$Iq^T}m_{h$P;o58n z%#iS|Cj@%8#q$Bj-}S!#gQJrE*X6wRc{!i0@y$j#jX~m=B2mKovfA6LF9BT^^L#Tn zf$Q9))$3)sOSSMaFac-68fmPgdSTL(HU?1QmDuR`!^gP*Qp zuFg&H4(f*lFc-?;2M)r3Vv?Be{M-IUa0bpp$>LSM`8u5!FstFC7Le)B?O*|$;5r0# zjvi~0r*bm_j0}4kvTR)l@JwUFMz0$JMwMZpS?OukYe0YLnwgdOgyG6ZNrLzb5Q8%; z416Gwaqc3FhH*UIFMhYc6t;X2CQi{uwCUeE4^yS!?EVo3|LcPgB7~Ra=N-L=A|0kO zvz`FXIxa@I2MZa*V~icCd>+;*t+7M6wfxQlV}b$6xLzRkdFGSwE$*`n?|J5C4gY86 z_Fo&%T}U8M&#)vt%*pzW5&0neSvXANjnp84vgL6p6U$3N?MZnZA7_c}7kFOpQ3 zw&m$RaH2L$*2tJi=r+gom){QmH-7uSdiB8fs&RZ^2?&2< z8gnbaX(~@#i8}wbn+EA`uUYkj@rM4nzy24H#$A?R?sDK4$!%5VGl19KIomZmySMeR z-7f4r)sG-#c2fDzXk`Fql^aL@ar6pK>I{s$VWU@UtPJ41cVPG$B^Rm3&M#SfX0OsS zPsXn1=3Yl{LaJ}S(n0nPhy6`kTdK>~10}F_ts4U*aHbZ1leihFx(xNZNcPY~Qd^yD z&-<0R@HD>V=cX3Kc%ow&C7xeVpM+M~Hy#95jyw#V&M%8h^Zs+6PQ*Hj*J^LVmCH_l z&~~!keXz;bcXtG^j;f)T1$b+MKA3kP&_{+fvz#OeHD3dVv!>{*^jK-!7dAMc{wN*wz z-ib8+XI>Z>A0hAZM&eH~ng-;>4MLJvfog*p61d@$QG)T_Wi`OR=B(!!0=8adX~q%U zx|N5&0h}+KPmddO?$Yu3botY3Rx8H}?0r{`Fs(Pspw0XA*E$~_m^_TeCrXtBy2$6C zQRQ&;?oDK8Vq}BIZiefW_wZiH#x#)0asClsengM3=u!+Mg5l9#7Of1Yy%u;Ul4)XO z{_8dbmcBJTqXEi>krg5(i?IP|{;R-E5v(v@FTq004FcTwJq3u~8N%x-6W9%o$!cNgdal6^_1>HzmQh)G3HZwR5^ z?7@b=-(@-)c0Ncjak<}sFLvyS;bG61ik)Om+@JBjX7qjR$i*dg z{_B9Ujtv!+8nPEP@qZh51U2;KRXEfVglFYT9+DP=&8R$%# z7+wQJ$i~U;o#*?DnM`fF*>U3MHehc{myHHM0rL0ykhm|ie#!j85ab^rX3yBG$gPS(C@^lkZ}n#bG5vI8Rw&Kc>yoBtaM?(@Do-Ek6>@ za(|so9GvZVy{9;3vM(ZG?mY_V_VudplJ@bung=UW-pdRe+Mz5GxePuCfRgAZ(pCD!$s)hnMR|spalh5mFt^gExS32hz-$3 zuBWs1(Vks$pwWlk8W2Z02iuFUq;8`{;X7iH^qwf1>{OA*F|`cNxUE2g5xmki21frX zRE<9imALfeoqF3oTle5S$3~u#LaJju&&%GJfdIiYN(;R>`lk<@C(UFA!NgPFlPJ)N zelT3_qP9A_pK(;U$1J@?;ivX;qr_@LQOHm3xYa0EJtYrNqs#lB=(Uu3-2xB- zt~`Hk&m*C{E3<(o%EpM@YHu>%TWpuV|-|?L!!Ivt{SbopJcvvEoVkJ*EvpU z15bxtVM&N{{r!vl!kwKv^QzvtJ=~TdSt=)Wb#X30D;?XEvew>0rM%{@tt<-ub(vtV z`$-OzPNvKbvOb93LR6 z@M)SpMSCv+RVmD+A|`To{Z?Fs@C;`ev7gy%Z;PnTsBAEZ)ZG*)6B^y4K3K3d(9eQs z3EC2tx@K^-R!kpmiW0F$23FY8GHz~(rw z{0FcAXP~+)KHdEbE?bhfxDhJpbX92o{ZBysnR0C1kX`9LGg*IsFDl`ec{2jc`94dA zV#`_vu(9s=_s|h+oPzTro=g>ccsrpZ^ba)c@$Wa3(e+pei($o6mz#S@Naml7J(-R( zcGt1whJ2YTtX^K(1`3Sf1XfVesT`5I@l0VC&3QuLtS5#X9@i*FgS+1vJiy%C4`1RO zWPxx@7V~#|BoMilCKL}JAiyjGvx{nhtc?VSeNCaC7XlShSM%4m=wOp(^&$?_w`Oki z;gitG_epMtQFPNkez#C&KU$V8#886X0BZrhf-&VwY1@rb>OhmYC6fl4|L4^1WlDQO z0;-Qe0;1mgvX2YX_$}I3>w}^(U=n>2cle7VBzX8WMz}CI)8o}ok0(2+E4J+MlNksB zZ@B9SJ|GE9d;TRc5)8clV0hEwd%-=Q;ps*(uYHFzr(~QY8-&H`UUY?Nz1xSfE_&gN zp{L(coqv5rn-wJuyWH4pqukAo*)s@8x5&Th%{By3C7Ff8s$6dai+z7lc+26dUK@h| zmR#u}OqK#XVgK`j!MakYT(-o@9q?~}CG+ns68R1SsHb=HJUOhW8xVledn69)_q1f} zC+joV;6Sd`Q198$p6dOeLBVi)2w4r>(09?)nV_CIW>YzqYDR}=9!HYHvb|eNVidXJ`mcu}gLZ7dtye$!9S^o#gWL3 z95xmvTe9)`rRc$q7IN5RA^~WB0y5O^&i3!2wVR*l^T7aaj2ei-SLc>JQ`oz;iMj!x zw%KmHwGH^pU3W(CLor=0}IPj@?F{!}W0B(wvQj77+t zy3G?e8JzQ5vl2p{&KPb$P*iRHI^E=#I*O-)CZnxX*17Z-aPm#g^As#S&S54|NU$%p0wOkn{#FekncJ_g!qnO%XT34nho>UiywaM2_{Q zzX8<#CBUl5|&xT?*_kI2~le%nA`=))1a;U>)q6PcSR~ zLL<0!4CX%{>}~5R12y1w+PA(fAF!F@)cbH6c-o@9A)U^;Df(>9^^^AXwAn3x`r-I> z!q>eWlM$pQ?q{f-nCiY4ibq#0#%)5)nXS?w(pXh@Amw6(a|rCWbZ!W zBgKtvpc2XB;B#m0NT>$n^@QT}ms2F@$Ajg*lR+;%?Ble%8ma4qi-p>|c_q03ck&5- z)gowlmI;aY<7z|UE0g;HrW#H4+x=0bFm>ephP&ZVGtk_V@7=!R{f3n%S3E}v1f?9` zy?!`o@X7vGu`@`k!#=u8#0IY~3hosMCWl>LVGfgezRw}ze8|5A!Esl9GtI#j$lsD=mJa*W!64Nw*UtC@-;J%uIY*PQ6g(t?(>dVQIf?NbO5H*z{1-T+=ScON zkL;W#F%xEx*ZT_~^7}gg5dc-szY&Fw>u;ZhAgG4hNA5$Q=GtNe?B~FkohC~%na-7S z+U+5=BD(Pc9Xg_Jm9_W_prQY#sN=r}cGJNCmfDlw8V0XKJUiS!$h)|jQ_07aBKQmDmHk3tXXN{&7kGAwjo=7j`WCuX160ZRGOxoGhJPz4yG_TNXSwIFg6uZXQD=s$)K zjb*H->keSZfOrQWnV>KZn}R|D_kU!sf|jlF8+tz8Sn%%Q(jp27ygR0(=+y;VVR?^< zR8jll0!Q-(B$@M^`$3nYJJT%Ls0+T>_P_FjT9DR%uzA##|C`vngxJp18%~_zaADSx zeUMYX1&P>e*EO($C<82}T1+vjea-`R3h}NR*D!>dHVasnp5NfZFR1;IA>#chHTVAbl`Lxjg!jiv*59MMx}j1FZMS*18dWA@$er zue*>o|3(*5@R<~ubCQ@n)9(6|nN%ehsx^?I5PCawe`i4BF@TO)CTZ;O85~g9e92$K zYvX6{4jL3sGK)or`@CJ}4tNP5%kMHZ0BQT$9nW{tr$st*NFf?AcS3gw_>Y2QK6*Cz zoT$qUAgSwFV>bdF02aHda*qL_YVtpmr98+6=P&rWbHZiJ_IuU7^Jh$L4R+`h$Q&N2 zV8Q-@^xEtHM1!R%s-%(|w|*{h$|TI*jeVIr7g!zqbf-rRIy^i)0J0Pfq5q4!w}6Ur zZU6m;Mi``FkWfIR1cvUA7C{;mi2+nvKtW1Mx4ru$O`1QG`{E*u>vLLkSfq?y4}X6Hjy z$b?Wzzn-0rhV@A7KeD*M0{HRlW%_g9uNQ!AUl(Qp8TP-K=f+36ySuk^ovH=Byd~lX zHUzr|-utSK>6M)D5K?+Qu!nbxmrVRs2PPqe2|vMAZc~cD(#Zxa(Zv1ZSMc%r%E2@~ z?Zpza6z9LI)R+LVCy;(8+3LTfvh2S8m@*)D?lb_DZ5 z2ttyfnB(zsU}X6}=_w)Og}d-3`s~NU;1f@GiCxzu2wlc+=}ld5zWVLV(bRmVhY(PT zG@N7iCVGP8_gq1O?u4mR$>k4lRzjVMLR{;)i z+tx%u1E5TNR>MKU4S-(qx&3Fcr^0S|_%^yxMI#U^C0?&CSUop41I}v|&}(a_!)lI3 z&Zi)d2xL`UVm~xobOyenAnN3O&+QZVV2rx=mcggu^Pl-tnl%JC_Et>%;^&L4M?- z>xh5OOws%`Gi7J@51FaTVC=^Y9@lq0M-{*twWs%Fr+Q>B7E(D!$L&6Px@iM5w}%6p zl>MrvISXZE&g?ZLg3zP(Y}HjT=I~DYdBFoJtAUH|_TO>b03 zu^lSoTS_<$XD;^h-81-tZ&PHvt`8gV9YZtS?6+(=;yElq`2lmAUWG;8Pev?a++feI;|BIwk5adqN5g=AB9X zcU`%i`Rd|rv(XXG{aS3>9-)+)VI4mafNBauAe(Td&1Dcl-v~J_$bxA6TJx+f+-foZ z&R)R&SC1T{k+)>TtYU);Ob+P+21jla+(Z5cJ0nw(yhSI@&tj1_B?DKVY#CZM{7uf= zfrWo%evHy?W7wy-%CCh|jY9iu3#sr-DT}9XD9}>g`pZ?M77`)>5G)(RB5U%snN*M* zg>I<#hd{l(2B%z_npq10($piA1}ijM$o&@l(k;J!E8^J4o}GKR$cr-%zYuxVQVx5P zyo4>1HXtqa9v+&8m~E3X;Ec`}8XB^OJGl3#@*uOWsFF#Ae<>pmWG1vdXde7&W^k_T{06$|zRjB->lP0#Y<5l*?D?cICOv+=$ z-R&gnHt(x%ozV+mb=bQeC%dlW8z1D{QINo*I5tE^Zbm{`Q<*hy;%!MalZoY z_6htyGT`Fox{>SeA6aRsi=EupGQ5@HcYnC;R318JTS3f_v04g0Bq8UoETwqD;*Vgo}j5Y@K zOhABo`b(woREw>m?N2SxzJi{fr@43NF>u*TKZQ15 zKKJEKC7?|7Y?JFE@Y>wlPK2oGEkgHNeEc#=Tp5=K@7ssht*e)B{rcP-+R|k(22+Ny zuh?SYfPaa=TxSouPextdKfYdQ3ah9~&?$Lw2?6#Ftv~hc|J#n%!|LOOGJo;Ch77XX zL(qoo!OFcdA*7s2HlLGni&jj?YVO?FS)c1!RZL239|ECU?Q6A%u|6Mx8qs1EQB8%g zz>5esxeNY)lRfVBjtIgH zS&h6<*lf8UJ-v>tF2E`LAGlx-@B7p7)mE=brn__R9lr~4IeQGa0?1U+Xw0ZPEg<*k z5B9ByYIH=j-CKs>tb~OPc+D`=_^9F$)`|J;dWx#(zu4JiiYppjqqeuVXTu@f^K&RL z_4R`Uv>VLenvCO^`?!>qiQul_KHG373qFzwBJ`Fa_^#IO?1Jw(w`k`I_?{PZ^+aLE z(|Es{08jA%@1Oaer8XLe;nzA0xe2mFxZXXim5Pa5aN5r?>p~2z{USc~w9=C)|?A89PACL_aW&L5AkM zX!FDxohiFw3UArO>jJNC<%B{ei}V)Pt>KCQ)|tJRiOdw7>b z+zr%r*0fsm|LL3iYnHND@%sjSdRN?6#>M6>sp(~9WpHLFe>nmvyHY<~?Gyt;!=B07 zTY+lwH3$1UB({qnz$WV+3b5`S92SmtqZ)906{;ty7(eG%m=4K+@N8pA4?J{2hWU01 zgrMrfvdSPqYmmh=AqQKM`G2d!D3XXc0g$G<%;}N|U~OfEDI~Fn-Xx}DdeODtG^DUv=4PuzTCZYSfZZK zdCYZ6`LIM)%8NXw1tlsrrP2>>wZFsw{zrDN*oEKCN%ClXOZ0m67Z$+36<)E-`u~uX z6soH)1jFAZ$v^EjijgsET{Xc2`wPhwpO?J4*Frf2vpNf zL><;+{q85kcckkMkz{({jSkL|MFeq-)jt2X(;NTYW&8ipr8)}+Z$oE_oBtG;4w@-S zzVpkBSe>oL(Z~6#w{yQBnb#@mS0;wmtn&i-VWubMZ<(I|=NC}7LB~v~ z?IUy*d+;$7RK1N>I4C9&l?n~)0ZrTxQfB%j@68_m`hXuxksS0qzpTEqO`e-cHHVr% z=Sb6R!eJ_H68XRBbHs6Ba_q(kayj#M1k1_GTc%*WIX}d14j>TMh~y)PhS6x+H#}hP z*PI>?{AKtYhnO@rucpjM$^PuH(~&v=&In+__d#@niz$?tYxqn*9OxKf5m#t`TqU|6?}$_q!j~NOX?N z6!RxYx$N&4OhHxx(3o0tc#z&!F^YvcP#SEn*g7zQ5V>v=^3IY(83$?kWAw2s!8nvt zr7GXiV0UloZWM+8@z5S(fwbIf{wWF@>-H%`bAA1Y`lYgh^ug&o({`HJs|d{V zts#4PF+`9rxn>Wjn+cusE#SMKCBSOUnGoQhW4+EzBC_UmGgP_%i%}{!x%=E$mQmAJ z-(1)RaIu~tG1dP~KPeF?8NJ`>ysw#E(ki^Pi_f4}CWePl+Fa28!+^^l0~gFtN8ntq z@?{eVE8UmL2r>s8h|RP>n<~82&@h(?zQ6WG53Y0ILwos6>~{hQe+d1UX;N3eOwTj^ z#s=afqpI4D7f9h-JC%(Sbd${~g8_jmx$(!@mEXhF98xSo;_tlUH)x4z!^V7Kp7uYd zgQZ!^5r;7LX?6z)i)8*`FWuhIHlT0()I26=rTlaing_yQ&pW;F1SlKFSn;4`eJd7i9aMX&?6nzu%M7)-e21#IgzB zq{dTlsk#PkP&e>D@B9$CsPK*qfn*&wm;{;c{0hbpLLS#kvy>b7!{QP&{wYHowGeNM}A!$*Hx8R$sx=6MTPj*^I zhMKs9#q<$u;ggpHYs6`v{|#}9UR9B;T8C0xt{Lp?;@(!xCV-t3sRYqraxCn4wnMSR zlk-yh?V*YUpB+6tSPGwPc#gJaH`DnrpDUH!7<6NEDY4Qr8`a-T%g5e*O}_c7`TTf< zy?)RF#-GTj(`})+=3<`o@MCbzZK=648EVNQfD5rR_lNMEVGB%>uEVmDeB;GPM-nnF3nr2cdEMF&`(km`>JFQau zcG|@@zZltLGd1V1m)Gjz1wrykVw7iXp!l$-k`}$&SO`58Xby}539T7O6xA2^KC?Qa zV~2+8>dEw|$?PZB^vYrQb^Q9UkMm=Bf4_cq8hqr&mmB0us}3*}6De@4CLGp@7u$p&D(oP#;e!BTI3Q{Ip4 zLnp8;3<;P0G5@YV`LO3P4)f!1yf^Z_s+0EYq7+>1saWaxa57XcXlij7oe&@YMRn4r z{2Ik-X>DqN9ah%O7n;W+FW7%=>3>Kv`rVBccs6Gy9IFHMmF~I(#pM1w2x7y}=u(#p0fzGJ`J-ug*JyzoOQxHT-fv5KIPk3tKw{h?YH#fi- zs;)KF!nv9g#if68i@=KrDS^5GfU*lQR_%T3Up*{JH%mf~ZQsiE`R^9xOmeg>{feq^ zcVX8v6^M+cFH2cenRD9^1j~N5 z=<}=KAc0W7K$|dn+cN>bm@=*WD6`aNm-Lbe6?B!-!O9D$hqFbI6+pas83R6)sw+{s z*9N3jE_D`63>%bQ2}|$0D<}Dz`|z>Q6%sNAp_5bN)B@U4l=nSDbWa@8ErJh0T*UX~ zI{*_E@qr;1eexyy`zy0ov2oynS1L&ShC6Z%4Kjg^O;<~AeRo=OS7sFd9vgDdLQH5G z$Sg2?rNQOLedA7GDlOA|&)fqNbuR*4U|M+>a(ZJUAERW+p{DXJ%Fow#pq~^)@z<{E zRgHx*a#e7N2=vSNZo3_Lv3zRK7hcN7QF0+8d|DKqrV2Yul?|B0N?gVi-M^GN7?PHLHl9s z+_+Md8%;w4sqzYtu3dlgE(ce@4o_>)K2dq}mh5LJBGgLVtSwe3Hh$21%aClq$(>0YS7~P0Hr6VdEW^~_%sU)@_sds({o?! zc)1ZgG}hOrwu{V!!M43LJE<4}U>{aJTEZ^Q(uK&RK-+kx5puvAs z{=kNbxuKES!~${F9Q87}YFreI7f`L=?kP^#1miJM7A9FwdqPqum0WI9f!PA)+_pH- z0^=6q1m}H+Qk+fxJ6PNnI}*!^8@KVYUVIM2t$iIjWcxzYlowaeH^z*;2e?>h!@7;FSA6F2gOcSYcpTC8Lljm+>8vy2B{;;wu z#Gr-h+Ljsn%qOF+l^V=@ym>g_=ooqR@`&`9jwB?eMrJV7HPqS04zHR?fYK9 z#LjL)OZs0l%73@!hcD(ecRYy?NJ43B1KU8mV6Oii;KUyzeE+pB!yc$!96^~r{kzM7 z)r%Q_2l?=CUJdF?0gY?_<=gFyn2l#wqcd-^`AG5w;J0p{MElyIfO4ulb+d_xdH?`b zFJQP5UmjxP({IFQnnN!Q%94=C%QM0tXzT*z;-4uK zS$|U2oy7}nTG^Zpg}vfZl_kD?2R4&8LKXA?5Pxsl|QQ(HqpRt#9?& zo8+|d_IBs`J_gF4Gco0Ve!a%=8N|wI!*|FW$}jb}&3WQCgDd6BYD`7*V_dtrC*G@p zxs=FwG7|8jV(&Pk!$%*0A<}-oBUN`saQW~lUH--D5~IE2R}6lv8DnfSP4(ojKkTJd zC&g@f&#BsXr9aN|B*yEZ?%7KmdiG8M5lZujLkFNBIJ(SyQ~`~;*7*4Z4JWv+ajQUw zEB$V(Ed20CCK(2YWFlM5Uo==H>kpj%Ae?(?>9QTx95lu!_yQV>eQU)HJKvD)zZGFd zpfleWexD)1(&LIA097nc`1%?EnYzj{??U42?%D6B;Eq<$(&hRK^y?S&JWY3sx*nn| z6`5QVhcK;Ux+i2|Zb@nCsNyxgP}RrZR_zdk&*mtLfiqvx@);knGjB+&X>qW5g(U^- zA|~i+1kZLlSvbxiXz~foukXaM)8vq7l|X*@=O#E4I6+0W1YqalX=o983~ZlJPi`2L z01-G29kauLCNTgcx_K8aPAMCBl{R-B5}+sy55ETkweb-s+AO4HjvW5T4nU>-Px^y@ zy!QMax%pq2YriZXf4n0673vLqr5T(*YO4Y)uJJlGumHj=6!o9Ar9-;B{SK?r?n)60 z;QmdW#HR_cpDM@TH^jL&zybdSasFpu%m2ZR3C4~-;0?Cg%~_p95Yn5)=Rz+yx`_WF z2^0~`e_llVl_C%NtSR}QTSWd)-TYmo@gK0LesSNwMAa+}-7i@hY76i6J=Y^Y6qq-3 z^Jekg97?#6bFmYduvJbJ7J2(`zrirJKBrW&<2C9I6I$tyoxCY}_7vPL_|xco52Ea= zk1HB}GLbU4Xg~my07`g&n-Ze*hlE!IlD~>gA6RM(W@h}@$z9Ta-F_e8#n1Sys-7-L zFTF9Jd3?n8LC)ixiwhQdJ#R`^zjaC~mx>xx`}*5=95ChCRmOZ??r&ZQf`F1zgnM^j8FAqMy{=ztdj753zCTl>T zUzK@Rk+kT@lycsb5WE9Hr@I_PlyoGS=D+<${{QGV&MFsKl!y8ydI=XEOi4m^rszTw(W`_?B)`yFTuoq9i?$D`< z-fVmGE_E@LsI2@n&~L6+=r1{Bz89A4vILwlw^jxqFLp3Q5*C8$4VG~%>HW{vi-8E! z`g!T?F#-S7HBy^>5suCi_AiFgN`6Lsl)0nxkQ`-FvP$R8qPiwukbZo`f0?sk@n9Dp zRaVx8P>#t$G~*0E_IW=qajBMw4kd(NzEFSgbbrHtAqytFcilPI)y~UZ&+f`w&K_)f z@C@OgH)j{*bnkG;i?z{;I#67`cY^n z$Whh5+{3>Xxq*lRtOP5Tw=?Tx?=?ErUC^gc%F^sX9p+7IPmB^9+Q79h`xakf`C8GW z9&_5zxg*|W*0o6db|XKgzv3ESq3;d3(l5CJhUNBVFB6lvEXuDjyVjFjOF~@hNGIr7 z4v(P{=XU^{h=H-OaVK?>?X{k~`%5Qx!DxO4cnqZ2lSelUFuFT!@<9uXG+1M{lLq$u zt_PS2z?!FY!GTW=f}5gFaM&l&a4Z|RI{j4dLyPPH7JrOg5#Y1`-HOm4f!W-5$lI}3 zfnf_})9T%MPXAN)2GlfH4EaOI`+P`coHyMldv*(i4a=ueO>{OEvJ7a@-A1}vKF(i5 z%+99|^6xA~wv{YBiOZ>SGS0I%_tulQdnC61JhaYtU2xm4QD$&EDL?0C{yIk(R_V}s zEE0j8xp2Vnv@RRYhpSN*yNVp6J1{v02=pt(;x`vx(_6HEe}8Yv;$Yj@y8L^xb6*iN zxHaA1+?&IiKfiiSB#Xf0Jw>3xO$H=i0ga~gWLmB;da}Tm{{+hD6UkfRlbydFwi&YbjBz#N` zKK-|HK#SJhgvdewt5fWK3kyW(vgql2d_?HW@4PdXu-9L_pMNKekpMYdvScVa+|6&U zSo%Zmpjdox3^l`7v~l;-h>U1R-TsV${eX{$z5K3X-pB>D8F@1ezN*#C=}%(hh2MZ? zeztz+>%t_+K+9AkYPpxuoH540Jpx~7HXOy;{SP+$yI|tz6MUT42s~{S5$9nU?3|LR zJ4#32pYt>(!Hj0^04HD`CyFx{gpn47?CfkKj&TOAf(!9G+4OP5Scwd9^ek>)T;Jw) zFsA*)=fAF(BI`9*+BXT)X0ng_UC6(?E~AldT+B?%Wto#!UR=NbIQzVBB32q7bnpAR zYUkg^t_4P5$w9z6VO3ZX3N#YXQL)DL%sCzlX2%rpu1$~%$SipEC#?_I92eEQGTw58 z<@CUaKr{I$v&&GW#oA2yGx}#f0CFWgth8u|`G0wKO=-vu%OWoz1ATwbx{VWX#=v}n z6o8_`=`B3K1xrlG<%S^1OT)kIOw#dB@R2OGw);`~wYl+r4yBz*ZsxLca@#+h<8*G2 zpW2inTuL)6F@06E!l_{#KiRC!ngj#TT|1mq&azn6U`7 zBJg=`19Udx8LboqnUy|{GI99R0kV(LcY|X{d~hYGAvn zTW*RH33sZbEM(7zSJm9R!M_RIq$kHJ8=S6v^}cbxWrF*jr@=enHaVq(byZ;|Ncnfe z?2EfkHo;Oy!MWn4+;pvaO;?}aseh5(7rJIF4UZPi1kSs`zwWS;O28MIqOwb#34=`@ zNV!iZ(MS1iK?_D5bVdPYzs<1^K|sh)yjC$rNFME&3Bj#_`~^C%HkbO*mDw={o1`?v z+x{0GU3rH2le;SdsW46QLw(A^mC>e#aqy2`qZp~DB+~e8ABzQM?!Uiteu?gkw{i~LkR^HVFvO;mKGEML4OJyPt}nzPAH@m9C} zhHq|OR{5JiaTT%@fij51cOAoaFmXahePwto`^-EHM=B1mIAC=LAs0#0eQ*%h~$qAl{2A9ybSA?@)?;D$+fpv;(4g~9IK|-WWvU_&t)%ra` zsskdCid6Tb=r786gtO=BcYg@bVn%IHCu(-)t&YifqRl+VxXcJjZEPEKZmVe}xxP_1 z^q4}U_D=`H#Q8=V&G-b)D?z^&u~5RhQOO7l#XUNLLr|_l zAnfV{w~770aY7?b07tUShRonRcy8|8;pPG0)JuRB|28}7k#syPS9~U&S9dH_ONYo8 zd(Ah4?aSt!o^=k3|EPbohwr=9{&jeea!4nPbYH+{0_V6&N9YpgeG%_T3dQ2vZc~Po z_hZ?@X}H;HHK@}~`Pi71zIZkd{U1}FB#SvgQ zRkv9MmwZO@`-0}>-K`s^FO?xReY@*?eU9*&6QL$cW?)sLG+4{Yo?r9KRd+$JDxPd$TogbP9&cuf@9eCc9{1L)_m>dWeO zKMJt?oFu8|bK4pQ*r&K|Eno3EYH@2Rq+sIb&r@;t7^yeITr3xcYbE^mYh;YG$@6qG zLQ&RgI7}~Fq@SXLDUp!lZ-nt_I)(P438ya#1@;~cX@;Y(wxZ%ma)V18Ol@S(C_Us) z=4jts{%G8O4i9PJyLLZX)2^>5x!;1_gp`%F0d4a+PUv+PaAyVWySZSFi}W^1DIm~S zzy4eKNN+k=5V$U_^TpS36T{9x#fc#pyoXS~-@=!=;ckW#+A`yGlfQoi#E9rfVi?nlkqbFxhfYQ5GUE-aIi@f?&k^t2zj^izz-s*An zLD$L*BFJoMJ5l-4t+C6>gq!RWqYDJ4T(&MUXC8hY-MX9G^vNMa<{MqZn;-S7 z%7Zv(36QM|z&Mf7Op>64;VlIEJomY&8K1Xzw029nX?CT(4-bHyo_Teqx3C#(Jy+~m zadAD;EEU4`psAw3jOF~k@76T+^88lFx^)y@Ts9n)2YP&z>ng3iPMl#w!6mZ!P~L! zWz~LrQk3y`NCN|Lh>4NPk2nKR`UTc@=w z-7zvBw9Dv;_~qO?!5pCoydf(ozU=VvTa-dca=s)(<<9gA^$CN>f((suy7rx_B81ZT zy7*7H7SVQEJr7<6{CX)^(dh)R3eKQBQgD%PN^MLWv~WU8#H_iG7vmzi%gsz=^>7G< z+mdjRKc66KnRS0k3xAv%NXH3!7k6-d#Hi+iAnAZKx$+zD;~cgXInQ+%evFpiz`MSB zjO^j#h1dBzQVj~0VGC{>)mrWIaztz3n1Z#o5+1$aF; z2vMj?1+y?P{6~pMQ>QZzxD8VaQ5dw_)k3g$>NzLog!+lZRHFbw!N~xdi}ilBngrd& z7V-=sci7dAPN8gkG=DUEYicW3G<+jMqE5JzPA1wIAd=_1qfUImT#B$eSrgfNfrpKr zDQh36OG^N4cjO|nY%iU*TCb!_;O54SL65_7ZGtJ7ZcyG0s zgN}*jWf5ylYK9qju|JwJun zgzBZE#_PtBlU5|EH%#4Z^<5st(}3gU-X7z&+PV0WD0Sm z9|>PoezkT;7FXIrPs9r`d zmGd@WZavA)qNByApL=z`>IF~39jTqH*BP`J^hyB(9y-`UHoBcRjO=NI(pvBH&t@&7 za@Nj{eOFMuPG2HQ9r`|WbG^AX(myvf7cR8!*=6OU+bBSJ%ac`6;998J()RO6q-y^j z`*Yr23Whx2BQw!ntv5~L1NRrrrO8>z=TF$wFJPXCs-;^W@pYrue&ZK{3^~WX5k9pv zZ67cOC))>)3Eg&Y41vQZD-@^Rxmz5@Iw`sF@5AV++fz6Fc9+!9$wx`oj+&G?a+i|l zc%|9U)EhjmTNkGmpS#BYbp zXML8A0#k;s(v|(1-Yc6BZz3TeusxI_WROa;w#7~V2u`RDP90=t1*TbOMyPpnUExPw z`(!%3CVIG{H9MSY2(O0gk}hbd{{i>#6=BlwJz#7Z2YP6>DO}o^zN)nMs_aV69gL^5X=K2+9ei{m zPPOS4HM4g6Ykf~K>yt_Oy(+O!Gsb&*5Y2D_`EP6rXOS~+&~W=fiI-Xz#E@M z)C6(x;w&@q2wuQZI`DIHH6}E?;$4#Dz4pOL9BFB3qxcEe$@Vjg(%?}$encoKIl1M_ zngMQGr(*Ge8ct~65LaP0Y&M0h2|uER$G5bU3Aac}Gr9V|a}n}}wLTD*5T(Kv5>aIV z?{S*5_K1heJ5#lorrm?h9#s);WQE1R^$NSFxh2WfaOe6^Rw+AN6$jx5+e`3(dNXF{ z5kQ%7rOtr4pq!n@Fz8$yQIz4F>A*D(rUg3P77e$0*(Xa@J#p{2-Ds0W?Cy*{PY*T< zY+E=t`szxldYlM8!;E;8u`wP}+<7>GJA#-rQ9Ok^R)pyKm!QeTtAlK+2y|5-`gZ=_ zqtCXRi(@bHIPp<6wY69BI7o<#&15Nkzq$amLeJ)S)+; zHiB|y)L*`Rm|Ye5a4N~9{F?Q1KPU=MPNs4RlR9nm7|RkM9+Rk|Z9{UCfmwOd$$hrp zHP^q9Mje)J7LT=Q!z1h!B>RhF>{fNcZ*h?j7AFv8$r)0xRc^=nx*iEd*}bCLX0fx@ zD=ua;NBvN|6cQSG?CVLM+l`Z_w4R@V^-v^ckn%0A?ioMgJsUhlfn8RkJu%hqEBO@i z4bO`^Y0D~uV|AmsY9+$*;trp_PFxan;(SypB52CdDMFUJ0Tb~my)BUj)Bd*T!IwO2 z1<3rX0))TTw*H{=#=AmZ&pH<&j7^*=9%qx7Ptm3lwa&@SZ50^{A+q>Dfq3U8tNzPd z0xuP$74VR5>cU}udMiKm-<5;*K*i;U&&%)*TAW=tiP0xmqk!BP_xS@!uq?}2WINl%k;Boj=!en^t#hkE?S|4%XJ(wuF zmfWwV!bJvO(e!C~^8KN}UVGi1O@u1?x!`)6H7amy{4QnIxrdR2NLIG=&~2t@x5?f@ z=}f+s%BAX-ZVj`lTda+0t!_qwZ;OWOUj_{Kxf7r?H?;Hv8r{my=gX>u5U`GSc;PRk zM1|WJBVPEiD&0Riz9*^dX--u?ck{Wx5Xm}ib;F?fu9!)E=hE5yiTpQ(r&CX-rVzll z-d5&%$p|KKs|**kk)UfNR|*l$PlWphAMrG#UTo4VhRg7NG5ykEY1eZ@kB@>QX+>_R zugRn9dVe*o%KGP^_{Q3P|9s{UYRSn#ue2WYaS&|S)HW<#iuURnf9jK<631;v8v=#2 z4+dV@WK{?=f6{zG^Xeo%>Oxrl!4dAn&hQR$!Q^(gR$=!}5H7e&k7^`v#dBd&zukhZ zOXxmTDJ#(6nVe4#Rzwq^`iGh0=fiUYzkL0gwSPN*hF1%z%AF+Phm1QeAL?+_xI&^D zv+`43r`X(A#%En~S}1|vOsZGX;ak+shZ{rH9>waiC3N`6`zpsysXltXxwCUlTF8vL z?NXPlIx%_?HEn?&AKe%c$9#XMTTFnIIdy^ff_}pzZ-!{94!x7iGM)G7fA-`k7=%_~9e7N@nSys=yFvKC0EqE+97)^47f?`ZcvF+NK z{vNa2!-Nsx1Zf;6-5jiN2w!}P^uM^=T-VC^oKFX@mtV2#&2*2uyzd32gssn-Ye`I`?Nhr} zTgc713*-(&oDy|rcPVnr;&C=BoU%KqD!y)9`PG?kBy!_+s9D7zk;GO`S zX~7hHuX2weLZ`N>JtthB3J>X+arWLR3GY=daHq5DZQmkLQ&X$7!iGi@C2wSFzE&na z6XtD2iJS!;R6QFny~`I|yHrAGq1#8-;LOzU>62FWqTngasH95)jrV>*^Tc%|JcVyU zRwjZGZUku_Iue6Z=i_ar^}n}1($6LzuRK-S-dGQ{AxL7X;e0mq3K@4?wu#R25ve*Y z-io5x(&qiPzqd2lGsF9cEm!lA&{CCU_qzn{5mLTTZ7h`Tqu??s`(gS!VOG^Iiq%52 z)Dx8seb=b?!85C?dghm6DO385*y5Dd<8a_4o=Z)4GA>^F?dZBG*5?p~i}b!I=2Xr& zwGi_B9wX)To78N3PZ4Fo#N$a+ILK(n=O0FipUC{Mw3sJNYdg_->PQx$VFCg6B|^#t zPmbb&F_h@#FE}>f;&HUay1vau1i8*VqBDWVw)GWcG5+pqnUX3;bc+V6c{F?MNCnp~ zDqOaG?%4E!A8+>hgj#m!r!mt)xq?~Yll>z4L+IL$<}mUf8mpPGeFwdbJO1$45luC> z+5Q)vN3Zr;?nLXP!T`^suKKLHo}TaSunJ`zWuEW8f%(AkGkroy--a?GHH$J`zXnc? zLW60*S9X*$Pt$+WL7_RO%+-y&fT|*<4V`svAxms;sztD`j_>RZ~gLd94E(S zV4$>)`lM}())0(FSRBO>y7J-VT(Oh>?_a0=O_JMUF-pO2OO2x&&hPT~-#ww+5{DU; zV^qb9^rcb`Cl33thcOyiQvVb_q1Q5*@nMJVj7 z{3O)#Q}0i{dNm`yF#dV(?RZWFy*Y0Jk2&$Rt(B9nUMCn&ygq1|idv-HTCjdlpokE^ z)Z6O$a|!o8Z-Q#5#MZKPuW0YiyMTwpbzTgV=1BG&P&1`4XziZGPlN^fX8yMAMt%UegweSGTb#vL*O5k+uZPNF0&nC9W?OVs(k~kG)d=O&xISD#Dgf$q&3q{M{HD zhx{n)KgYT_3ZcY`=7}X=(ln~k9m7X{PT6HkCl_Yh{V5ha+>h89=TpH~Vtj=cO6)I> z&omICxxg_W94#$gV>7jn@-)aZU;v_fylxnr@}&t@fU2v3~^6olrAfujHJ6sO>VKi+_<`=uPx)d&Lnx`veNJu$;_a{ zpp6ak1Vl5d5+RM-M?9bSqA=F!;3GG0mMtfCa*$Y$=GeW9m*uT;cjREXBm9o`vXPbh z*n_zpm&HlDTk=-}qOTGoN#1<*iEC+6a-iW(u)rmDPBD%rzbGvHp@D?S=jKxCVq91Z-H%rC-WPF*9M5I#eX+dJt2|dn%D#IY(0d32B z`KQ@}ED&R?&)*wq_P5<~=xLToY1k>>QdDXpuT=Z2*=q_)H4>B>Ja%MhldZf|i$iY# zw@B3RgU2doFHUL8W&@rw${=vqL_eaAj$03(T`g9#B=&^|RRB7RogGy{(R?9b?EO8? z3pJkcH5<@|*!W(1x{<6)*W1UZvAJ1)H)6*O#|@|~(M*zhe#hUxSSgQKX%PuOqJrlV z7?L(=@G09d$WEYCQC(3zp(@n{%j3$=`dEb86I})Rt|B%H(R06in{a5+$ z53#cEEURGgyj5rKm|cqSU)kJA?0!w1&1|;4poNvZUi?k+dX>2``)!9xo^PA>k?@rk zdS;UoJVGSwoV(%q;tLU~={lwg!Bf@DCL|6E(8#hM?XfZWy&o-q~HAD{P2xOv(H###xs=AHqqANxIjQ- zii2OvXh#=E;^a_mt-9BW#zcTTiG!G993k=+*D+Z;{%aq*&j(x@Hbu$5BuB-#&V2S= zofexkPqwtt|Z3yYMl*s#9ONPUXB0Q!jKJsWU4|cr0vl6b^WM zs&d_SWje(laC1u!&jEVUN@wNGaY8ePrelg8p)eHO@riWrrSz{|&XFZ4^WuH-)xffi zrP1b_9)41PTq~axn?qL{#rAicbY-`vzH%Od!<$p&)<+-b9&zX^;xq0OckI`hU*6at zGIrMc7#4s9zN-RcB!k|kMMmzYk5WLRwn7}p-0xN+AYc%Ak$H*$t@Fx$;xn_5;pLcP zqN6{Jbe?i92-nt_6O(1x2<@@WBuj6Q%WY*AY7#JfL=|r}l)(v#V+VGh%4pQjrpJy0 zFC!%LPUsuIiHFap0`|UV5wWUL(uY*)K=Y6U5+nXXz zgPPef(LNNVPmi+55NFS2w*Q1p=t|^!=t^qrJ*!wdQY_|pLE!TSHIBjcH(!(IP9Y%lAa^~yWYdu1xbF)g_30t(~4VoK|UUe73wJ> zu5Z|Gec6?z5ip?`Ils@~L?Gc=Z>iEP9?I)2N)ng9?=)K+cQE#=A-)?>E zdo38V^tIdT-D62=!nJv>w5C~t`qYcxs&b4fnYQCLS;%JUf(T3V(>33xv)#7jK^f|n zT3zfvqTYDlgKVaTeJqf!QGsH7=?mkYkKd^??<(w8bklRBr@M24OBp>d>M7^@eHQV> zoW4eRm-1xvsF4ZU{j@4^>Od_-lxRQD+iaJ#>pYq3pg@U6Hh zAAYNN6WX+{$H8t`N#~<9!wI7xC9hJMkSSSSs))ZBLj$E4eZHUa=v2_V{#1sSC9|jT zxNrGcL=vaazZ-T%I0molTdCk7q0(=GmhNRk)l9uh5e*ms_fZ{feIl-{Ds-}!uK1x_ z`i(2qMw2woUD+|gsAyF9#R@$+{Zn1p`64&*@fI4-Kb47qG3aUm!JGiFBL5NTE49g> z`++z@F@)s(j-a--wkef~UU`U?_r^S*zRv3sHN}MiqSEyJO>1g6FS6=c&=GZ=7E~Nx zpSvV+{W~#?(P7=*KOwc&38zlM%kMA{N5u|zj9;@Z^IsU2bz2xFgNaD0jkk*f-a#Hz zMfp9khx(A)0ZjSJms=-0 zMl{F-oJO83gHAtn)db4Hfk7%CxSyzOIQF8?;t;NU&VrSxv>s%QlKSCTF5#ypcdKJb zQFW6md`Zbn9XaOilOKjJ0PuIk~7k-F&?lLY+6&SmlRlgg^k~}y%80k*k!T$$24I3Gg-O8iz9d7^?HP;!@tQ zEpD1$cI;-lIOGy*t_VUw<%C~;}ZVNneX^^4()yNYH$!C3g$oIdw6&ZaGZHv;W~2GEE>3^xW|3F z4X*X=kC{@T0sYyab8*<2`c}ck6;i^ZOu^%?qdw*_^#O!yX{Oi#|8nBm8~&Suq8NqL zV)c!6gC|87ip4I5^oHyIyfD<+MFi47m*c4eQz#hfK6O)`Er*i!Z25f_QCduUbKZMf zeHHY{<_oGtdFAXM-Zl4RRaOL~DYfaod-BmxVtFJDKj`$ptE;MXY0ea+XeKJinjS}O z_DsCv)T1@4^aY?1dqg+JA(*vU{JiWhH-k$A1!kw3+AlovqZuBS%c$Eq0?5 z2s#T0R_ltei+VAXl-aM`AJ20OHjE}Q@TWK_8rYtopk&kIc&#mK9eE>;gnm#z>RHo4 z`}vA)zvBaPb4Q-E4vf1qyDgo3`iUjx)(Bs)nR&VAP9>{gL&KhFvbN2QI2PG<=u3<^;Mt)%iuF&;7)0Vr3h*vUr~*MCIfv*F{KRk@vk z`9+z{rZ=|rM*vWDM8a=Z0>;NhFbH3L=W|@DjQe@3Vwn7y_t4{nW@GZ#=%3$9Z-Pp8 z-B3;xMJx>Xu28UEL>cZzT`s}t+JF8T^3e}YF4+y=aQafAYkywGa}fb&vBrrMj|AOJ z*M(+@SZIi`DK~_`B-?NP2Sc~T3WwfJQb;Z;?^n7_r3VO~Q)xNlaRfbXbftxOBJ_sx zoo2-b1xAB>BQ1OR)tNr+epchvG-#0?X;$|nnA(m)2m9R4QRhVt8UJvm}t+QM4*r`;>renk6QqGR*m}RQ5xuEe; z%Rk<8rv+tDJiZ!1Aw>?gR}>-g-qq7|q zkOPuWdNcw#$wvnYbX|Ci$p)&)gPg>gZ#Vi$_kP>@FyN9qOi?5o+AI}hUE|70i$-T@ z!y&yR^DK2Gn?E!_U*O-Ja!iqO=i#zF$CZ|4tBFLnznAw~zFc5YZ=N~8&Ca}Hn%ri% z1iJsdT%VtxlNoD;{9triA_OSC*JmT-4|esle^|?D9@91I??e2{^`IQ{;S)txU8%JZ7{MO>2#pyxq-y zg6aJe@wi~5nBqdZ#(f?xF#O3-+VJCBlCVA4B_J7%Xs}hFUh4n?P$Rie6hy?H>?6IdkY3|I~@}?s-SL+ z?6rkU)la`BB_RMx#T&phgpc@L;$@F{q!AHiKHQy--AO?v_@kXvBmT1L&I~9m-*P!B z9dJXpKK7Ev+t5!%Z&11fHoaqI%lyh3B)eH?^6mB09}YAS}XB%6F2{8XJN<-?F<#uV~Y3128e%nv1xFHmy}eV$l# zW12^Kg(o4tgG}jdD+ODd_hGm3S(hTQ9|z-^_D&LfYdg(Qfz-)x-8tUrEzm4P(OYH7g&q*;^5%(3RMkB0lv zrWg%XsU`pIDb6E|C7+MW-Qr?Ca2tKA8Ipj)^w)U3ibjoo@Y&aWo*1&VQ|>fGxc-rL zQ?so_v0)MBpu9Icm<^%`B;OBabW8GwF*tf*_JBI4l9Q0C!{zzXw)Eru|Dx=zgR*S9 zeqox6=AyfihKm&G1}W+8kd{WeOBzH{x?7a)QbLdv5D`#1q*LlU@VW1I?{{YJZ{9tQ z%=nKw=XoCMSnF5owY;1HEHnh$yJ`8owbC|H+3Q>=!Gqq#CH$62$F|vSy0p;ujErZb zZ*GowU&?`2W6{CaTjaG`_yUT-DRPh!iM2WXr{M zGB2o*K<%o_6R-Wz!nV{->yV~=NMP~#CAElLecuZU#&ppy#vPA(B?XdIUy)%dR}8qF zoChqnU8_NczZLj@`!$rt$cumw7XG}SgMh;bu6jIb;3T~^7WNyH*`Qp)!^Gr8(BW3a zP|$AJ`;u7nBO5~z-(R$v+(+=ylh9V#ROHyYWu?UyPin@PR{Ek?-j0A9m+K{IXh83{ z>idL0^7<0`G`EHl2fJ)~F1x&5uYI}wj_p$Jhu73&zWJue_a)Fk0BZqus0u?a_nN0coiW$bmZ8SQiMthe|$ zQLWGG5Ap%fN(HC*NFdx9pQ645*1W?)*T5Hpkh2I#0-|C8O#} zMd0^*K&B#vu}D+o>iQZ?$TL<$`#Y?}{eaI=&NaNhyOp()N=9l|!ZOR}MC=`ztqF=5 z3iX^4csmFLToHM^HecdEOFsmO=eGPr2Vjg>2q;o-8I_2_CdxI-z8nh|$|^B13xD39yDj(_LUC*QL8K2`*G7^>>0VU(g0#JDU%D zdeDh!QiI*Lgj`%)$!T^7T{rK`s=e-Re6(uLv2Epv_Qh#VDZxmGzA*H87g_bysgknx zK!dVK6y^73v>^>`Dd-EO@?s*`+IXI++>UA%pT3OZd|}W%Jl)7j=7h)ABR*b>SP{*z zkYHM%Xo(&rHhUw)H8H_kmsPC`QS{p|Db zD&H8q3jBUfCt0oNyl5g^7H{;qP!+FQo@Soi?Fc`gm2VAo=GHce9m`|H{q?FIB6ofQ zs~@xSk~^hMTW0Q=O^mT%F0$gfZ69zMCXQ4$15Y-_ET8;r4H`_K-1=HY9C&wSLt5i< ze;42Z6b&28WeRS}Dk0%;VJKX{n9S4&KmTH}uRNHH-`;Gh_$iNQ5(>$S#TF=+R0zU^ zvX9Idiku#U)&rS&*Wn{x`F_ zB8`%fMGg$}F(6NL`89xsMg%$t`ctkQ4DLfY9?v&A2P%Hr01V;%3nl-{#-{{+0#Ds% z6A1fG7EA%UwqOcqMbc*~o_|?m_Cq;?e@l?Te@akQZXum%&KC!Yt5Ts&=HySC-{PPU zp_iCfrL~~}cT#9xV{Om6spDJ{qg;NUaZo6AQr6X?kUWSaHBq3PYB<5F&SF~RtVrlc zm;gO~on#J_2xbg@V8||c=Qe5ysPh>a(216Zqk;)9#z*1w8bFc?!AJIAZ-V|xDKt;i z!hHcdsUc6>mMrKThel$HT1r)^Symf&Ue5e>Uzw5M!^G7W1r#}$8fIqUV4Tj%xsa!Q zQED(w9UB<)Ut{0Yb?q=Z5jBfx22X9@ZvHI%R&l`_ zWpET%mt$*bZ~uJT@NyJ_(yD&b@1fRx^WFfV7!;$Jt~MaDmJ3iz%?>tS>5*hsFGRY# z^GhVy-k+^$msGc}`Eh#p7ccn#xv;?2m&>pHkWRPxl}te`XRO^tv`sXAZ#DGCO}jjp zy8`ief`itNr0c)zz8Fq>FaapSD7%XK72J5huHhDau85+?G5Q7++-{nA2 zMtKWXT*!eb$*PhO6&3Y&(w43qdmI_RVhsI5G}I(Z3MM>C?UyoD#9m+ru*5fd;;h^w zAq)aLG>Uyk5?yHbjp{8*yzN5#{X1O2Fn)8@&0$7H+XoT)gGNe1nL?0*kb7`*buv+F zEWAC>gcPH1do32=Yk9art6`OS4gT^MW!@(-gr7h9`^50+qJF&89acc!SAxLQOwG5a z7~hWt2TNd*Oo)@g7F*p7avPX3mQM514rPzBO5&cM3cB%2vWD`p)5-=NXQEby2j zcR*Td3j#o9ob=vXy^1r-m*%fM5vJ|w5r90>sWD*Gz#5BX#2gEV!(LJJk<(O*4N15h z&|q*S6pttaV*=~UtOP!RN|7J+4#Op#Di$OqE1Tcc!?M3J-lGo}qh~Y^5Sf zWdV5@VY!U@a(_|sDeaB_>L<_Bt)mj<>;VB2-3)uX$-)S{U$}Gw;ez9N;^}SpanUq- z1%kXvKz8c2@)jTWK~T$ba|6VhO@q<+rMhjtXXrq+#14-bf(DN~IJgDn@C^%icbCDv zJi_<%CU@Z0ty%!qJqJ44xbrzcAbrx* zH0}-|ibltf+A5lc1i7L89CxPcyG~G$raU%K0s~zyr!LFUg`i6fZ`Asfz#xKtVtdp$X(;h8WEjKHD9?*U(p!$O4H^m?FLPz5G9u|4M zw;B!wnEEh*Yz5S3Ry9>3jP254u7Y0os2hYgiMGESR)Cknj$!=J;e8|}xLKzt=~!CC zs>}KF$>c)9m12?v?g!IiLsrdFu)t%8Hlo<)1vt>@?;a_o-B0m?*CL)F>eqx@n9Ceq za`MShalr}c}fLRqU%j1|(8 zA2xM0Fpa9JIyGL0BmrYX9%iZ6)K1A9P)I00{_vL_PMZf8e3~HJwv96Q^Gi<9cGca2 zA4Rukptv2)Xw5k%As5p1;r>}6kg7e93ZLTu>Oe@y=OA}ArhaUlChT`(>J-?{jiCW1 z$rt*vybQpwTUqk=y*;#kcK?(*J9b>?As*Mu+Nk@W>DxCnYefP{phNuid)gr^ zy_t*Cr1cfe&!O8oy#g!lmm>aqA(-c0Xw6jv{qYbqa^{li+amJY&2#}Pa<4g8ck%zSux!UYEfUUQrSYy zto#Dsvz=r9=h@2KGG&7F_?S-`^wS48ZAMo49Q&bPKU0{ak!b}PQ&YElPZ ztLBMu6yYodT>Qu|X1dH(3tb6TqtmTj>`UIKxsHn?V0k3#7x%@?G%&D>CkM}56`Wrz zp+o#VncoVpfxn{HWBOr&{XgF>|E&YdS>m7x&+Zqgqd(m85BK}QefMo)o>sHd{GEFh z9Y1;8a)_&8v1V}9am%lyFHjpBn@pXMs|c)`9VOKR$Lu+DqK&jb{1ZH;L6eQzst2PE zXtm${^W<;a%*kK;2#8MSLUg(P5#Ia#cLSuMZU?5uYE!RyVbW-VP&w z`(W+!2BKz#=%`gjrc<{Z$)0Hp1NsI{tiiS0aEMa~Fc}Z|-+9!YT&1gCvrN1a3aCdjt&Y7&Cb|g19H!Evv;X-uX#~>&I&-h7Z z>I*dX44u%&Y&k-nQlM{q?Uqq#`RL!q2p>?++m1E5&+gzuAovx=01SxDBdYmWR5-UL=qRh0&Pi8qqPv#d{zvw_ZT* z;3W~1*HR{N7VO=}H<#Ymysgzw=5prr5fTgJvZn6v^7HnlWv8Q<-e4cJsS%ert6VRc z!TlQPC?nKEYx$f8geWg3k}@X-?5~Gixj_K$`5V&NJWJ=?{xOlk{sBYnM zCrCU&N%(z)kJE~`lnNys&f%3pMu-IC{s?pA8r6O2SDRwQUPSsw4XHBDSy)RAC;u}jbCQal+6K+LXSq6 z!4vwV@M7;9y)0Hbr*T#>A085+vZ!RfM0EZ-btw(QcPn31A=`}il5EwV#beYKV)=+& zF}^b#u87r$1_cEP3PL(#gWQ=1MdboibN++$C$(KY{W1w08iNLD#urmxvorpzx_P{q zqd2qI{`88MnA>Ku?$G}yM~@@{*<4)$yr_78p*DH_MGxA~nZ~d|ck0Zha?`}~Um2_! zf&ozMoJ;v06E?wDM(0H+Ua}ExjP;h|=Ikb|&=8A=Kp-432%Lu#ZTF9R<8aS(fgHW- zi#@lu_5D`!2KJJ%&C~Xk5I-wMKCR=UJ2VU|>29bdgINY&n>aSblX!qj_8Y>Xr}^@; zqQRz++==Vnu%wFF9Z`AR1t1A~QGd!`%IoI{qH5R{A)yqz!{rdSXHKk74U&?UW~3-9 z@&^*~e9cY3{-CECjv!UI>ZJm;F6@T~=m`HOtxlOVhMFbq<#8UQtp!b;wvK|@H?LGX zGR~!T3Yj$KF`n@xxus7DK#%o6*f6VZZJcS)tv0#@9y*`xgv5q*DYI3V|5bSTDo>_+ zR@GycM^_-~C)lT$g$@j8O4SC9tbar`+11zHgBuHoKp#B}y}EO5XPdwhZ|w&NumKR2 zWc8<*;)z@Svpli)T~Se}a*0$N1qgNAU{y9QLhQHok;y9EI>p0Y2*zvyNh#~6e-sUI z!lthpOCOAaPYtgv5F(GA2?ta4l_I9a*@XP32z2X~q1d;cefrDLvT@^23C2;dKrL!$ zXA%@6tu88d!oj;+T?Lc+v0-0`FMpNUkB#n?EwjYZ_+9gr$I}zZT2 zJ@@}nhw);mD^bPpUhX2HM!n6O_VQIUq8yBXZ4c!F!KWDhWNjn_=skLeUb!=vZCzNS zD(AN9ZSfHFmDMa0JBjpE`&1pdo?KYTAbV1L!aiX9)QvQgZYHiu7j=J0O=PhcZNjWu z+VW8uvn~Q`9j6*e<6vvV0!%kc&`Xk6Wg55oqkI)1dP#p@t<}G;))x*%47Jjtm1zFG zHOBGAm_rIYYmXToFVp-h1WdH7Pkh4rdB%|Cva+OZ8A~fK4*M)s&z%zEbaTCCSEkuo z<5=LF+L?(x%K8fW-j3wTv?Xs0HPn?Q*A5Xra`l3{NBr`UQl2ZPsxS3~pL5%FKi!V2 z;z5JQ2GAgoa20^9F_Tf;8o{k^GM84$@&X@JpGUwMKI9<}C@m>KidoGdnhyY9$vQt9 zAPSiE-!t6(+2!)VA0SXtZkK`d_8E;jKBOkFA7)3%f*JPt?xCIl{&skr7y|;{KkZ5I4(?5SZ(lH z#U9PQX)OOBVRFxw#>O}eqZAH+KPd~Muf0kua_HF-3Oxj^{qQnXDb@|xDwWLgdON(4 z<377WuAKewL5zPnPUPFI87%3HVd!-Yz5>oiem9r()_IrYB0|r})PjGGT_S*wWWxt2 zSp4zx0fp;tQ|hbgOcagjjosb-iKg$mYxvpNBTccE8A`}^3P$Cni(R3$F-6dy7h47a z49j-5I~`tA&^NG#3CnmARs=tpb{b_hgA~= z_fBI-UwfgPk#d^0bKJcc-U|2SXHyCY|43IeH6fOxUMXW9j!_f-{P%U?)1rl;tzY5z zHe42;F6V;_Vil&f+I?kPW0n<*4J`~9Ib=2FuxntF#TGkkQ#{&%?G3hE6!f2NnL}h& zBl)?#MnqvCSkWxJ*5KY)YtHm|2LpP$q=_&3;}+YAg!y? z{gfy=MrP%x1k%>=O~l5@IzFxuwXaLTIJ0g+Bn-A#m7Y#429m8PguRqQ5rys=-GHtt z^G`H(pd2|af^Bd}1s#aKB&U+2-dku?3Pq-p?nJWZ^an}s59aa`6DegZlpWXumm3-e zpz)!70mpfoX6`fScRDk(EJiu^*7kO#mLA)t5ztQK?B_&bP}_w*F#oWedgu7RkHmy zJ)d7Ur|P}CtQ?J6^Uq{l69FU=-)QCtA$~U5GBk9w0+jv>5S-l{ZA9|e6P|3QB4&1s z>=mD{7zxa+az@9NUhL#nl=f~kK=~`*>gJmkb`22~0+yW0SJ9|{b@o%We{1IAUjPzJ z{=Nt(nnLe6CY#a(9&x-MNIfakV92~M1UQP%?>fH!4Kell?R(#SLJ|xALVm87i!Lpa-xi&gcGtoJuXEYDX*LqqR{Qd z!E$1*s9$JsXmH2^1W2XRs@PsEcX3>Nz@n1ohy*yjT&xH_>pK;6eqJoRX)5(@^TU;1 zJRz8UNN|YMBp@o1gF|QwkTHk`z~Nc9DU}5)^^&=aSiQC%tiQB`uV0T!1NT~KFMEp+ zJ;#74;7b-{(7@N&Ng86rJjZ9UYAcXio|T_IV~cl7t+gL`LzzsNfzN_IpoW zkvzZE*l~lE@5ADs9lAgRi9_v|?^Ja$+3{4g`ZhrLZoWykINKdM=V6-ZyPe%D`p*2b zsRq-}Yi>lOfp>$T(?`P9V_dLLFgWOlG0Pv$(6Kw*qE3>v74yILe0J07E6sAvKeF!;_9n5OlM#vSOH=d-)vH%UWj5MTi4xlJ8~BC03@nI1j$&d6>~Ejn+Z7oD(bOjqQp;43SJ5A1SA_)_ zCXol%f-}Mcw0uTfLR?nX)r(k>uzHA5uG0P z-CumN&CKt?Kv_*tSfcrLY6O6p#cIx@uC5&(3vP{1a#}_!K-k8|3~h@}n~`j=p4PC| zKCzJ=nHoWg-sMjhj+gOS&sUo}NPP4`OLKF5q@jSkmgnbCR^$&oqS>$YoSX@}AJgtr zxHv*X>zq*OkdYKrp$2F=zqnZW)IyQEqT)LpdjU z{Mt6E)&T#u>Y`x?g5ngnqpctOU)B|yzqfoP(?5*xkH6kka&W2qFRbSO=w1C!ddcwa z)l`WRiI4~Lmt0YYLy3(hpuaunCE!WZ0g>eJOT`21WM(Vqr?k?MLvJ<-c2&w<2(Q2u z1Hvj2!Ydi<{PKe_ggO1pK7TAb#K!dd%{@!ksA{e&Kf|>V4h&S0WC8rcqX`>=l@@CPW>_8%zq zy+jNL4IPb-IPC$gjEq&P9tG_jTQoTy8ymEQrI4}4ao{%oYZdbd!9@|a7SY5v@a(o6 zS4hU#dT{$moL3ByNtWI|)df9mro(S#piX2rF9m?`sFn9*4G_wnL90>Kea$M6?3Rlt|sYq39yGu)+iSH zjF?EDbFjizxAg$rvKnvGuf5qZiinx_m3o&`(-e{swhx`S*u{Kt#3a##cd#1s)Pp11 zWIq(CM05=8FwkM$ar|7mz;$sE=*wH45cueeg&o_|R+RYeY!p9}G~xUgeC|X~ zCyJwSEZybEeNur!K=|T3R(70^Ol66gV5)PxLftjQkF`+9kvABMCAm4rl=W!1)t5^! z)%#gP4FyvDBguewg8u?fntyrN8ea_}g*0R&nP^NOma_u704mzPP1?R&DmtDC40Xw_ zUx88*D29G8si{YrRP)a{kgBSY&9a|}S5ppj5`k385d@;=e|uEge|yxw(E6VTJ#xUF z{csH!CO5tTPV3(hBJDUA7^{wE4V{02hF`DIo)A1_Msf@YqzB{{tqTC@b!K+%Bs>UW ze@)j4c<4xgURUbYB|Kb}^+qwP*kpW=goFeQ%nNXGUtfdO-Ry})nt7hgE#y>G2>{|I zf3W_*_5Ao@eEy?EiC9ojaOLu7HA6f|ECwVuovgY$QjCM(Dn|Hzu!{o*;)YoEc2`%! z0&o8e*8^!kiDs#CvgPV4m$&$jl#^f&-V>I`T5st|>tWV&SVmC0WDN}nB&+)kd7jP} zRQYyY)f-r16-1CvUZiFD@%-8{vFPNBb2R@m6LX`$t=JM%?a0_LJr>&ohI~o&D>G_B zDs=L>zG!b(@>x~o2oGa_PS&>wJq`)|F*IO|BnBENvy30b;@ad6=O4?iZgBG0T-_l{GW3%;s<)^mUz`G zAh~*~g2=?gwAlU<2V|bSNyb4!;i2`}6GRkXz;NKeZ%Ma%p3&C4bg7C~!oWG2V=1i_6;oS7!W z3&YwS{|!V=gSc1Wy+ajH>eVLiAw!uo)W=2Jzt^ zKm6nM|9S~?`ZTQU5Zbwyv}<2z0Sf8G&0V1FHJpZENemvN-|k54&z z?Oq&UO^(CfM*LDPcuPe%^GH}^2$;%G22Q1CEX-0RGI^}mcDJX?B<1gb7F_n zk!&7Z7swY$y=&(8T7YM>VxEP3(e4h`MoITxh0UQL)PmLX13S5Pbs1AtKzYo=p;MhR zeAB~c9&U_egJj`LD0e~un3cO_`-O%IlOG-Gzjywo8+n*A{ntfeK?J$zhz#yO!Tsq+ ztq!f5%TTQ5Xnj_!V4-FG>E&RLfMLO$jxJ#;va@eV@$9?G9d@!f!p>FSN$uJ$qzkVg0 zNut3$0#>Sz+25$9IqYP)dJccjRta7VJ==YxU6-db8te7ug#L1h2RoxrEriONLyEa2G0(}d zdcBERm{?GE8&iIV>*l+cjEs!ONJUZ-?ly(ZS~SaNaE1PQm4FXh8_U*}Vv?$!v9;H# zHPT_vGAn337AOUYL_Y4;XqA_(}fajA<5sCst_auzHZnu9teb_Yxe$UrS zBjB`3-xLv>k^C8CG$P)PiBos89u02I>xh8RPEfeS1k=*#d?@jbPQyV8(=4@LH2E_`HK8E6(JehyIRRWDimpEt;xD>6;AKks^wmnD zqjA3lQJX$yOR(@UdiQ4~;3n{fJ1syPEi=cF`$B=n;FKcjrTy$jaGHA#5H|BcZx2@7 zL@Gms42TrvqY1o&CkuqQqGJWT|cCvyYJImM;kQS%>#z^gbCV zals)_(aPeb|EM7qZYdZWL6A<0J&X1;{hmtzJ)X)PMyNo#x};?^P)NHGo0#cH_fB*p zr-en$UUR351&~x|FQwO-bQ&xz9|wkY|LkyH31B`D_gPLN8#)9*iaz6#lzf~?uYBs9 ziZ#{7IzE9;vE!43+#*oiK;tt}vH>=NrD}j4RShSNj+GvX^N^tMy6k_OG1f(al?Ncv z$-WpM7$>zNajV4|36UQ+hL{VxmZA(l4M$ozY9NX}hTkFh!PSL_j?4aF>WGojBoArB z(5}?#1tgi(DLiEl_|9Ilqyuu2(Ix*R{j7Yjhv2El3*Iw4-MD(&VA|55lMgoIR#_#$ zB{mXh*kB92ohTzVgFQzI3yT)Ym~S9J_uj{cVk*fBg-+<?fpaM5kyo3}=!1h(50zzH3 zr%Gt{EXb9EJbo|m<3@6i5!1T~3MBY|WtAF<;X;p;FH*rCJMgi<4xUyN{>_Cf9u0Nf z0mYj_xKbw-ImIDlD0mYh(uzR)66cfQTGC>ZiSDxEmei9pXN)MGF*9q2`?j6u-@83` zbwDD8Iw#3WClWF7-cqNqP}a+v%cEnHb5F#zPUHjE)^{P$-i~H7b1hhryKwAG9`I(x zsGbcC8O_@K1UXk12661`eaK7lA4Jc4k#T{n8HHG4=+lfiz^LJ*MP6?;f$Y2=%Gr;| zKpKvU@@sVz;0RS8%_t=Uo$}~3kd^+|Nc;D5^S3oeLZm$Rc*H9ef~_IeGx5y`#4B8- zlbGd0cys!|a-Z58daadyvI6*=_h6tK*!%WDJzoMoGhrKSGjfv^%6V_Z@{Gwv10Io| zq@^!+lE7mRs7f~{ajd`>YFJ2IMEm)OtI%wyyE_uI-x-JO$W)Tx;m!54}96ax8;vu`<9~tYWkqgaQ|-< zM}reP5KOGWf#o`j;Uzy?(<->YJq;?GgUkFMd-yI5&2pe5)!%jyLtY5Jj59GyMW8(L zXmT&1(!Fq}s`xAkbjMgZ5%1i~cJapq<$&DK3^3&u3=j zP*|zRFGaAW5douCLBxFnvz%M1;26X@kJP&=$1Ttn)05C9sX;M6U7`HNNqYrPQd4yR z5)t!8i_#i?)d0w^lotI)<+pBErTU*twZt<`kZCenJDy@W@~o@mM_xVFt<*vTTy#qJ z5vZeY?2<3re}IfT(%~Li)Q-nLe<90xxlO{u4}kv<*MTO;GDdC9558a$Nmv0XHXK4K zzW~3vPDi;!4%`vaoKrswkvLOYe9tQR;0}_}cv>c+oZO+v2g9wn(XoWyl)s9Lf5go(V!(hbN!@PXRt4@oA1}c2E+aiei7aQ9bl3=K zw@SsT`tCdeAB}t{lF$tr9Qa76TVrzAnn_3}z+SAYOdL&ROBqyFPh#ej&xCqD$7{WA z1qCiEJ@BMCJwvFGnY^YP^psnBHG1`h{xFLGp=wbP5i3^meVacda;g)qN`ss^!{JCG zxe+)fi}E(ygHrO`x^GV;6TWAPMLA7yf9X5)N{AYCf74z+qW*Iz@BMY;JMA6A27CjE zsn$#BBFAS??@Jq*OVNZEd>X~lJM~-aO>h0<3>b~;Wr}%5c5dv?z7Lsl{h9+=kd0l! zZdN0~u{Z&fMlu3g%&Exqb0!1SOu1%Wn{ISF1#nb8$ivLh(z+&Q=85RG>ik?(U68(+ zd*iSVogB<`0fU1EQjE152eUQV;filxmeT$TDS6>$x19u&a+hV?90Bzajnm%a$^ zk?LD!dOQf}<$cH`wvmbgP4B@1SN9EFcRLa{1>$%5(|k2PNeJ~Nngz)uaE5~5_td81 z55dV2065$vFa8TSu8wMI7^nx+vgl}drXt7Lgp?nuL0jKp_Re{c%mne6JaaXCANpBX zG`Zju)%B&`fQ{TF&qDA;^9{%5!DEbrh!#jxL~`oQ@6FqNU^!;6%70GM_{p0K#Cr=I z-i4|K(*#c?s8r%7RM8i59S1ZWE23?zuRwGS2;Z>$C!*J`?jcfY>1~O}0DyOA-0Us{ANsJD z|E&+>r8WZ;2i8KQIArFj*-vSL0>o(wyFM@f2@631YJ1Q@&{MYhADS~DQiqne_n_v` z$;J$!7J>ik2%&cM_-YGYEL&@1$Aw5F+dBxPC9kUgs!S4*Y8;iP^z~#gd~>~+Z0=QA z{2RNJc`8YSYjbjTBlRz5_{$srW&wzwKP{`Rj~V=o8%HEH{_Ivt;|Bx0v>)y9VzmU^ z4bELOq)vF!=?^Lf9Nz^2wozaL*AC&p%=mK3wLfD2gw>S!Vh~mItW;t_NwfuX%6H@| zSwOyAcWuEo8KnB?>g|SvnT=`i?}Y9#MTv9YsN)7CYDr@(302p%YXf4oLU6V9|LnO zgpj^h_)NeOOHT{3&WgITl}#o5-nlf=49d_94x!%Vnfb+?|5TKdQ#`zfyLX0-MCOOt zr2@lRaUVlDPlz1MofH1g}PYO<9Z}eKFJ(Od+pI;oa;7p z+7%sna}mh#6g9Ja3aCHVrI0y7(}R1|%x9#4K=)lptm~HEHP|m{wMIuwj;jWXNxvxN z)?{!kz%F8LRWJv87LEhcDl$oAj~?t~*ER?!OV`Is;p(X!c`E^=^lU!V1AYubW38~L zB&mmx=!dXj?*D`hk2TDtfgot-FB(D?AfeH|wZRW?D9>|+!8iDC5Ok%DrXdZ32%f_; z(Y{Y7&oq8C#=~J!BAMBm44~g#+t4in5l}W)M34JmYnkieh^$}-CYawq_p7}tv*n&PID*f{ekm7xSdhWC+R_cQ z6U;i*dZ&74{y-!T(zidOI!VFHbsd_&t%!bLV&UO6Mbt5Yj^OHW%$?S3MGuXd1lnJY z(g(|Bqdskfpnz+SYOP=7`v#)0E;Eloq*^S_{a*SYY>rzJ;fxhRVoO~rNn>V)j)Z_B zr+rA9=Szs>hD1P6^xRkq24b5};wK+soWoosTEa4kmv8_x7)O&jUYc4qbRUZ_KC9eK>4?f;E-(@pYa|D ziqH(8`X6bsyY(hiRaF^5CQDVwNwtTOaY5YY0WnFuk}Ze|r}##F&^nLu-6~5CA@a}J z?q|P5U{S^Y{k<9WyCtad98Xkd*AXC`R%(o{ARsNNB_OU<7aqmZfcJM}37qso_J`C2 zJ^08}1J2)6ptaB3RQ+FwSLV()3Zjh6KU?t{MBPh^cs&!e)VO$7aK zk$w3&L)ZNdevKNNu8q8fC#7`aUI{BiU|8%eLFH0sF2h%RRUVPoRUWK-rD!oRa-!Gh zlNTpM3pTFihbYqz5c&fa>y0m>|B7`bwa^L}3plCmGrfkiKo-WRwDL-CG?5%3?1DSz z%;WB)Hy3AJ`PBdcayS%34W!{5htr9m&N79Y$-p;?Wt^L}DinN-a+5oOQ4;hbHLEj) z*d=A8#kQtp(r12$U_&tHnNAph`w>D7<}oLzBaAityRGJi7tnzSE>rzI>m)Y0DN`}P z>|dW!S;THeff2rVNq#54fdH-3_)Svwb*(X_V%Tbaoh7>?Oj#|PCgg%B&SOmqS&j~d z1^tO|z(^ts(r5D;VTZZ!fIEzI&xk4`YZx;{7dp?w|0Uv9C}{hxP)wS9=iRKbXrk z-Ju^Y{LMHtFjK#zLpza;lKQ^T-A?XEUql3dh!4lGmdRp3hzv*E;Ew- zsdwb=D1Hm~LB^L_Z131S?GL)L=z#W}k&1l2M6zY%Ij=Ec&Y6ESzxB69hja?VQL#+7 zXq+qmjMAZ>K(4*+S4wGC46o@4MS^+aP2@b8vt6*zVw3hotIB+$>!=k%zpqN!M^| zm`rf3y(6Sh)Gq}&v#20l;L!o&*3jlH4lyMxfPuev1?y7d@QuXaDVt8xb9%Lq6`j z#;L#fgdxMTNQ3;bcb05bob}bOC&svUzlcos$)biN>hw6&-FuaaT`d=4b!{vTOzsvX|6^A zX4@fD4WZcz?j#n?M?kZ0nTZ#T(>*h>B3)O3Q2Z z+%U?FTKeRdvph4-ISv54^Lm&_;(DbNk(|O|$5kd9F&Ywt&KolasR2=wQe7tN z5B^M5J`Fu34iZ^7YMh!`UR=WpN$aoVWPBt+<%%8xrEn~x_;SUaf3kRH#?>_pLDE1) zn#NfwvW86vqXr@4PMX;kso~SG`u+EcR($}g;pC>v-4d@`vU+@0EwNvvS^)wP zmkGNm8U_TPj*iZXa!LH~?$!4Uixjxf{E%z?mZT62zCbX2`2>CRL)|aZ<0F<(a|lV! z$kHJ#K=Pz&p$Tcjdc+K=D5#+RG4VDW7Cr0IyX(LPUb+xi69R&kv zO8xfKUI;quCa?1ZF0s&n{7_y>!M5P3CaxNkP>nsBIU37PlAzTL_00FoqE5G-_I!yv z=8kADln@>xrf^%G&CRYYN7_l?vG^8U3B_b*3JJRm6d z2rFLlsX-h?R^n*v%|gefe*(MW8fW>-hi2bB=l5yQ_2XTT2>NDve`cBT*iuXOJ?lvp z>#Wh>lXfbWZ|z>`ql>>kD?dYkAms#q7oUS-F8zRqpd9FFYFt7bS>{>UW;chaXZc=f z*07N2Ixkp|C2R6eD<`-3tu9REKTn&f$h9^RQux|;wwjyNVMkr2XmM}!e0I68Fh;?= zORFM_!_aeq@#Kr_4l!3KI|)Hgo9FJRuQE8O@jks0b5;|c#K12|uvxU}p%uniSxql- zCW{jA#c4N%=X0_N z%nwX&Y<4GWU%mBPX)+Z!YwPRQ8D4ni{06~+FU&H#F~g#f@;vP=c4vwGt&Rrchb&9| z*HEMzhL!ViPo%Jyld>@H!G+iqA`Sxv@!Qka+j=TGxd~a{!JeSv2Y-_4wU_d;(VQqb>)%5{2as5ctdGzp|0Ix5R?njGIsdhB)r5brXTy!ZjHxQRNe?evQzB4 zV|_U6lQ5qnp%0wWU1y&PYTu|`UKEbaUI%D=%~};_`w+8cWj!J`wlmb--tex=IeUS5 zR^fJC)Omr~p?8z3#N~&^iNMM%!mg9-Zu(`nDMlP4$CW-~KOSV3JR(hIXsDJ$o4onW z+aC!jqbThPZ{kK%wx1w`;NrVnZ-TwS?b(REE0hjgiVthOxB8m19~(MFqw+LKrJ?VkJDjf6ItmwPDcR!u4(m-RSue#bQ?7G!8>t>I6H_ z`%&@;ZTp$mm7ZBjayidazIs2NRD~CS$h`Ttjy!p&BYx^Bwbn(k(>rZq4-7XD!)Mx= zdc=_COm_jkt@MM*Tq)Yr!~W_gC!@U9AO&cuN|%ebPwIQV!}gYeh|sYG$nAYjMxL`I z*9-*nBk!$0k7_*@8ti%@v>xBYpYxk*_uJ2pM<>>&4eL#7Qq}AMwG%e+)92qz5^Sd@ zeo+e3r#wFJ(--%h5J!#qJ!agc9vPp_WvZ-CE38jXM|IGx0;fG($@#?Z{5_I%*BVz2 zgZ6uSgK?%0HJkCzXA4v`I>#nc9y?S+F%5}sn7?|7NZe(e*1qwxqbrJ;5nX2)uKo~E zPj*O%u!JiC^X}JIk_0DQD4LO$B$R~k*dn0+6 z_e*;4!YzM$K5bj6>AI@JSl~2nn_>5;yXUkoyP;1MvDiqNi*N!Y9?Rxi_XNl0A701T z2i>1~6<-n|JLOpE``~Nb4YDE%{@W~;jkS1g#>D6#9&lU3@Z*IfCe zs26qd8<-~(IKC^D(NH&we?MA1*GCreM5D4%NKc>y7xT}tbY~ZrAw65wqZ$lU+7$tK zq_FSd_ruh^hd8k#Em3CWBI@!mtz5l9gBY{uJ+>9;%d$aa$SY5rGAQczm}`hX;Yphr*@tcXjFYCe7f5!3GtQ$*C+D2ll8+_N;!~% zizyiwBkU;!Yw717YNaFbPrwfC?S^al0bMu!%uI@a8!WN@@6~ug7}_g5Ym%;I1lzLh zdT?Zwq?_0a9cq(|=82oW=seTWZ*?nqaL3=>oIIl^0s4&RLgyeAgp1hJzg{^{%=ksu z)$=E}r_<*kYGvlWtmcMy?+T<@C17(Fjp-L{F3UI!?YEAAjch40e>; z$nk8Ys&MyCfF(Rnem6`P0}X89)j+Aj&QfRl+QvqfU2el7h$M?n$en1bnuvCK0YS;J zI6A6({&^t6!SbWlrMt63XBivLcYXU!tv8-|KNzz&cCB5LI25{kR>MZyUQZdC$BSX9wGt29zDX& zdyg3<*~i9wMhClc@nlbdo-1ZioN(+z!>$Ls8=(ad*`|eI3zaumy}1(vx11q({FJ*i zY2juN3$4Wp{Lo&?TFEbjpr!Hn-&-2oU^paJCiv!{T6%DO)ID4u=WWHmLM4UWox5+n zT2HJg6_;hd9XQ13l`yTE3 zQxeh!`dy7_?jeTl)B*F+)H0=#b2km_24>UUQ}DTuY1uxUW^cSvaZO*-&~}f+wQWtY zcVGYcR&dGD%(blXm4&A#3ZsYA=4rjNEB#&*<8|-EMOguq&kSi#<9G|1CM?bvLydh^mIYDV8pFU{bKCg zfuuw8F$St=*P9dUL73xDzBH3!h|>&nO>|K5b*R^#=YlXZj~S_U2?B=bwDv0>L^EPx zqjfd@SbPh{Ul#u@Zg2~VE@Tyu&?I4^iX);oyEJ_17&C%o6)9}P{J>&=LWi=YdA&m8 zEv@!w4Bc9;ea~I~^p(sQeWGt}HDjhSM zkbN5z9@@%V|MA0}3z$_HUztckG5BQjY`K(?v+Aq~J_V{TF8}*w)xfi4fxHE6QJZ|wpTCyibe#prt&$@26zxU$Frz15A z`_79}KlUT_1l}8?>e^*LO}%(+qN2xT5qGrIU(jN7-|tz}2^+c>*+wgu-<-HVHEmw6 zx_Ld(r8T*!^}*W(>&fG0lkbiETTUb!w}$kMF}p7aKSEGMpzlnzaFxbF(4HhLBosd= zTk>uDx(+7etBT~L^NVj62SCxSp%vjZd|tB&dDc!K2+@{Cl&oZK2bNG~on*S%Re8}3 z6*0;zfg`67GV03NL?pE;%UfnD|i(#?mXK znHY>E7E1f%p+C#W>Zf>#iHi0ub-~AQ0=y-qp6aLWve(SqjK*erg{hF%JI`02N2ooP z@-CmV?4401$9s$WTA3}?>f#w&wvy>@t$a-%^bE|bbAnZH&1#JDC9cC zC{Xa?Lt9%s%yWE`uT-}^dh63&^iqmC8R5PAQVYf>e2U>(%BFU^qu@ZWgT^bKY5cVC zLE&h1^kV7J*6EP*Z=cW~yx88GbJ@Ptl{>+^X*Kgs*vhhfB=_bBtyb-g_PcXg%(PC= z?qCKk?K1e6j4?%S4z)gTs#%^=7Fg@cU3+P?RJ?G#Ii!7$J7&5#E_kpzp}KUQyEHP{ z86~gZ!zplW93$ZMop7%6C#StzbI7&2BH)E3+WESN2fCr+y>B;eyTIO|o--tGsEreJD9_?@ECMq{_kH6TQ_ zK)0wX7dvMUm^nw?=Fjk`<}Y_vDprm8-4e|0f|Mn|>7!m$##|+{#hB$KR;mgey)h31l7jU~`}`Hii+<`> zm7sfA@-2fvV8QtKVAMIE4O?c4iV0)MdsprG`$-5P{VuebDr_ImA>U_@+;O3-b$GA) zjn)>jpm$m4j>A>=eT(7BTnAD20*9oX_T=x+)ZBe?_|EVojCd6A1Rqp}xeYiDv4?s# znXr3CKE9l%e!Wl1z-Rd9!^K{111D)~Pw#K{YuEZe7_F5CCpGW&R;WCGIv3Y=yVLl+ zB}SsQxR2hYqeHU!-0S>S=F{yJlk)2J-)83pJay=vfAFYw8hOyIRhZF*HPToM zPRg>r2VBVJLJF^K$#&W3gwGPBznw20nY()rie-A9s%H`8EyP~=KO1@*zy|&}KsnBS z3qAxp@l_G1&xK|XDv{&!HEcxN<~L{%WJk+TUh5^&F)Pr|=jkM}+3PNhbjt}g&t@hS zO7*ClXCH)usmCwejj5Lk=*4biBnDkW!Y2uuR2Aj?`i^Q$>@hq%2tKcY}({f0CysY2hD< z7&Y3s6d_#M@$LoA+;;bg@*7iU#J3+&lz)t-zi;3iy&qN;`{_rBOEUrKLtQHOtCV(4 zSLuGZebug=pBl58o0s~rJ6%#9#>ym}T%ndmBdkhPb>}UCMO)16dU{8R3HR%a)`#RXn9q$FnPH8#ZbZ)42W4sxs4Rp8$Ul^~Qmv(FMS(vgb z_*scs$0d?v@?|?a(439tUSDtpzsjz7HuP3e6`tIh_sOQ`ohZCJR}U*&N(jP;Uc&(%7^=ld>C zQp*Mli&B3Kb`&{REEF7FdeAFAU+HRW9oXhxs?$Epj`ztVzrb#!t`e$>hlI2u?bwRV z^Xckf?$250z=eD#;}Y{C=d`|3i?ME5N|#>IcHsuzwWrS63wh3Q_NO+U%Le03)40Cc zQC%o}bpbc53Ulw%le!0KRi>eSq87a~Q~9Y=Tkb9&(V@Nm(AmD}MYWP2*Hd?Tk9vn# z2ZQ<~!uf`i<*FAg;;HS;>bPXmDU+}9#G)u^ z*K7OoTHmx>?Lvc{z~poB&K##IwVHK)d(PZXYp-TpANYQ6J$WW!Z*0Zo2e|=FU^d;1 zgp2G%fsSRNmDt(`=1)UEB+3;+f=fg*u5jEe4rC(tTvg4o^qMcs&w=4R)BD;GsJYF0 zH}qX$w%Y$bal+MkcCX->0Vcyxm&`V zc`}HEFn5dv9ojh{b{h{fF4S>jD$EjX@S?MjCy0^G=gSKU@Yjd`jlZ6kbA#CM#kClz z-M8F7ZqMyhaM6+yItoy>44x?Eh#nItN;y|T#p7;o)vTVse8$Gzo{>O*pLOQ^Ud*nD z^TSH7=O2P?mN@b~MlsyuQtxQuZoIaSv978dU*FnvnS5VQ6yuz~$5Gv|SFcu;r#M)o zKu7H{u)nr3JJ4C?QMDmmmYCwTQY~CBC`S5u0tx z_bF&9X9&niZn#?omYmI6>T*A?8=d0y6-L1oV13>sb(7#ry{N2s-FLIc;F|6yxSOpn zcF!uEp2|3AEWDxlBjbUa&>O}uS|*s1R!cpQ9VDwDKh}8r(+6BSjvQv{3g0+NbZEEe z(I7_Q(`@ZbR4F;sjW37^zuY%cuzz4#z+Ss*4*DnV@mE|OxrF0l{-9b0ztC|n^b66O z&j^2Z&}dy&SB`D#9X2leam7ArW~8dvhZq zDwQ2${5C^*I(v;vGxOv2cbPq-Xe8;l>(g&G2}fHM&eCAlZ3TF=EdZ=rxZftZLX~*q z9ktD463#*FQo4mf?@}ES?`LpXF1_iCVwVV4P&A&cFsjoCil7w(oJj3xlZJJUU4^TK zBIhhSA>G+*f`|nr3Nuexg@Bgu`+SZ4Zd>muyn729bqQx@Y0O?4Ju18}`oQgpp!+wlKr9(O&VtBPD|0V<=*mp7Mp5T8g*21yQpSaM!;Hx@ zekLqUH@ozqP}R*bgs9gC|6sW>rovWNKJTLi*NNLgI@2Zn>^)Blqw6Z{81{%9ITES$ zCNodiw0QdO+ELtS-0e4elSJ^rnAoR|+pJP~$HVSSL;W&$kI5pR@YV|7wzS9_we9Tt zjtfl963639*fJJ)Y;Ana&C|T^Tjb|=x(k61l3%cPy^Dlw@LTDE(;Jc0L8bf;o$klo z1{uw|jr#OI&m}{_zfE3CXA}h|Lxp-BLv6|XOnd)XGK;$J&m*+G0MB`d^_c{>?!!7y z^)M5JbAm3i-h?zlA0GI94#{#KXV>0FvjrrK^?Np=sFB@H# z61YlgUU5Gz@#eK?G`-$ka5;}!$0(Cou4456?3EyZ<6-!zuKb0Gf8~;W#KE)Y#T=m` zx;0;a3YA`^@OH8-PJATl9Q5?Sp-kzrtkijX3KpZwJYSy%WnOlwiaO?_9a%b5qo8lR zz|sA&g!AFNgGr2ByJJ~zsNuDTmbOs*kMeNBUg?tH zlxTijVTxJLIrD!&_?%i2iJaWRi(4dmjSvU%Pgj!$tZ+^Y-oJh%m z?qq7G(oo4)xxUTM!enl#N9m4bzIV$BbAk>5LTfVCcY5V(=d!*IMrFI}=2@cC*YHz(3RV!KIHhO=6V-4AO_~%5;g@@Qb;1h#Ija1=eas-;)c;nxrExeZ zLwzNy44u8GwWTQAcaRknH@rfhxr!j8rSt4b*u$lbW+ z5()kLYf_xM)>2cxy*r>B2DA}bja zVZF3_fkqO5awU!AY?k^F<>*8m1D2~p1))OaliKK-i-1GX44$NBrcz-j)P?*+9NRED zw1srRP?d!6>`Cd{00rVWlP~;ET>f(dd(44@J$7ZLBt9~qJMKrX@llCfEx*kDj=2X_ z%17y*J+dy2((KvE?xLYO$Q`d%o~v4A9+{Ksdly9bzRTi^7L#y%NGJ|5 z30F%cyJTUNA0Bm7PvH551FLQaK=T(_dOXB+1?+`I?9Y-Zw^5=|kFWqo%lJRzm$77i zI1*Wxds~hRv>N+*7gl<_ns2I7GWQD<&i5xTG#A#P>1m5U(`$@>YxxmZC3o|q>qB+c zF%Cuo%J_Y}(Lurlxi==#nc#Ktag(cgUJ=*#ui@(n6bn<8KT*9{d@K|BpM)Ye43MyjU(>);BSMX-IrcB$tdo*nGYoL_^RflOQk z+LIIl110L}oL`5#7mSK=EFZYF(qR4OF3D7zcHfpb;x@V8TB=O&1*0_8aut~{3KMc% z)uFU%GW3)ad*9|;Qf8`f(tG=!2%K?||2rktzXr~eqO+7UK9>{eZJbv{>H0o@Cu?Xg zbeEN`%IQbZ1rfa`detcTr@aE)u`{fIs(>)3r(iDwnZU6)`w?MiP>6it&o4hwBDl_yxV%EI=7|= z^yiH0JXf5`0n)lXi4=x;#*g_QG{B7cX47hj?>|g7Z}sVGKZ7wAKfMxRK2tPwc6rxi zV09FuNpk&5Be-a;yZ_D`V>uMz)PTOA%dL}q)?Ji*tZ&m?KNv;#RGD zH5$r55DEj;o1rJ`#KUAkn}`ZP4uOG5|g(^OEBiKqy9DSiTOZ!l%1r2tdRzP6(L}LE5FsAj>j& zjygL?y2tK7ZLc*1w4&HbA}z9)$S4V+v@Wab48o5ozxIh{z_EJdV>(o{Ci+IhmCfV_ z1;KVe;i48_eM@PPLyLKokZ?$0hwO(6)B@!?4pnIbM$Keo;D&k)Sd!_L>+C3bk_z8v z%2*gn(pZybVnU}V9!U$3ik1>=j$bQQ{=H)A;%;w72!g(FqmUnnDT1}2Z7p|^e7?c9|mUbaY(*o+VC4kw65F6%9sUQ!jw%HJxiMQ zeQNi%hKe`i1wMWYM~CVa=_^AEAhprD(Kj)dr0v$^_^AkY^)ztMp)NSC65>G^yR5Bs zSIFM^sl#k&cLOg7|R4*p)Oo4{*)W9j;%qH z(AFSaf=R$B$;=jwM9tWZ6sZeXz_n%jihb`G-no1`ZAYl^tsDld@{IE3%bBz{USbQt zU=-a1C5Tw26KyW|OUG5sWp(p4R5;dE!m3sI8g%KsCrLWyGTq4D^42e235QL*m@-ia ziDB)IZ{xHTxhE88B8AS|W{r7wZ;Ep2-Vb`$#3eSoZp( zr!IM$)e64FRr8U-bckJF$QJo3Z)>r zkA)oui3VD{Bqm9eJib`mxUMGd>rbL%+@SmE_X0G?H#Yk$S|5sz+DdFejTaZ>DkBvY zabH9CvMEUGM4ldkv9wV_l%_WVrG73xpWeOso{sIb?`ojYWAUoq;F9(mP!IaP^pdHq z_!%lBMOphL^psi>q()i;kJ3|JLWZ*l=El(9eOSjHY3T)37@z8hd>S-1yP={G75vIl z^**>tJic=l4`3?WWd+x}$3nx++uaWh7qJ@Xjpe&ssY(#xFbccF^JJid58YObqFX5d2WkAwAv~t8%W~XHZ{{ zJ*6|_HtKWwtWJ4PpYc&m|2kX)XTs=x3dBqO=g>j@ckdbc)y=NyTslX7NoO!3BImJ) zqj7DX(xB(q?I~#Oc9NX(Y)597+*=5M%1i2(C3Nzk&)m4Q@GoqZlHOOKwxoRe?V3;;dN>Y^i75p(Q! zUE9RpFH#;9!R3{u!y9LVl6Syf`07o5;I~j*{cb^X*A$u!5?Yglk9s2>0YZ1c3J*J6 zD!QK~z_RREOQ02i-VD*Whl1SC1fPX8M_oYUDe{Mk#K656c;sjcV6NtOiaiEbYG=|| zQLmvjNG=p^eygbKUyo9xw`-&%BYP~m1&H;mQUH(+bWT!+^x`Iu!7F~>lt_}zzt+hk z5`-iZ&G=+ORvznbG`w|kf ziA<(bL77b5uWla)1pYgM#bdoiXaJyC4ku;!`%zOe0;u34#LYOrJ|lt8UQH^2;xbdo zCo4a~4K9hv$Uc6u8uG`9rEl|FsgS07_BwCEoYJ%RZJIkxUOxpXp#+VIr2 zUa5L_*B46iVvK$=7!CG6du;i61q}UJ9ig{v0uy_JHNLt9Ssv`F#TrmWo7`!q(tg0w^4ofj46v4uYfOMHyL`63tz+zd2WNe6c z=l9c5e6w5U_KNUs=Zb9TDi_$`c#? zG-E>rkCCi4`l5ojKi-eMYsnrI%y(#bu>xO$w0Kd{AivLX49-c$nk@imFGTR^zoat# zXImi4e@Db^szfX(bNGXtKQ?F>F@%8sk%k=$VywvI@_b7|ICYU?hk%$+It&P$u2}5! zhx*8183U2q8TO;mj8wD%N)(5$W(oHVhT@FkN%#yyHK;~Rn0ef+mMg-NU9=p!&;!tS z2N3roGT(k}1a>mWr--chBSOqL)`jw4SE>o>1qC6l>lu~NcIKE~o?9!~EYGLR{~C`F z6O!9dR&kLKUcPU*vk7s3JAW}PF`?a;i7UT_#0LIuT4p>yI@H9e_N^pCEb6yL8dlgw zNdfU~4FH^0TuM{TOqVOsUkerST7KB1YiCMvzE*&^nRu#m2o5Y&y}ONpDvP3{d??tG zJvpj~101%mtggQwaupsDk;yHX4UZ8xC5vmN2VP^fO!c1X>xdDb<;oS{^o1sIa)w29hAPaW@>^K_m_0V&`!V!Tx(jmx&0niuh zyH?nTJD!GEZTW|mW$!tj6cQ6^J#=XHV5CwJxVJ+B&nAIL_J6*&ya3s-JRux}q0cYK zljFZ2T+TWaV#(gjGOq{%sYvzj1ah1jj^kYSzuW*e)azb%uACc7Ejc{Rwq?P(&4qCr zDP2eZo3k)9x7d8*m)MVUA=>{Pc-znN4x>5_0?5#Ur@UX5uq_eHQ8b9pk zv;dEc2~`wnpUr%dLj7)3WcKq z`^6{oFW>j~fujOs>Y6_0-#Qn>h$V`xhsH(T=`zB)1Mol|3qzc0*crWwoZWpm&Hs7t zu^AqfFeq*NpyaWfaGnt3Bew9>9Y~xBvnqsv`zi4(hxH3HxF3{)|7wf)L7cHPrBFCB z3}&*AmN(I%Si>k?MzX_KKlc08u~G7FSCmy>LG)_LckO@khCvJ?3nYZtHOC6%*b(9` z0i1+nZ!8(&;h4rM?D`}&DT0*v zt^^`Kpv{N!BP)~6A$=fxDfFO>!#X&^Hl64Af>nIdyCoa^+h@ctAJC?8s651Cd!>RL zq|3iM$nP@a^>fKn9VdEQcU}}r$EKM_4W8v6uQBc{aJuM2eNz}Er-Z!v=U=aWgY^5y zX#92)KF&Me62AtR6(!o>o13Gz&nYccBl28N`tOc=_3_KA@rG1;CTZ_;B}`0<7dc(_ zI4VKaIu-TAOqgnA8K@Ase2e`H$>j^IA2ny2C{Cbw_2Qcv$@Hw&_63ly3pBYafX3SB zP{S3%DIZ&1NrKVzzCvdY(f-9(`Ik_^m&Q3LfNSElSM+dgu+RU8X8F3p^{|&m_T~km zG2RuERF;S)1qB~!Qb>$UcN#}pV*z~^f9Se?POm>HM11Uz1+~`v=o4ejwni0|ueCNr zr`>-gi;^eHGW;e2k8R_1Fkqs3Me%H7;XV=o8bdhV`Re^!V)XGq>mq`wAU1=Lyhabs zCta+^CC>F}Xm`pmoIF%Il0PuD-c7imOMUlmBH>5 z`L^h%RU`kwbJ-j09;5f-S{K&eU1lQQVpc~E&+E{f=B$!<`E}z_YrVVD_QgK#!>vA1 z^wr8jK@x`Oo6Ml2%nv|WvB*wfN1}(nw-_f1Ip0^z z^)`4=^7eDH&%&eQIB|iX=k@Hsy}SyE6=vcdn{Y6mMq?bl)y%^C$?(I`Vz5vD;}sQf z1VvHI{fO=Sz$1bD0o8Tu+oQd)cCWn3K^^RL*#xb75-)PF(rbj?MV@7ea0u0vF--i< z-VoZ`&D(^JF@1j(bTRX(O?b+6y~$8>wQRDdlJSFYK< zG2ua30rxHB(ei^MYv=}3m$Msk{p2sPt3T*J%db8yCQ48j|A`0LQ zgs-tLL69dT5H|sysLLB8lY77ee-=?mh9PGD(!~~pVOu35z&?5m{)omfpW=>t>6~S8 zO7oNVsa#!cXv`xKIRP{pu`Pj!Yn&7vr10_>=5xNP``k$7#SEIN%U$~7dzkZGPe>7% z!*o#qe)k;I2mcFq=g)2LxTf*)0iL8%T#9j8MR|K|U(2bL2eFr5hbpg(Hk{*#kz*i+ zn-t1BJn+~}Q1Zmf{PV{@!XCUEE-8jqU9b%l$vS01|O9#7}R<4U(~H@?!X{ zpE~U9zRjZE-Q$`0{G8Q3GC1bn=_YJ~i2r%hwKETtj3a5@n=vKwY^(UR%>^THM6`t= z8l}hYD|-8Rclk7z(-2e9EB3A>!p}j}7|qMOrd0gM`f%XhIur#Nz-?@rrV|w&@A>A* z{5g?WRerU7ZIRpGv^xm*_v8N&FULd4za0o!QbEc0GsXMeCLx>?RO32|k~jWdLxmH_ zKzspH=HQ-b`fc}m?SAYaI#gzuRhJ1Lu^0-!Ee1s(1AeHu>iX0>gWjEewLnXBZ-a_s zI0QUoQ(A)npV(P(zQ2i*pSt_J>f}GOh(ssRS(Y_dKF}mqa$DeSe^THVqp~l5GJI%r zPyaGY6oDDX@XRDHXRuNRt^S{$VOUWvllI+8zJ-?U(@^x}IbANa_~xnozF4$P4; z765XR@0kOrSqLMZ7J(Sm2~~YwCT=#6wO#{`7^OJHPe9|CHy8R6V9JdWw7j_*HkIt$ z7zO1L$ty`VMf$~GXWVRnnpW=n!^QRK)%OwQ6A_XW;_Z~^UlwTi-~xm!k59f*eOY9K z4@-$U(f3{!_eWyT%ssEi{on3^S)=#*_wO>UU?bx&60+%SGEt20V)GI}>M3X?!QaVX z{^g1!Cn1ouIH;+qr$0hD!6cxgeDP0a`#ANUeE1S}npbkEB1Zh%bh2{`jQISxk1zn= zD10RccCMg{e5CvGu+d<(bGld3ZS)(kE??PA$7K0yA|B(&slB{!6W(7(aM>$w+?(l* zsOz045n%Gv{@3e$a|TzBe>ORkukm}9!@yd5w^nU!tu~bIFduQtk#n$zNpZC9-CEQ3 zH!;MdCm?M^zDGK=@f~tpJVr)FL6z6hEj(CM+kCVGrzIync|Y3%BBj+1?6N;#+A z*x;wJon(H~n2w0V?7s`A#!0ZNC66Fqb0ng|s{ z@`Gqc8@Rh3hTn;M6p-9b_7?W!&A-@AQCxZ5#E=FEPsye&@QAp5X){rUf0jKID239zya*B9uCIhHh>={g zEe-&UOw*c96#&o)PE#tT1emmwHTRk+U7)TwJk;#hjfZ-U;H!uO0X#COD!HnAQz6R? zfJtkVJPVVN2Qx9DwV;bIZV*QAg%wfYOX3?vf(!$&^ACxPZ3227M_(Y+_w>it0oGH2 z5yKOD=8zIeoM-nNUr9~%95td5aWJ$BXEFO&3#xl2#6tk|hfCT=_QckFk1FU`nC16m z#?x~E?d7z8b|OOK)#oS~P#>%LrlvIrkMRxOIy_*v{%yqFF-OD@VxG8D5cE8?HTZFi zUqSmvqPRCKP&tYG14OUbwx&3N0VIZ%jhfPX;(XS{=0A7R74FBdE_UVCZ7drz4-{%g z##JrLeZ_V1#H$!Pt2$`pukF}Sug~Y=Gv8e(;IU}v$}K55#Qly|mEUjI>jx$7aSqjl(NV=>gGCze6wBRN7$8<{-MFMbE_j(SuN)|L%=OaJ8NZKmeR% z0C1c-E2Bh%FnBD{G7RIWeZv$!10u5+eV$e>D(&L>M}|?%gEp$KB@*w2ef{~~^J7$! zxZc;Xn5Edwc&l>z@YAXS6;D;&g4vXT`BDpN%@Y;0D3 zcfUr{?egk&vO*9LLu=tS#md@LG z?7UQ7X=S8zon8tM{zVG?1zo_{QU+nh#2Bb{ry?y^6VJmt9Q*wa>_zI5!Y#3~`F$L& z8$r`CPBsD4T7az5tI`T4SFaA9~7omb^K6*MbzDd zaZ+gVhw zq-nG8chn0qLJtrf1+{bz`b7f+aAK6=xczuXY{IRA0%z`tnS1zxE|gIMSdG9{n=t;U z8Ob^VG2^N4_b*{uj%SwE0t2?_W>?mC>U|+AenL1y2@L!;mJZ7g1gwKd=*3Aw53s~N zIs1y;v7}EcDHomQJn(GAo8d%Gi#nyKrAZli#yIT+5Z@A0QslRtX1@5~5#&Btc-TD3 zR1Ym8m`(*_Eo$;185g; zK%IO#GsH-TG2&6Q7b}&vp8MJ`kIU;KdmYv&jpCx_&HP@C#Jum#ZjwiYnmSRzX~|HT z;S2fHZ^FbIkDYcbZ+txa{w`7WNX^Y`r0L_<=q=~oYDQUe7!0absP@!IrH`aDmDd^WmA^WIE5LR|0>)v}XY_ZzXrXI2qT#oYTjrPQ=6%oSTbv{|B=TZ6`t24(aD z(frNut3Ghl*i?&ZTMr-FB(h*Bycvra4h2#~bYpc=;o4XO>Phpt?O|p}p}WT>s|-o8 z+~~g?mROkJ&LR&(&7`;!v#x-O{9*82dPcnZIAEwrH=&ohOeb5-`(@I*jI3mMzHLJd z5sn{%Oe#X*!Y_s)JfC+dF>55k$mQo;Ejiw_M+2AXS>8LKz;OLDFdg zoY*SjdN_Ygw+8C*%0@O%|(OB5$ zC64flm&DUn%~UB=aE8BJ@-e6|H$94d9(MOd_Ae|XBr;&=K!lByurFQPL}JO9hsV&V zPqMh>=2=uHk{v%vj2uF@PU_8f)N4Qx`hfJ%tQvB<@8fEh-iks>OMfiauS`NkbTsh! zx~4imGzx)t()q#5jTSRbVjCV9&S-PE8$Ey{R>$@Kc3t6&Pc! zNKNmMb5p}?!<%UYXZBxIZw6sS(rBx95piJi!27#e>MGZ}!^qjGWqtzH7 zh(QG_W)xrfh0Csz-1s>*eF5`QP~rRXiR+6e;HT%75u}Dw{z*SOp5sD}a!d~J+~P6^ zDmr9wBF}9-CWN9MWb6aPFE0Ex|-lj>~!=~V+;25{gj0AjlRaw z$7{anygj*|eKZ_hITF+hgi506U#(+%?sfRR=eD!iQ?A@xHa^#5*Cxv#1TQ@r@|%lG z5lC)NVEyrprIgOb`K-K@&u8DCm6?;)u`*iG*jW517;+Vxky#M}&c!bmKyG!7w9TNd zdJUY|7HB|l`J$k1yhm5t#xb=-0R`k@73^Cq#@bGasw)+TcC9W7t*id#p){pyXkjR8ellYWY0d7f+Xt832ij$jtnvC zbxQ6JZDvUX2e}aoSxBuED+-rGkm>Fpkck)-EUhE-G-mDt5=3_02Be9l)9Sn}B2rAi zhkRcsklX1_<#rBlgx+^mwsx_+l~ZTk&K?&H1RRr5uZiP_b;7_=({7N+KE)N#@l6$S zs?0nVq3F=HZ%o3dASDJ!dhqZf?nMJ+`}EyD^dYLVa`$g{0VE$H*$z*ky@FyP{^HO>J9$@$q>Jsqep6(ZoKoy0YZw&8GnxCMlTM#TvsA- z)$&0PRUcmbqa=h{ce8FedO_50^)diEFM$4>&xh8?sLPnuI%&XFoX%5hr!>bRSd8|p zfG-66PI*IY1GjbYJM4P>82yJ&Bs8-(p7+-jYQAgl=T_|_%S)w3dP`Xm6CaA}AIuhB zN7jVwtqnd(zHC|Vx=t*F_Uw_JjgXIKe*NtN4$>|M;nt4&EbzG203qk10MbC=UUPpW zd!YCFbTe?)SnKHD1MOLz3)(GQV?M<+IH@E=07+=7-G(<%& z0G@*LnbYf7P-f704fh5r1eCV!AOnVtHu*$wvL^fyqPg3LtW}?VyU~of`3a@zT@YXcS z79U_BzKE<(3rR*^c#?%O_nBk$1~+#K8rkr=$SI0|_xbK=SH@cA^&ZQQc$zuUzRD_= zz;L=o!%a>A4l2o>+VIZS64#DvTu2IOA?g+&xURmCx<_aO<0OGIijI#+&O59X2(5&B zAKoF4kBYC{)rm%sve6D;-vH|WN^!hnyRY@JviFxFFKS`G>GPX8S|bkxv~SYjV36ya z65jWmMvjVxB@7msKE4g4ySPWkn@h)S4bcS*&@eKY_Vz|cRyGCF`Yis5PJ0trbKget zzpta+?^BGTwCReL-6+{>UEI+dd9mY%(oOKkhZ#*TQx1JFO57NpUvM*fn9zIrs}G0v z4SXETVLWyEa0Q&nFCjpif|A!bq;U-lG_VHEi%w6s*b2!(qXHKf9SSX)8bR-dAINn? zu{(T$FRzOG{khE_y?j{uG){TF%F8gTUg2z9V7+hiIWJ@@-h!D!E&#T`0`&&58t0M< z$0+hPOHF&UA!2Qv4((4)5HJ9VMc~NNnWyhqvKxx2<5Os;4@N&VJMoCq{S@1|nGMW; z^KU&QZmk8&%pOCOJK=njvB;$3@!KXu&Ivq6Gz!RfJU(NgW5E<y~KLJ~3Zw1Hx} zOl%s*?|cpQUPi|&B?$Wa3HZSIX46Kv&FE7IBuD~n7aaEeY9`gGqAFO0BkC^*m@FT% zD@X`6NLicMPktuCPUYnI$V_e6FCOlB#<3iz2bN*cf_B7&Z8umFY)R2S1w%9{zn7K> zPu__T?;s*8E<#8FTdy9#<#JCKVG+GTYF}L6{5eWeY_pilZJoZ%G}m~zRtqV%!h47U z^n2ynmOP(whE=s+#=dx~Ux^&pI*?n100gonA?Y&xX&i$~k69&!+a?p4cB|=ml;9ds z3W&NwiFt%Wl#h_S?mPy2JTv~=0zvlOXSi0tnrFwYkhh^&bXR4lv!U^6C1VAEs$H(C zTxk=;1;4xun!|(pFVv0lUWpq&6SJP$B*n(fu%K{|NRLkpxx1Bcfi}b70PiTR2v`0g z+X@I4%Y5tq>rDSY+m`>3cW{9d;WAx@m~~bB%5T~H4_Oe0Jn+CWh={(^0yuHVUPA%v zir`LPGgx+y9Fz`Oo;1HmDY6D*S}@ zxZQy!mSU40eL9xx%lC6;vThJ#h(p*r@epxf1)HfN@NEP9F`Z#DyhC~yaREQLNFg0@ zKjl#JwNW>*56Q;gl`^D)Fz>JLm;=1GO{{tNt0iDgYl3?G^3ZrcpZ>1sAYMh%4U*8* z1mJ~}hu=jC2P`8Q|GO#qy>0)R;QV)@*gxCu|Ifa6KkG1Mayw7u55>_FjSSXa8~j{9 zRS^^El8@ygjJgsOXoK&B{zVuhz`lLaYd$K_Wq%<5PHszDA9O|&cfr2{YaTxa2g>$X zm5(JnD08FN1@9LHjo1&Y*Y;H^Qo`kg3&(y_DQ7@Ww4Yz#&zXL0bf~>h+OR6_qIHt+ z{N7r9yAa23+UEH2z}pgw%j&Xm6=Z1~oOa`OBCzp+XyS3|%nbkq4zU9|RRi z{u^KOaK*o9nqa0_;p|nUQjnDr8zYyFJW|SyfKUJB_uxVZ2v`7GWzh5V!uMB#hT zUb-9!&>Sp(^Xial6680LqYAVIF9!Gx6^I2u%p$Qig9dyATmSfa#COlY@d-_+6d^xD+#x6%{R^A(&+}oG<|O?!7xDFZ zl#PwAHJo7*o@Y5n84`>RWxo(5g1iJfQXmw4FCQqGX-^=?lJ?>i>LtaKW_OQST{C?xaCxW3R1hE1T4HqI1!Zj#DwOWd4&JC69;gF(CT1C z?m8mGFO5KJY`o(offw;N>xt~>p9cYP8Gb)hbF@a620oPma%CvljTd6jmn2BQ`mewF z>q|&13cBS_seJ@_b{o9BSnKoQT5(3Iwfu;fPfd}k#vU3oIxN}EZOZL8fAzTfud=a% zc1RS^7rDKEr4z@M=$uLUmYCRFEjz6#zhll*qd=&u#nk{QZ5r6az@$^;ecfR1i;f{5Z&{Xo@NiE=H4+M&ln}hY4~-ps(G>)vqFpL_A&T zF}!~z|B-OE#Dw%C*U6ARPA>&vZ`(E5_<%-~LZJAYqx_deX@PqKR%R(J?;P^!|EOC3 z|DQfIkYXB^-#W?HM($WlRdWbh_b&b@f3wr*F@ndz%^tg$;$WxQ6d^R0d2g||E_ZR{ zvgcfd#jW=XGNHeAJ&@s07lXWDsyiZ`b8rph$hQaDlMoWgun_!F7GE}g#~oVlz0^yS zdy!4C>3%;NOgEd0&2%D`{T`+GekE}kY*vh4Fh2RaSV&I6a)O4#u#&|tPH;h(q)?0P ze-u}s&jx5j{gDH)i;v#?gpFe*G zX;m~ zZ;AR@$!VbF8vitE`+a+?Xj2O3d5y6xeVaWWcdK!C$`7oRY33y_lztWVfPLVH%P@$V z^7>&E@r#d==M5xp^#D_%-&a+@3~JebgSB@0-BGn#;qvE`UJt)A;ssXynTEa@!p$1J@(54v^GuOom+g(y68ILDsZ85Mk7 ziRD+h95@HWC=usTCL0T{>=)m*lyuTvBb@j|(+3o2dffduvppM=ctwxXaXl~YINtNb zy7>{CQ(R+1#Bo%Z8`rZdQ`hHwCI`Mbyz`ULr4cEhJV>i~?)UoQoNqsMbh?ElQRI(R z@qtF=*Kb(tmP*Z^Yj})pv)DDPM+kUKes-DJTz^y8Sv^+i@^b%H3&ABK&h1Te^VLt= zq`3$FPSLzamzmq8eV!*M{M7EX@SkdyHq#KaKG>hQ@qT{wgHGv(nD$0S12dnhjq^qM zSAWE_We=@*U!?cH_E_p?|0kE-j*%AELO#3Tmmd>Cb=Xni5aEy=d1Zi{CJEwxh(G$T z_Nkw#%(huTeDgukWc{%wl~m(_wSND4)%Frc2Q!n73w7qNtuIByCn&0m7!9ABb*Y_? z_LrFEN-7=e<1sEbO{$)wFAepG-jZCO{J#ArwR-dvYeRdZgr9BiWMrbIZH6 z*B=Tw45)itA5godwwp0LV3&WpZ`r1m(QG^B>}e^3<%Nb9mfbUBEgk3fnH6b$0v`CT zaPZytXn1lLllOLe&a1|8>d_XyR}Vg&fZ3Mf z@*H-#XL`%~yy6~eBYg3pX^VgY%VD_X$f;ar+;0d z`VuNIambOyAKedogRn;tML;P0e)Kkr$?IU8$ zl6&~pCGt-WA53re+J=^@c?3JtGxV8tj1@k;-JD-zDONGGFW~b=PmN`u|0M07q!r?&LO8t$cY+o7huQ*;93uNv1rkMuo$GGCC;H@frT zZit}I=@r9G_wJUQF&m|@t$O93RmF6z)l$?00im<|4xWdJpV|`w1nFUcC6!=^J(ijFZ-6(pQTrhi1{#Hoc;2;i)8qNf#Fqz4W{m51}WW0&lEOA@SG4=M(G3|(BxRbwr7UqYq6b;sAKP-`RFaEqcb zol4=e4H{;ZZUZUzH#8G?bW+41XO^7QkpSX>lAC zqG-;W?c5R`E=jYp%4tkjY3}X4T>nB?Fm(;4b2x4X#01G6G<6u-nk@7dIu?z-C4HO6 z-*u2bJlgV_JGD-Cl3qPussu)m6BEWUw^f{kme5E6gY^61W0*(h-BTR)Z<}_;Pr6Af z2qZ10Y?vCJXfrD_yk`75m6FH&Oi{6g+GfJ!^s=r9r2JVK4mpWl(&ztxjkZuzCti#|VX*lf9euZ5}ISt7NA z)nJ6R%ckvNeplf``uYR^YYlh%WtVLCt-AYqO@8*ZNUlUid4?Y7j2)!-Ck+eEhS$9O zT(^JgWwDFqOv6-R7~Z>b;(Es(0-;E*l7{#E53I}D&FfpcB1c(vjC%6~=E4_N{vTU! z6%|+0w1Fl-a7l27gy8P(7F>e61a}>LLI@Dt-QC^YA-KD{Gx*?hChzy3t8=bcu-2?$ zclWNUN2;2gHL5_})8$zKk^o6xwqF6k!+spq>#fzJ4T zSc6*(GqfCk6xa!1{!xGTk>CD>xz=Z(lx@^@t=Ru@zvkH(;jhdPDcw^B+W(8JuRnR* z9xv|I+FT^2@@iiX!1|g+;Yw~+GaK4Z@LT-i-KCfR6{`$Q^>GI@z%(z+TU_`D>EQZ z_qRzJ7A5WE5RXyYDSjX-W_3+ISrmX51J?d8yRal?_KHZN#9! z+n!bnW$$Lrw0mN)|DvLztgmZbCv8hUeRI3uyguO1O7(q}yHT&fv{@BJaAncEV|@8x z!xCRq@x5p=v5};yBB92jP2UXE;U2eH9{HL@^=3bk^)~uk>r!@b)r!42-F&uL;gEi+ zvW^j7Ag4Jv&_e*>GcfRZa(7wIhnB%r6GgbgVns7g+e5=nF_**MN~w{T1{V5ee9;L} zgJtIz{G$P2JqkO(YD+&MYE8pC69OBrb(4(C5oRj4+sr=$FRk>?qg!e4$@Mh?CN?bX z{3hY)HjJ72K4JSMLwMu(rkO*def+Ey2RYzh&{^2^{f+(JtnLi=p5TDV(a}C3=ygFB zDdJwQ%SBl6scH%5vr()$c}MQ(kyxAa*hw&#M^yS~Zq`LmyW zcZ=>wBiB)C0_YDSIVluF*;k*lXXUj6;NLXg0P~(Tdk5_9_D8b;dt<;1@(|*YCrHgV zDIjoq;?2h1XX-_m%lOPjGFH#})dx8C#9O783EbgwAzSK@4hCMf+zPxpQ{V?-csGCR zthpC*T%3141~v}Ie?fXswStz6baqEpJW%4u=^t?f8xEB>-;qVU$Y$1UWD>q@A4+0! zR%*_UJ-3VZtt?=pEypIL(56)!6KPbeenm;DinBs_i{CHf#%(!>kBf}Hnc$U-6d2oB z{U*tDfbt(!5y{5HoQiB;2Mfx$oeWF+U^;ID^~_ za89*&Lw*^*#)9&XnSxUyJ3PC9bo{oPf8*=C#`&zOO*QMPtgJbg8_h-JS$rPvFr1g1 z4pY$gCxr=3_}VyY6m4b)bX>J}0ezf@qjubS#98n%lbiex$Spfv7RQxGFSpW}w+^$$ zX*BqiFPpx(4#75uFPDpCAxgtHmvL2paTeEYM)dejT_|ABkb`jOHAk7eNi9}9AsL#( zW_TIKC)o}$P0P=4b;2WFt8IOmZNrM^k(|ewz-unvHc-ex`bKb379c}AO6>G*pPD(@ zDiiuD5;3pS7il>>pB9pIkYH@w-@lbjZc=tA@$!`z(J1NOjlZpe{G>1?e<}{U9yb6+ zca<>WYH>d=HqAJ+?8?ke^E*F$m#VhZH$`=WK$iJY9%v$&BZb>VXqB^@acPy;)(e`& zodD1q&M`x6E_W^zod7f!7aG|-5JMP1Xf+yzsTp7W!E@czBIg>+|KQipd}3OL>} z8xMcUvBTn&m=@Rf^(o?n6C^38X&YmL43al8mI>j0!bde1%}m%%THWz9GUaa*wV`r% zr^yKdP&sB>x)0=s&+_&whW54LUYq5gD8mGdalGUmZgyG7oh;@RFc@Qi-uD&FY<-&D zM~0w@{n_0*@F8;racgX3>E#&0z-Be!2IOe96gnTmfXH{&8AdV|ep{iGm;ylFFEhgp zook6s8R;GyC<*po@r38gHB!wL3CRzGg@HIWjf-$hHZZUtRZD93>&uG|4Q;x{NnCYf4dLEGbmhLP_)kJ5}M2t6ZDM z1$27>4@vLIjRJ+C%Gtrb#Re1NsVdFILNy*BI^!e>`jP@R5oWGbgnS5QzgzHUV^s2Y zQ1TLni7H!TXpt^8(%kKBe4wMo_HC|VD1Ot_e@vj-MQDE_bGlZ91z3cKFVw*!bKZ(h zyX+a>b0qU*qzsdE#bx1oDGQX$%Xi z&54=y$oXs9@N7afWp1pk3?6~b5LH_A;#%A4`_wvB!iK)zXcYPsC7oq#FC$J=m<3Es zb@rK?Vluzw$Fp)8QkNr2>MKDBOGMT`w#RVFEf#_sK_W|5^let=RRT zUHdp+9_7nmD)+Q+*oQIjec7lMNf>;fPHEG1nprg+T7*o;{YpGZF8^K8|wbYx#ppjGlHgPWHHN}Nm4 z58MuCxSl?zf)zgsRpDutBcU=#eEp^_uL0P8Ae4=xOA#RDTM2tYOOcN_QIE|H6dZfF zv1Ftbm1Mp+7xefQ`m!L=8rkY?)t0X7eW8Mgx?oAM$qe%m|0OrT<=^&ybVd>}a=cm- zg&L}VHaS2F6io(*pMCbRK|{rJr9K+gT6C}jk)+E-*%{JN2JLw*s}s|6Zq&!ir{L=o zjb836vc9&FZZCHYyzY) z?$PG?O-@{DJbRcuF?uooO|8=PbJ@CuCXv7)JzhjXJ1@I7<6$UPJElw5rTXjP*mk^r zv!Ic<$ob$pEnp%%RoK+#l}@*UalP47GxL5DgPo{xBE5rQ)C>Jw-b~J$Xuo{k&cUxl zmazaO@H;}Hw!Y-CW`^z8?R<^qC-sFymxi?4?C(X)Ghd7uOcu$%UC3=+Ue(1{C4=d} zD0OM7GtF;d&!P%>iwxUzR`X7!YL$o;dOTdkX&B1hQvSvu|6R3qAD3g8gYL-3TKoI7 zPU9QW@xKn(_%Cd~P5>V+FM_!;f@j(TPc6^>R?c-66tu;j?tt`9#`Zb={q<4ynRfKe zPnv~NbF|SsM#2kbevYuhdb!(M*L7#39uZso+Evh!D@|vsCmOx7$KYZBt!+sLqU=q< z1*wShsUEtcF@)aOFI{u4$fyKBA_?`sF7q#->E8dDKPIh3<6>AWQBMs0BXkL7s_Pzo znm9UK8!HxcnC7!)SVN`N)b{chCAh!4yShN-`cb9NXCPE|j)ULoZuyM@-m7hW#|wwZ zog)82bmFjkMwn`1GWhoGnDudenc3eTmKBeAQ@*v+gf%1(KT@=Nm~?})G(HwgX$an* zr$rGBy&-J6paxk0Sja4HOe@}5hxBI_ zt-J`IE<_Qd%P{l_|96N#MgCI0^Y0mOLGbVKhH*dVr}}k)_T?>Rv_vVReXc{p-gpar zSHBwx;`j2BAjQPX069FFDU=aq|6L>Czy!kaSG4@{w{(llA;a5yWInP~Wy8c5ykYui zDz)!fUn!m^IVI6>o_3?&{Y`yvg&x6ncRs|p*JINEDd$IHs>(boU|Yv}rnT!{++aVr zQS*)>gMiR?CI}9fnB^uaX{_-!GdUj5UapX6~yl#V@2; zWUiem+_!4cQd9mG%#-!(a==16Mlkweuj9I}9FS&WUddJ-6TzJ@t zdKbKb5Qw54Z%XwN^n{ya20w0rZTtOPUzuCpi7>N#4JAwZ@|LXb{&Zb(7ta=0un7Tf z0<$fzoJVf}%nn5>5v_8mEhg8Q5;>jKw_n_>2f1NS*^A zaAL?Bv9wO9ES6YQU(Y&Jb#L*Ov%A@TS5iL=i{LYk>h1=!61^?+OoA_#Dd_i^u+)m4CBv!Dl$m;*(=&h?Rl@dj9Uei zPgTVF~o z7$A1ZMDs=zOQYaKyFjwpCc#8l4JN&lGdh~_Mvch0rTz>b&_ICH@%Ry6476st2aVnr z3eY+s><|wIHik|1Mh$x;{WeK7zBShw-7a%UuGTwP@1{bb^;BJsaiLv` zfopfs{NIXZmfX)o?T|}aIhIjq*;|Nt+-{ zz~OJtxsEEZ{TEK*Qc^#4yUQ9Ncwx6_vH_ov`Qjoem&mY4bre0IK$lV4ou&Ba;Q}rR z4Xb=tok&BOfd!-`HMN1nl1}wfj2wr302+lyOCIPMu-{sKbcA2A7Ap}QGlj3#2B(B> z<~~{asAu8eKC+p8Grd~gsy)fvHPyXP>4JlA;P3Oua$5hEllBfSXi5-*FNpZ_=QAdB z(|20X&SCm~R8h`MGAW6#$}U^}sOuHwq97?e`&t!IWaizzQ*ISNC%WJ+LfGp0+=&|d z*KI6a;3wgH#Sfi~YyL66Us31!8;+pmiXFCjQgD z$)ZrF2 z;=k#Yh2igDV5^8xs9|DHeQ#4a?~i9K2*TM7)|SkReD_)7hI-W{eB!Q|4LTF)5h)}P zL8pAC@Q}X|#LKH&hezl^7-T}SkR_Sl+j3ntgG-6*8+8yXQt$AiY56jj!tUywNmjKM zF;>I#>eXu4;0{R8r40Kn?qQu%(7NYW+|H?Gv=qaT2n*Y0RhNUT?yW`Nu{#>W5p#b0 zm)79dlf+PM>v!)&-pNRas^tL>Jvi$vS2n%Zbp+qWE3WuRsh?{P)O(;a1~@YZy%7-Q zKl=Odhl+F(Lo8LQkkRM1e23?~nTwqv>aI7_Her02gOO6B&+57I!rln%jXYL|L=%M@ zNdqho*3{YFaUwL4@{P#BCvy#kDf@w1$iS6n(UU@E9OoM)tZ1j3nMzhN1nu)+f;%6L ze=o@hiogSi34uYw9@xyP&P-M(M|UT%52ibYWlB4L`M%k)QvcC^RQj%(<(?4jOi!~{ zZD7AreIuv0jp}T@$B5&ll$D07bh8l|b%X@Ru*hA#m~XC3usx1aA$tI38i?M^^wu`X z|D8#%b$bdOo>Qap^e!Oa)_0D^hXxDS^uX%$eprKyLoY+Ks_mXM!G8SV`F6RFzJa96 z$KV`p%M^O@g*F>USyE3L!j}dXf0u;qfwyfexK*$7ksdjg`^JP91EJpNHn)+Ob4>yo z@BVCb=N!x?Gmv2E!P*g3=wYzwk4u2}uJ7PEd7wSC$`%8^nBM*i)N=m?YAy~GRF~iU z8HK$W=tZJvD9VQ?ya7I3L5zG7;&`O-=S<0*>3&t_1dhyq`G1H9&~=kPH|#TxFQB&A zYE|hJVfo_lV=XWcR6RO0NgCm^_|Tz|vS!>0v%!iRZIK0yub@XWY0gb8SF_o>0!E5l z^atQa6$J&Y?qB9hlR47sAcq>Bz%qr}=(3gT49m*^MYGjGEoKKd7X1a$xPlD-DP}P4Md(G4j%qX#C znVLo=eGIxjoal9E=;!xbuwSFpOm?QK()y7#K`b3$sBQua6DHl>dpBRk?flG3#2?@G zLC9QuW`vW!Ug+BTCR0E4!8%S7!+^ET?od=a5%?84@#;M;)u4jG7AVTyY)+fQ8;((@ zQ~L>7^L20QH}T=`4>*}!hAtYPag`QAe&&qnWqHgO9zJ-o`Spy+z}^-yL@w_SJs>q~tTPj5{Y{vOv~nX4vDt)hLMu>Qpr#IHErHi1~5q zJGMUt2d{f!95!*hF=w|DH<8{Zk76Df{azYO!Y9Ld;ucd@j&d+6EBLGw{kkvrV35Vu z2;DAHIF8(R}@JbDd>Brty4Zn0`j@(Y7hDE4%&UwciI$Z#m5 zME42>N0ALdsR~bpFCIkmX+3x{zF>g36>^4Vrbv*alQ=5BDT%7ID>3$a_KV03vy91f zjLaQvyH*R?RJ=4Iszu;bwdb80oi>M(NEu4(={Q_am0_0^lUy^FkCJdpi*6X688*Ju z3u~AcMmmkKO)!9QPQ#-vrrPm%@VX^$ZR?EJ@mFY~)t8|{4E!-*7D_12+Y3PI+{h@0 zU9R(F#>0kVC5y+`-x;@*@wCO)iT;WSUiSlh2lFF)u*Ou?vFeD|E&N=bH|{jTr|u@B z;h<~cp{Q+(IN1~ak8Kn?A28DA>i&3=Y&J=_;JJZ%Oj}?wvli*Js=S2CK-~9{>PVx5 z>Nno^WJwo3%@~uQv)Rt1V!txYJKLS^^*SnyIf>~}O$U|Mvkep}52i=n5<`WF$$+c8 z)-vm2=(H*40{+S6gxS*qC*6t>P0^l~>J6jv9ekRcAtET@U<2u}xAk`pB2|PG$*O++6K`*~H3vA9u%g z+E;+conXr0_1ioNu2^iR{aa=H&LUfFq$hij@_Oq2p4GtstNa{T9s&msZCAm;rj3tt zFHg(iG-GBz7mI^Mk0jxi{IqQ0wt|lVrGwN49JX6Y_10yafT5IS87vBa=GLW0O?Q2% z*sqj|sowd2R#Os&$ABT<8iXTfY4&gyFYC_McxCa^3_-Czx%(2Z>~62l)ZBg@h5HsW z@g9>`Ik!XR)v?wLAwcM3ULAB_a{Pg}HBi0_e~ZkG8iT0-TLx>GOw@L4i_ALRuvEgp z>*b-vRj%8#O1F%7JWWW#L|F>GQi=H;4P)k+d}2n_qN0atF^!O*GntH zPh|DbL0mCQ9o4%17~42HFBFjL61VH%vZt8Js$flkeutm*Y0?|Qdj4_PaNg=S?Q}^b zgU4ozO{a=-HZDj17*h+m%}E9k$F_8jb_Ny!;8p5%QgKzyND?)Q{wJw0qNa;s=O?o5 zr&^!b06u44L2h49ZU1dDK_#I9_?Ti93KXg#Gnvd;Q*YeSb&8R7k*3H9%ZGQMcPXWO zI5*uZq0;J#71z7Z+49FQw@-Jve2z!)?b69T^Xx?R>VHlUYMn`PFVJi*KB^JDls?tj zAH$U@&w6v7l|3Wuy%vp>%=eJ2F2vQChC^$OOS=vGXod+}Eb2(<;K=mp19=BMey?i> zI_=ItVuUEh-Kvt`HK5YK_fX7q)bi{`mWG7dxY1{wKB(DXqVrmz2Id2&p(VVeGRo=j zIi2J#K*}t*|4!D{Fui(vA86c(HVo%}rM}bFCmrGe!SZ6?EPA>h04f#H zhm(qZtvCflg@JP1)Sy3|GTnlNcD|@cx_Sd{5DgQm zHyVb2Y|0hQK;CJ&3&ln8PyHTP8)%h)xG-)X>mmICRKC^OXseT9@`@jDAJzpXzD=F| z^vQ+7JJI!83&I^UH1@i`9pF4dzi^>fN2KR}sFrXG@3RowScIR}g zHiD51!90P5r~t{JO40}#tJsHIaUX|iMwSoocYqZBUU2TReaEnv)N|HajU!4 z&;PcP9N*n7{0?lFR)hn&ePkyQcFJ6ESk8NOTy1v7Okm11OjJ4N>yyL;Hz*%VT_Yeu z{_0*Gk~ymrRuxy#ptipB{Wg`m#bZKLYe(YxVz1Ay(Au+wP8$GEMvwa>z-8|pGJi?X zk1S&_UjEWwTeCA|h$0aU+Vi2MO~UpWqo=MjyXVrn^fpx$&c3TGS!(!LW%*;b@F}MX z72oF-G!M*+3E-0zo)-}I3|&Yl6H|ATWs1w&0$qD?m8&sm{;vC>dX9!G`s@{Al$s8G zk|EBrghY7K{n%m`W~G*!p9A3yy*!m`3K4i0ihM`_YJvM9Zg&|{>m+1I_6E70W3{k@ z0p()Hrj|CsB4{(py+cKM{Jr6juwvMsgj!oi4N<;%-yvZUhm6hK7R;$CFOJrqTdit4 z3B@wAiLnlMgYND(Slp7vDOE4ZH$>3l!n<)IhqX70BMjl`ap!4%tvbhdkF2g>T8`ku zZ5iSG!z1B=Zjlv6%TDH@D)A5t0{%a*HUEaKAoHiJG1#L=@oZ6P} zs@ERVj1#=q=A+X@YHnNBwUQ#P`ET9LK>z|Od3`;Nana2A5nJE0-*z@dx@Sh;VFC=Y z57yP(Qg5qSj+_d{Os3CbRzgiCOvUMeQcIVWN(}wi7w}M6e&~sZ0@9g5nS3EO?z$Z( z)R@=9D8*SCOjvy4n!7rjG~8q2-=Hi~I_tH(jaE!u<-ed0W3=s_r}hgf$DWj>WV+Lnf;uNB+RRVzyR(POpIj;S009!Ub& zA6n9t&JxvnIup95AYJPi?G(QNQpGm1dos}JqpfYyCYYGTAdI=t3Kh!f^FjGe$18zgDgPYp zw)ee1JA#lc6vc>wSGr(?s|(Au76)7(dSR{C+o=?Y*V(I6k(4`LD6#^2oJ@dK$Fpzc z^F@AttO;6S(GM01wHZ_LP&-;@3xi+8QzA0xc)uG>RYiLFm^SH2maJ^6dn&Bl7X5mx zlWF1@5h-0GDt3NZ>0Cuj74Qvd9Qh7SdJ*G#8s{%8x}sGl+w(`6;`}a7v+;D_c^!<$ zwn~2v-GB$m;@NfKj|-)lS@0tcY?JZ%kCjeV^FE**Ez36c3HvNtvO;a5<3@edLE)*Q zufd9+eY-OFwy{nOTdH?I%tpSMy`K{L>R16g41@uc;P%Gx=1X zjzWuv>}6V42N(2gl7vWvwB*t0+(TBY)C3aD$36zel?5!XiD&NIn{gooOG^?5oAJg}Fja8|>sMq%Yzaa4r~5CqqxbQ_%tmOmN!s1N$)b$1U| zrX6zIm2 zq8zoZy(*6RKHa%Gou!cwU_Vpf1LR!QqjM#IXX>VfNa<*Oh&i5bIx3#yooL>8s?Wm< zV?nvFexJ>MpNks{cxT!myoc zAjVL&DBABh0Y7i$`($o|+|c)B)ej--Xi)VfO7*MKR{(yo^IOLXyT+TY-_D#TfoU*6 zA^(Y&mQpUZyNjy+W(^m7Q>w+9MZT>RuMy7pgt2LJ_$cCAwfh092%RBr@+@x%Quu9C zGXBP#VRErLtpWif>oP}g>0|ot3{+vmb4lj~rWgnS6;dSEFd})49d^8r*Pp@hG=6$v z-kEsf>0PcFq-#Ji+V5039JF!6f%x|ela(<%ewZloPx@GfhR@{(O-+iXp5Dm>RqCJw zT?#+@Q~m0ao0IuOZ?%Md5VQalAm2zCsG%TEAydaQSkHO~2M^9N4gUxyLhkw>P3DPV z2h+Def>0u_?jSxJQetA$a@j+yH≈MGHg#;kdPNP3Hdctox8uY4thCfvvmg)r^X<{6IfZx}V(C@GGocVM9R?v@o3uVNMZ68N^;fXTF!xu}*hdx<; z*|B!)cg)$soc$iN(X(s~Du?}mcS+2nDx1|JVn!iuT(q|eS zOhRO>8yV%RFDZNU)wnxb@eW^7_zf&$zN@77ko-(E8HPJ1^B73~rDGC6$wHI&(>mBN z;i|=KmXJfc+;y&q{jhTC>N{}uybYs3G&(xQE8W8*1N zk1}^FemgSs9O|9kJ>0|4c8_!1Thg}Mw>LsWP5EscJiw`VrkNHXTSoGEWYTp&hZGkk z0JA*&LSc?)&cf;tp1IW<@`=-STC>$gtHUy#F1Mq!mVu=oPt@?dC2Aas(?P}+utBh9 zYtW2(27dw-7eeSykY1`Q#%2d~uQBq0=T zTdC19(E2}~UZ3U%dT;)slz&e?Vy)h{pZW@Ksdcs3^h+dPfnYV6mKnB-c$Gu_#})4> z2|`x$!~rop&3o$l#@F*>yC>&aJs;#O0rtR%xH-FNXoO!a8R-6J5a9i15a@g_me#F& z)HGNR*^)WYWhT2TPFNkd_2u3KZunj6Q8iBDjf$sfD%|OlENJx$da zu%lvmzzOInXKH{kAp1L^Wq-COTq0M+S}3G{XC@f9nsVVgq*IQ(n58*1at;Hr{4N?k z&+DfipZii9e~P2iOy2JE;>Hbr!7hqVdOU#qss+0JD5#WCiFZGZOHtSa$44p1&d ziJvs=n0DJu?BI}}^VGs0y$cx{&y7s!W~m0)oXl3VXy}D-=>#Rfa$O{SWTFU7w4;NS zA<|sBF*_M5s(|V1$pETWo)IwUsQn7|yTHcdG;F6!1g1YXg(|9-ySo;HUq%+MPsA1d zKeITp*qgPh@?+02{St4(Rh}sCid8XssF1ZGDAxv&%D7*40ptDCh5MlTWcK^MLd-S< zW3bp@{)$O}XL7YMjT52V_M}$kX4&(SyixTXDOXw2joM}e^vHHhR8s4Bp(gSxhMT0; z`2B~_$kHU{5&T7C9A6rYM}=+=chETUOsz`4ud$K0RWw}ix&)8h>e#Ea+arNmaczZ} zZ|VvnrTL{Hil2Ie8)y!X(&Wc2W*eTFk9)5;ao=x}RA4Ly62qK0aDa?{c7Jp}7$@;c zr8Gn%0R6^W;3(IO@xyI1_edJ<-k#mNytU8K6Etw=9bt8!18Dgwn`?p@IT|64FQiY^ ztIozjJD2*~PuQP3p8phB>z&~If02WX(Gt1Ovu63RD3S?KN%NrLW7KZ;aT!0cfkI=D(Q!nFSknXG-WZdV{q_0F|ds zWxHlZ@n(C|8d7)7`xj>byZVEg{i!O- zv2IpPDzh2XJ42K`Pj~xhAYQ-^?<;tc95K(({*bg3F%^S#_=EhwtgO-6FF0Wo*X-M& z5x^!Xys3DCh9#XJn80>e!8FR!WQ`Ll2gbGioy7@k*qbZS_dQNag(h+tDC^xYY~}$# zY0F@dgSuY|hLo~Kn=yPgj(S6GblmY7d<9qOSdv5Zt+`Q#2$$O2m^A54KUNb_XGZOM zCrv@^3ni1;GBXGqn|XeezU8RyF6!-$_D{T$CbF?Kq^}#zZQ(ZA+)T7ijO3!3yzsCn zsAZDfbJll!qg#Qd((VOn1fw!eQUkFpP~v*YES+M2T$KT|u40=n%mgCV(4b}c>TJ`ouyjYxFMAw>>Xc3_d%6^=699Nbr=a& zQU63p-j@gFwkuI&LAbe1y;t^b5~(N>)E*#il|h#{rv!8mNU6PiJAKS<_=lwY%&0Z8 zNSqnjvwTTs5@@Vhq;Wbpz^3qXUsQn6fq(xW5~YLwU2(t)XqF>mq%76k6M?K+WX*dP zj3c3ms_zjErMSPY|E>1tY%WN-(NGDy5BSlNQz8|8{R@`WDBLf9aBMr!H@H;rU z4DXJxs=^QS(TVr$Z>JRJO6+`Jt-?$@Sl2AK4C;Nb=51EOJS1;pTk?*AA3XOO2DRR& zm!KNk>CELK<#|~$#fJ0aH zZt*wS7^&n>Zpk=HYWcTohv;*bT%{1`N5J$!EnfxxDZ5{6^;m~})Xod@$jXwHVV^ z52b<%7IfrIoi`)nv8;)~tx-Ji1G3w6VY{gK>%PaQDnpz^?g?LdzkPaFC+98qMpr3f z^iP4IGIcVYTjHI|bHO4oN_#GPYb+r_e+^PB%*kt)a8w|3l8g{11MX%1*>pU)l{A@- zj=QSM-t^4Vds}jW%A`S>koKBKQjJ&6PP*Mr_WvEA_b>rY?&&v~0by0^&0&f6CExb1 z^IeN)`tUBk*Hp^wH2^1V#fEo>s*8gsol-IzZj`h5JfX1gsnBRB&~;~oq6H-aa77+S z3S+ysZ{e!5y~AoAPPS&gMGV-QYmxhMAo*h?d4pFheYG3O9CrHwy&W+akl`GT=w5}- zDZ6JhFNco#TJ^^__C6`A;>{gVgT(!2LIfJ#b~SrgRk$b}h8Z(M8DZx&u`u>Lx$##YRc{0T=h6ZnOdT=8<)~(R z=55R5g#{NfY>iMN3=vLJ)rQpgD%yvRE{cOEJ8}F`9kZZ*V`l3Y}aIAZ;qjIB;?#dSlazPZPT)Z_Hs71kj?t)n8pr2K0 z?hqPSiFuq;krQocMl<+pM@%&3iE3OdQkQ!2^pHC|9#d6cbfju$s%Z8mSwUY@cmWCJ z(nzTHYeQ20+c!zf*o>J?Hhho^i7ImiB*a`M`uJ!aT&A2sMGzz&C$-e zh3ml-vZ0f^Z3`*1#r2;@QiQx13VET~QVmSF@*WzI{IkD6@o@1sT`TH(MAW!KW~wNA zijrE#z-p0Z2}cg3G$LO^`|$Zumm)bDAHKy}uZ;yPb%gRl#v%KE{<44Kmo76(tut{u zuXN95!~GJ^IMe5)smb?_%OaB{I{TQ;^G)n<@RdsA6lB!0_?qyV2jl=K{~H6ZIsu-f z88_oO258NdXlqpRr8hZdln0**xfv0>;~f)xd`0Oi0?s@7K1gh69KhvOu(_ zx6t+XdrR+GjUFx2rB7g%1qEian%*O8W1wIF?b0Qo6Mf>`QeJ1XCCPNEe*~-zbob=$ z_D9M{E4?tTBRM^q-AI3*52ZZA#8)ea>CB9nSc}3kQEx-O9D8iH`B9A+I_BS0(eiD_ z*&97QJJ&4rGG{NA+Cr+;_b?}&dt$b#bukRR{pJ_!C+DfXAaNbbN4gu*7)*K&>)*U!5AAuLg&tRQhRH98*qu&0r=!yI3vP^9?+)!k-Jf z%EAX6+(`c>N;-qIIH~w|@n-2~U0q<2E;eQ$@XAq9viuj>;3F|ipcs1P|0l2+glOfZ z;>EmAB`LX!`zTzN?=1twozVumc(;aQR4&hQR9r0Bw*_7&c zgiCfBI^Z&_i=d@~YiN20FKA7lwaTB&$8rkX0Nz=iG7% z?_mD4Jyf4;RIEj2CdqVB4A#4$5SepTZnM)`6TS{K?U0U5>=p8Je6Zhc(Qak-7YCdT&3Z3qO>s%eggDtEg+o7sa>$qL5+%=Q05(ACo+{{U- zI>#pnQHPka7PKx)@s=#vfuI<#zTVNEf!QCHSG91P46t;()P8-P*ge@Squd`(2%%d% zAs-TedRR`@8wg57M%$Xk3Sm5JV}anHP8BFjrQpljUFTHU^&0wN3|55oYMfyz(QAXP zSZz+jogih>SH42pxaz&g_UOC|8K_G@8M5Ai$uj+H^fDKi`ZIUrMsR=$ui0LZS{G#6 z(S3RKh(w#Y?1fP#gm0MOWZ2SheQIFQq}LuN3#=kK-38xIRGh#LUH$!{r*af`&029- zARJ{1LGn;cmR^63ELgy)o3Z@N#*@k?zb<1yr1(8YUdD1fn-2R*`0BoXDKJ^7UvA6Q z)frYci($*8dlj5TW8V;h4Luf5;1E#PWMt&~#easyf1X97kN?i&XO;{4Ii!DS`cS@q4?E{ap|SgwOHu0%c^y8J$x8 z66ze5ImA(T5;605SpLCXQ)_Fs0m=k`81lMMYR^o!&A${to4lL!xL zl@Vn&goqEvevPM}9Y1-zJ!Y@b%`Yc@^)^EIhhYnMDNb}I8z9n<0i)Hj$EKCTVAea5Z{D|PLSs&+o_hkqT_ zv{xyOm-*dgeN&UFf&VweFED;Z5|CmL}>?IG1LPWIJo|`KV;>E|E!ZQ zsESPahsnf=;0OhT!+P#`U4<05bQsm-`+Yi(j zD3vdlq?v>M4jvVzC%L_zC1qCdGfH$ zuu{s6w^Q1V{ZRRNquyBm07|G8%g=MEeRWY?VX05O2!9Rk!zIbhLBW{0_Di5~zol_~ zyl@F+(#W|v`HPKYvSgS;rip!Cn;faN5$x0c#1UL$Tgn2zHr z*YBC!Whv-H94-!IyyR}K(-rU85+P5<{2O0H`0Be&Xh*0a-pnIQoNeHImaiLSFg?IO zS>WAgh&gnPbIU7&_9u+~&QNkSYBL{-T}u=rYTs9&FShae`-xM}PN^7h4ZU;5BQ9Y} zh}(gQk|v8A)*lRZ`YG}aTBE#&5&za|IQ^fTR~-ml5?z`PCMi?oEMo@ML8%P{B6qSc zva@{g$REe4Ou43GyO>fJrnA-H2{-aTN=BWeGj85V+h-?uGoy5!Q2aK$n<=#Wf(0ki z%>`py{v(f)Ix?f$>|Bi?e7Uhq1sPf=(IDL(2}eprrO8#$Ap(9g5=ZrY#P;>Oe-fmu z5R~M)dlpGC-wyj{-9>39p5ma0BE>^ew3W$L6RDAA`sr+`2WbHxk^ob`i?#O0XO@U*(`qy}LTYQid*PpQ5E5 z&u95?TH})))h(bKQ)!fr-2ZXI1>r5ut6$NJ|%CtF4GjtiAVsw3o~ig z&+*b-cP6a~^amjSh|~4ww8qV^D!U?S<_#6H?JnNgNntBDJ7K3Vx;tIkO$R~^ z{btv1xfw3E*`v2zmM5*>IqcN{){8p;>9QWTe~lpjdO>y&v1yj0(Mfp~uvV~(sLb?E zt*4niv~?#wU0@nc)jnpbHJCVch3@DfQY%-hiSHylwAZ9M=~bNuf?2y9H|S29w)^Ig00vu7x;XOBK-{Lo)3 z!aYZrfs&vNna+k(9{1UplGm1=eyk+yPNbfZS<-z7UQ@3KN|sQ8vbFqK0D8`LLoBX{~6SBnD<&$;ERGDDo{I&31A1XJaFpoKbL2BDXtfOhEg*_*1Rut z*0a24(0ibrHkwm)bSr?QJmuo1`JF9xb}k9*^bV^wdTj z#or+Ie@l+?NZ=z%dE_*_7`wfkW*>LlDDrk8TpINr8vk2k;xzgbDW1kyPl3hg^REx^ zb@-^Z0uHmD$!82i#lUca40JMn`b~@R_{4jMENaaeG9kZ2SxsBYRf}EE6Sd)^?ws$} zf{R_yra0ksrsMSwbZnBy`}w=n6Qg`Q4x_0hxIwQv5v|kL>Z?DTn4WbIsTimntru&# zB8Zk1NXZ1ef{^1aMb&2BQZi=nxT)-V+?~P8#&E*YeJn7<_GehCfx#3n3DVo3joeAg00D!;fLJq+J)RExepQSEc)tS%dR zxw_FDS+d1l_kIdGkSCJ316FOFFy*|8P-Vlx+aLU|Wdrcex#LQUAR&P@eRKiZ$QX2Q zBQ1kDP~^DX`-F*~DF~FLWlu~9vf8+s%5l^04EHbtrZVjBU){US4$wUj&)`qe?+fZI z=BNblt3cQ2=;n}Ftw~!+r^c(TtFrYL1{MVmYK4foi0t%xmAXp>=N8a6elvY(p(y*Y zZo_?+OXtQXEB=(zg{!>6F>D6BClitkl;w;ak_I#6+NR9LVB+(zL+w+;HZ$)=$osk7 zS^Fzvmn35`wf6#dvP||0?%PBjaycAsR0eC&Jc1LtaI#}jmAM;s^kM@ z4RX|$_GN=g`rk6VJZ?OEOq0g#)0!v0ksC?<+h6#)XBf}_Vr=Yx^w!zG%y=3Jt0rZ; z%oNK@YlnYAvN!+fj0nT9=)$0lMmP0=qe@phj84es>B}zx#eyb~@bnpzS+RLcJ?h}U4N)7Ojt_S7T# zBxH?U(e8xM_kU(Rt9aoSV99}b2=i90fs2N0pGRp{++R>#x&tcB+t&1V+4MrVtk|}% zOVJLAw=jLfucI{IgXVNvCNC^4YqkB_ZxwqNyGtO5r_pY16u zuWu=5+@cSsCU9Z?pZ2~wEUK=1lo();kdl%{S{eyyP*9LoKw26>7*df2r6mMK8l;sD z0YO4ikOq-%5b18X`;70;?+xDj-T&|JdCoI)&YV4G@4aHLwO5^nRnC$esia&TdteN& zb(@+$;FR&+ut#qq%k0op%bztAb`u_WcNnj9XDG3!6OX^lg^Y9J#!lSsOPQuVT{nTp zx2TrrT@QPUN3+OSG75_p>adIYjLBZH-S-BjmyCgW-h{VJ?VJ-JRHc zmN3H*^q0~NRxE)iUh2R49^0Bw*3jO?I`j5UL$0@o?eSmY zlRyuN*RRhoeWngOs-mwux+;*1QtHPJjy{;yTKkmpm21^{j(IG=AW#F1c`~8Qa z_Eqj)k34aLX_wqq64J1O9x7+X*hzMO;uyK9S|=Q)>9-_RmjiopkN${db-KqpuD@Wq z|DzfOv?nCT79gt`vgpuNa_wVDUrDRh&mnJz?HrjImm4z{Sx5E(%5Dr^F!cL~W7&lP zi>^a}l%8k~H_Q;4Z7QB5xfhADiNgaiMHu}Lj}FV)`x0{eINK;OFwL^<=#7ODcTlWv zS00;|E22Lw+q{=+6_3gn{+LO7YoLIPJoD#lVSC)PNjQ-2GVu(AbgIFN7!j*@|SY;M-VMguId6!SU6eHxAfyi5{O!Y z=6QCWG75IT^N5+-aSqPPn%ywzKG0RM+L2hRv+Z=4sY7KHL0rLFs&ecZS<7okY<^BR zc>_(ZA&~g}hwPs}cSP@IDp)TXKAj1^O}elS_>^v&;K|u3;~eX@sD8D(ALZ*dsi=_{ zr^U%|L(f}GAGtGBKHu!krl-zvtit44xk!2OI+}vfr0|7iYBc`&+!Re}e^tNhmn?Uq zrQ>+rjn=;PXT{G=lg>Dn+LV1LH9PX8=&w-XUt-W1;c7^)Tbl@c!Ar6|2i*TYuZQqn z^5#6jam>0%`hMThx{4umZhP%jJpCNQmx>VY_Bd=@Dx;6`wf2)lUumXD9oyhhK-}`v#LY@3oZTXJi{-FXS30RBqt9-Wj4tuPnN#b%g-V z1^b>+KS5TYK95_wPjQPc-GTPN*WC>>nO`+XGYS zZT;u<5k+$E0enndn138zRogzcx&O@B$(mQ=SpYV%{~>YlrfZ>g(O1Le79&h7~NXH%}yRq^W-n^(WSdr0#0uaP~7>`Xf z8o~GVBJB_9vFifGL5oPw1IL;^ie3Ql8pO$xhCgAsfTewUALbTzq;d6&54v1QJQIFh z-cQawU3#4=Q!$|orZf<3biDfALmM+}J{W&FLFGZCmpPl7Z-oQu%OR0jAMZTmI##%2 zAT5I2V6cJfiYJ*eA$2Lo$(mddairVp_;1Jvw!6+;Rbtk}vb;`DZb-5ON`IMdN`X%` zV5TdCSii^DR?-a{BS76e)R=ktinDVH4-R{bmMr0sIcPVoo}kT}=dv?WZr3Q0))0Wh z;wMCjGYq^OJ#+O9StODMHaJ?i%^$bdM7}dzHrQSz*j^X_eje_{ou%?cR-v=Q}c(b#=u+9#4g$A*S=P(g6Fb!Y||!Hd1as$BT+Ss2i@pRGl}i zal)kq99P*X#Y>}}bT+0m=N*1|f(GRppfNaBavRq4rbPDrm}yaAFpzch!oaMVZyGxx zIl-chNm@JgP{G!?6jPtMW-zV{a!^zE*+P1wvbamX6S*fURP9lxbr>()%(tP)29eV) zIJj-Mx^^gL?yi^Yv@~Lv8outJRl3J9+}y9`LvQoF(4m|^1a33h1>%$`na3_|P`*4N zE2yvVt0(o5UTIvn^W=zTdyBE7$;(r!9Owr;kzd}BP=zxnW*Tm1A#l-Lep#_s<1xvQ z79<`PNVg;=(Sc!l@RYkL4y%5(oTz+Ly)*A>X8IG8-xSq^KypcI3KtH;^Z8<+XgU1V zj4zup#E|MZ0{tS06-+kAk?i9X#eMyrwo<72LZMq$b3afG^Bk8~O|!FN^q%MNx$ZDl zNs;$gz1SA{T9Yf%iGJ3-(75AdJK_B?@JwW7$SdJguh>U07^To=e{v~=q)oc^RjUdV z6pCgV7AqVs*3y**G`ik7>vGG@P$s9fQ7DTHCj;Hda=A5}=ey&uGzlJwL&KJ2`{hQ>tb()@*$iZ1&qXxeZTb zMQ{dQ7hylidh~)lW0@2b$51PF%9tw|uShXpY~#FJWq*fohA?8d}LUM+t zHs+S*4VJc7yW>nd2U}!pn_qP+l#?897!^8u@}I={7tg*|CgU25m`L>B*~3S4;eqTN z>CO3>5wh~b!`06RKtl!Pn1T6bxzbRT6j^Wt4P0|2Wpp#}@R-jrTOrbX`*U>g$)d`~ zkGr2^S$%&iiwHNRChV+;@YV^+(lpo%ZlRrCh!i(w6b(VMsjfYn3?d~_%lk1aL$x0< z#()?yzUct%5YnyT5`(#F_t-ECt%ERRq$X*H5`+U8j>>Guvni>?4}|8}ra83{o^8od z-M2RybYGd7U|&`e&Z&9lS)>RjmBFWy;Oxp$j*Z@4jnNji0{cmqurWF+2^YYCsdN1jIDJte=aeim&G}+B|kkk|bY@Jx|j#!82kI~Umqfx2|b0%_y z#633?h#C)*LSyO3p%yu{wVYg1R%0=EGul^1^yO;Vu6NyUM8 zDl6}%COO3(L@c@Vk~v6aS;nU6=L(-)U)z_v?<&f58Dk&pgZS5VwlJj#4tY%Dy#NKC z!GcMz)9Gs`38|s(HARK$Iqqst&!!kV-h7g|aC}wlxXk{w`|FV9XiyY_(+K zDr%E_t^6_O0uc_g@f%%9{U7fux!Qz`u*qX!jt^vevaCBM9DSZftJ0b~&2FsEcMap# ztKk}>7%KMjDJXOH+@lhfzS%Ai*|CuyAtu7#yCQlq=&`Zm@4Su~S|B4@;GL$s>^)MjQQGE=sT#|JuSrU;8+6>8FvVN-S`+cJCRV8QR#cN~@LRLv8V(Y8VW9%fl zKREa0Xs7BiXGCD25uyE z%s6vh(nC1k-j;Y7(uaR@w(Or&E>;%2(f{b12Bqs)TznmQd&o*=gmx^HRtC?mGCM-O zuXRw(mZMmf5H0>9!|>Q!K)`k7Hf7m1kGR{3fhNC;snElTVi&1*jb-!+-e5!9DKk+Y zbycpR`Bc*X@xUl)4oWjSvtLc&FdL7tD%MYsnV&Rm0hgQro5~b!1!#NQBYRy9Bp{ng zRN=?5hIS-A4gJ6xvoY8&Ak)acuBbPO12P`EmSixBt^M64TBe&T)W)(OBnBUADjrkW zbXS)%SG*@4cpse(MaG~O+;{KN%B}gX_G61m)6BJ;zDk#`+0#fXfU3kB-SjdsR$RVT zdrMvp=bfDp+=`mSs&G}1beL^gR9)&iK#~{qYZF)f{LRI#u=cU2JsPphwzBKpz?N3# zFghWkfz`7Uzh^pWE>UE?b@lLgF(fzUF;~8UX=PfFKE*XVpR|&X2z$603;~AiU2zTOZ`9h8_1juo#Zz>^2kDV ziCj44dI7HsZogR!L)^Gz3fxY{Ahv!~P{-etZr!QOMp9 zuilL@cZz(zaS_a~4?8sZW5gj|(j8z$=2+s2TC#YjbyfUcYfM|}hkVH=Hx(c2r;Chq z_WD`anNioi`l`}^`9!sOJ8WQ4RUV;Mcm*s&_}lH66T}u=-IpI^D<=zPglbKODwkM# zt$w~oF&X2>-g3zM(W=abZoxr?Mlx$3ds;Q@YVE^m|3!>5Gj<Rw~v~Jb4oiUP73*y{MrB+cJ-Qc6P?(>=5wc_(LamOYxr^c+x|~>1k_ea@arC z5l|%oP#he!92MHeRsF`z11-_DetT_Y z`tjy!_3q;}Mji^2aG0Ko6vYb2UG<`&dFlD`9``GH*)`(piZzrDJCZRE8oY*jF)~=| zxdJ~w-@=ZzRWed_F2TthI|}c~8@c#ne&xtv0p&7lbkDQ)oSNO$Z+Ds>s}62j=gEy( z9=v;$?k>*()SS4xS!`b0-^j{@X+#fHe)d|2>OKDgwo5tCX4tyxn+Rljow2IM0(n?` zsQ9fC50|Opc$_2QPDeMt(aap(x+|vZ&=$i*59Q^mGled4?Dh%~s!Z+93_4Bmk66J_ zP%fWAwE%YcuRmQRT#;}K2s8A|-U-t$bbhF%f*CWwXHW1B`v(T5ODY*r)KjjdKGDnw1I>lh@SjhCNF8*lteCrE`Nlf0R zY0WX3x15EYB%ZBQqC;x7V>j$V!HllDwDmQtJU3Q>DfmfCCXZ;i7!W24L{Bz0uXWrn zd@U@z9Hc?!evgJp9TrT=^p=3Hp*ujuaIr~pJU@IJL&VbV-qc>TZJxva@z456ZD8K^ z25%99%v}L4OJkRe-1La%S$XcRikX-Uhf`pm_?y7_z_fEX@F7{ zbOkRgZXl|XGu&PS-7EgJEHk_!&YN#ol$|I0bj#Ln%q_ep-=oDe0neV^gZ2kn1TLig(nm6I>@BoN>W`lo~*cFj^@YvgR$I%1X)PrW(de=?D4TReYM*KH~vDIP`w z0uXH{m2Xh4F**~QV_eBF+zMH3Z?*|!q6et78-4YtD(4xiuk#@jaX~w(@kBhz!o|#E zpSsr$a+eU=MyfMyk=Mkj$IDdjaTw}8!F?O+sD&+^8nqrk?MGSuljUgrxKjeBTzR?5 zwY$}78~DZu3sOa3m^i^t(9!al>g*}Ut50HTf@*~#8E#&2u_qR^As=+PkQcy;*3#7Z zMkQHN18kbEp6&*uOBbqo{TyYQ>XIxD|P97~)&%UEr(EIC?3Z{*AZs~xYMmi!@I+p7j**~+Od*ABIL^e+Wd`P?U0VZVGl+?03V-O^3xMrAHu*V%MNKWr; zdx4lSf3b2hA_v!ZG)C~Ves8wde(E1$g5UOIa#E`=|U z#ij7(U4{1ZW$Le$IvGSxOP%Nxxv^V!DS5Neoo%&}F>#X>WaV8WIk{f$4`Xs3cKb42 zo?U&0>CE1}MOKi0#4MqeYV$y+43X;;CE!#_wnLo%Qn>8VhA5K~kzp_`RPw+zUQ;x)zBz)_p&x?=K2 z)3-&~b#s46I?odg*o}t>qm)Y6N6g1YVQIrOS451&UQmk4lWG(Z?k-Czmr=SfUMlfX zaS(e3vio~e2>UES-Lm52mIW459?R7wu;t4jpi?>CQyI$?&v;VkG;V2}>e~kr9<$}o z>;-H$ea{qJYX$NRW92R`-r#*JA4M@y6d#ty+H>TG@Ud zaPZ<99$2`m6gQxBsk$LZVT#XA+yOQGFq?hMbxUb)3_cenQTF&bo3UEvAUYtq)zW2X zHQU=D;IQ#v2ouXEk++C;uH)7Hnifg$W*&GUeX>5?SmjZKgx7)0?M8fWTq_MV5R&6g z|Kxa9ZpQA|az(#DZ)2=h)hU?v{(mfqo^;p&NcK)L4#}Hr}wA1vly>eZqn) zARw^kRTYPN<}HS4t{XymzJARPl`P@O8pkku)&RKh3zVYF>1udGwhpW86*i8{6Cc?RI=`VGo{bg>xHQy`u>Lfe<1f8 zgea(@fTRl1NrRDUCLBa!)Hg+8_|)&g3MKa+B=K9Voe~d!2|iF)TU=(#HfnB+zM6FK z&^)hDxME}S(u%lSj39NDGH}-nDqrGA2zl!KNa6X`LiZ-(&vg6yoS*{27?)u`lArUT z-tNtwS(Bmp?O=Z|b*AkgsiFX7Q_R#@ZNFwCv-WtD1%eMet^^ZsQF$C5zA~seklIVG zNp0UV=qak$%tP_sJx9 z+YGs019ct}d`7^~MDYFDNe(TVpQQI4<%ycThx(y`UeY(DPk%EwtAS@QhxBZV})Efvs zp*J^hk@~)g39WBj;j&aKK0b*geJ(rPk>SE zn-isrfXR^vQ6i&L|MsXD!hLtoiyq&_CrVG&E(~VD7ja^f90TsaaaVal$kCyp?nB!u zp(wfzpE`o{iXQTFhF=j1h{rlw*wHbVP_n9h9t95y?E#u6wAEkOEUglRxUe zQQ>6@uHTsZ&xsGgZKUg*z;)(rAN0scEPzzcI_zK#032Vw;r}%K4+#wZvWf0Irhkeg z=1!;@WTn_jK8TYTYeoD`4kKs$>=trp&sr~&B_acaB>`U7(Unyb0P;zqdoa&~UJ`&3 zps-q;9&`vj2re+R&N-{ck2(p+C8+fkX~XmQABidq?UHcaXYO-sg`6P&IN;ZjJ;TPv z{9i*rp|b=%!znv8b$#lLF5xLdi{;-AZ(R^32&R;0Yl(~W2g5+eTs3%*Q6H^a>>usH z?tu`r008@;Da#K*k-!u{9!BwS%b$+tjiWTzIe)3RjQq>!N>cL^Xk3u%W)12m2}J-D zqd@}p&!5sakcguDIM9s?Jq|_z8cX{RSJT6B=k+3R&iTvgFSq&Qsw`d_2r^LowHwqA z3rfc?Lj23jr3jGIrVq5eCV*5Pq#>OtB2~~1j^-yqHVZ9Ne>=RZenDz%)hZMVqEY~& zeHyrp553GgJrY4Vy%05jm896u&9@&$lBEc(8T4drxuM;CzA+tGOUfKfH1=j?{m4$m zt}iA&i@Iif`E#HMN1T~x!rsm|io?U%*A0W0xp9fFVcxuD*!qS#W$)N*-^;ir@zv*( z=+Mth?X$T*O~sSL@|_=g>{kn8u}E;EE(CTd)=@a%J*j~uFeY)MTC`r9JeZ~m`^z;E zA}n?801XNptdr!-My`0iWJutL*O8Kc_1^;-f6CXyyolvC9=Bt~Uz0=s zFm?7Q%UScc_b4hA993A;czi4z+)iMOoq85XaueZXe)xEZ?vTBa(jp^J1|{gqs=P&} zP*l8d$@R|*O(Mb@uGqrz?gnU`5!Q8EOp{a_?%2Yz`KVoF3y8))U&nYm;&OJ8)q2KX zKN=!fzi)4gx5s6dG1vt$H2Xv3k_EBh#@(lLfeZ7Cj2V4&tI^O`sz;ek7&^sICd=|}Twt0cmwi^}4RFMw(+_>|PHzz* zK!^R5pnKJq(1-8%;LOn*N8#xMfTzwUHHFrr;aMNzT$t5gt1CaIw;qlN;iKoNfQ!Xp z0B-k@0_!k+1nQC2Cq)=$#jQ;{9h>WG+uT18k*36t&n`S@O7MDiEV(xLj{U4aklUv# zM1;)EA#ua++jklXZaIeC+LnbTPjhoESj(l%X3yy@<15BzZte!l7UnJ(65Qr@m)mg? zFw_wn4=1kfb5ZMHh)i4=6~aREJL=?=!vw7U5z?eLj%AH_l2IxOc@~USY%NcG@zEp1 z9|yVKC-?qZ`8^&7J>pZNdrSaos}Qlg!{lZY;lrAO`mH7*VmHTi_oA3LuC8K+pkY+V zLWp>2ZcNiw)Ah>z0n=LVxN^%8WTzglb?_hVb~(l$QFED#y=Cor#IQz9~SN^!*_^L_Q z7aqb|V*9HvhaH1z&1%IzDV-f{*H1WnAcbGPhWR{*aPZr-;H#sjXT?f$Hk{A8Lh{m& zxdOUECfsdALb^gYqmQ}$7DCQKk2!o6LcE^Yh=wnOJW4p`cn)11OMMmf)p?C|DH`Fe@mu?(APT`8Gf8{y8!Ov?>e&!Y7_5l>l1vo(V&m znwS~%foe$uEp&fB=(+*C;7*N}$Xj}lYNJ?qByho}J^&-^?~RddMx#IvdkI>hAf)(@ zg%jduY^kk3FZ;jGeUzaMETbGc^vfi8Z4bGg?^qV7MlNv`3U&X7yr7#*f;e@d+W0Q= zCeY3IK!;>1C~?5r24?uT1MUPKiAK#!iTphV5*9?u5-((o)*tvV{=G4>%^s9MA--@a z4XGVM5)$j*B_!C8Knm`Uz#gOssdxs)5@WPy1?^67sQ$>&_^Wh5+BH{23dk=(IDnW; z9CX-3>^*<30*jUilr1UwP)rEgbxhFYVO1(=1my18z*Kh*3hKlm&h2t-%0}M&FY=d; z;0Jgl?7Fc464YGuU@T1EJt&{oO*Wv(p96nTu@dN3er}x{a!CIUK$!bQXcn*(*Yn`% zBL&!sWuuM;yzJ2P{)==68pCz)NS`orJV=Ur zD?$*(c1f0_=h-i;Bm9SGhuXM7@vli+!D>kS0OFZI|6dmPGw#k|fo(L|ioz-V(aYy* zaez)bS=N6pnms*Prex|IO)zfkT0O>8WkkaNKS+61HyP!3KHCu>{)Bd)?q5|=lQ8_x zJdS3k4bG=6Ah+GodWdJ6@%`&se(h!HS|L4{uix@q-axKUzj$Ue09vPF6+@9m!E^ZN zf7<#&yB#{&7ykd3Hqfm)4~X=VD;sb9mxliz4sr5qWr!CK1qJ0Z&sn~Gk>6d^)C7W7 z7!@u>866r7PCzH+je`2ulXb>Pqx~Uu;=lg-yIlmfFgf2t>GS_9H7Q?Lzh08T{4clZ zh!H%d{l4e+E9G4m?(H{ap{VpPx22dTjasuY2+tWa7@ZF-Dpo_+>$vl#1l_(xy^@)B`e1n_;)z} z(bX|rnB4P2|FeI&Z3+e!szdNM9R1HQ_X!a^$2K|G|8o0(5&aKR`frG?L(!PJ8tlxn SeiJYa%I%xVH}YkSeE$!F>+qfc literal 0 HcmV?d00001 diff --git a/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/pyt-model-repo.png b/inference/cv/realtime/pytorch/triton/multi-model/resnet_pytorch_python-backend/images/pyt-model-repo.png new file mode 100644 index 0000000000000000000000000000000000000000..a54d1a4a6debfdf8df264dad14b4e44489d32039 GIT binary patch literal 6700 zcmc&(i9gg|_a9?o>}1P62HB0B7>qGO)`%#wZ(;2F*a;(9Lm_J@M5ye>PS#M?EGZN+ zmL!qi$M^X@&+~o#et*DkUa!yGGw0lM@BN&6?)#i`C(+12i-wY&5(EO#=xAe%K_C(m zfcAls0pBL#4wnIjg{y{!k&cE2%*e;n$<^Hv1QJT~NHx?2UuWta%j9*%*fu1yhNoI**KAr7RG!PlSU-RheQs6*VwcBK~=5k%JeoJ&=@x!DID*k%mN8f!#UNxum z|MFJcX&<`KjFYy1Oc#lraSD)NyJK~m?zc4q0U9E8KeftSj8}(>sq;-h);=g|^OS$b zbiP^XS-i-@&j#XQIZgSexjPl8JFl1~=$aWRWjs&`^tvtbtF2l{hY6z|@;oYT9^cVm z+~Tm9qe+iK59zh*ql{_{TD~6PMaljiw|_m3GF&QWA4)1c_0vkb7c1!mn@F6*{uwh+ zs29%ctfgZVU^0r;M=*YtbTLYlku0>Kyl%%JwV1JU^z-|z#lB1Qp+z;<#A~WZr`aXV zJ%iJNVL@b;3sSS05%MC6s%|n8A)HlU6|EP)UxSbOqxwoV+izOE@uu`sBh4NaWKOrY z#2W780Jb)BG}m#`*9VCJG!#S)>hUC=ul0b*=(J z1}Ooghohe@EXczh>#G!`0{^Rr59Fbz*1N0_{Xq=Y0~l@bPn zA$=U2l#DS~|5gWnslZ+Q{JfM9h`_)=i9i_%PakK5)Rik&5R%deX=!nwhq!Mr*3ULb z9P7*XuR;Dj4#v^f-pAF;&(#wPJ0I89&ePvd1r9%-=s%x-th5B;r3~1FFb#u9A^!kfXZ=#?=Eb4={(Sl$0#;um1l>^4}T%p=thKO=&rWe`@|i z^1n4reI0!?JUxIZ{Z#+EGk+`pQ~0+c5^?_K|FFcr%={M@u(K*967iosQ>E0qG&=(V zv0T%^sNV=8*|wr+(0|XdbPvr~lo|Y_;PP<^nkh*(@uJS%wA57BUTInTmks8k!q=W+ zuCtqqXjW(zJ022CD;%)Jd!uK+!*I^qq2JqfKK}e3y1uyo{b#lR&aCs!&elrc=%3NW zrN#B%lvglUbr_5w#w<}?!t*{JjqpOKBv=G;pbqdjNtnUHe?Tt#%m8srEd&;R5J?%u z6ai}Zg^#2p2_s{QV$wpzq3~*;Ih-acE>e{gkHYg6qG7!}Adhx)3K zCdC+v$+plyla>IFY(ucyhbpOx^*^V-^<&6r^rl}}=|3}ms>t@G?QqVGbFtZ9lxKZ3 z-%aF31!3j*$7XJsey)%C8B-Ji7Fh#5E#_7USx(Y)J~`UOVa&th>9{`KJvp5BG)Q6* zUkK9ieET{I^oFTIs{yYFjg5AsDSxpo)OTU#rTxcm1_i45tK1PM-s_(SGdMd! ze`3jZZ;FHo^~J)%=Nptn}OJ0+C;aFNJKPJ$^RS?@_?9Bpu&RHOy>=#r9A zFUw{=D}_SXqGF*W>~>l`)M)j^_MlD5(;w5;Cu@DV*3f9u)_Ui$tcnCJ25<~HUBIMk z2w{4HsXMtF3jXCW|9T`@qY!8~>1-V{C`mYIXvo>3#&zU>fYqS;huWBK?1OuKrwhJg zj@!zz#P$3@?oHZ>$;pw9vp++~oXQw(98vuPDRO^Urqok=y-_>DW3IuwghTFbk8Q~O zK7;S+NUnl!bC;8(KtQPR7z<19r0E)uNFH6@ybLI^1wI^ zuBrE~*!j6-xdB%__M?)F_a}@-H_lA@0k_H=HJfyg-V@|(=riG)FY-79DX*q4a%!0{ zsAeIo7ssL9U+PI+U0n~K-D8dd$Dq)$sNGM!d|>mEt27U4%&H&rs-Q63$`>oi_SeT0 zO8I4zSP}BF7zL9uJt@Ac_a#e7Yc1-jGt$SG<3oClU*uajtvz~*RyOFyqf+U$2mD~{ zsGyb-841hA)cCVI?e_f-nyzmgp?mSns{%cT+w;CteaRdG!fW>XYa=61R6>UVm+yM< za_Aw(LVlr^cimBkJLCo=og^yuKBQQVGe5X1mZHpasl7}mBg6rBy zuCsQqvo^y(HXWy8s*>-xYf!G@iASA6w;e0#4ylqFum%pk`-Nx5}_!%9JcZF6+^k<7=T%leO*`X*mkDaXqnHzJ_}-#}mK(4W!-WzXboT~nE2u#c8I!=uAb zk7wPnIhkp#DX4F*HK;~Cb|XkSXB4`EN2Nzc=l9{ZOoME{@}7w4b0#w__t}ww8GB&s z`aD-$n(x(8)h8qElWj(hE%08UUX1Mb#6#>=@e7v2nIIodg6M ztN5+Vnq{{&JW3i?h+f{ZiWJ@@=MEyICaY`oUCmfobm3wmu?E)Y#o}ZRhi`V1T^_Y5 z*3)6oW`^7l^g1+H3je)LrY4{Xdrv=}hI;3R-gPy#Gl~( zGQ=a?@NFPf z?Y2W*#^qFq*71bXh{Pnn*cfBQ%ZYIVfwp4qZ%d%1vS12EFj1)r-Nqz0F;ZY*zuAzOw z=vDIhc^>DAQE$FYQX$IJfi|a@cn?$O3ro(_}MoxzAUjCb~--q`(YBQ_{(*-^ffzY|2lq$v4Z@?JNUe7oZ8D;L4sP_VYvx2j6&REKs#2pqte= zE9be06tns^Q>w$5ZAhBNF#Z*!BCcKxtmX0glh6m13uXEozDMJ{8u>lA!&zre@&bGc zau4b`a_6=CqoR3i`|06rZaL)PjQ!fiyArG~IW6Y^Zl~=h_kOiy(*)ow{rcGi03>K8 zjt{=tOLh@9iUM~Q*M<-svbF5_OR;;kfutT5FYPX{PIp8^@OA%rUwPA)eU2pL%fp*T zoF|v$gdG9Qh^pGvd48kuT1;2+BF?gg1KZe{d3k@+fAfRfOzZ`;vu1hc!pT~$=USuN zi>5y0@kYtQic~3ikxcg|-^~xz`sD`sinPCqeCPcVVyT%t=w&C%4HZl)&E#_Kv=Y0h z#LO2%HpO#Qth;2Nd&M6R8H3MGf7aKcPal5L0(|DWWb8xU;g&cXHzJTiAkVTIUHZG@ z>FPaWUA|sis&mwhdE;Gm14yl$m}Q)OkY^|RR<{%ExW3N0)zAzc&Yhj6jJ^A%&K5ex zDfQ+J#X6$nq>keikmAs4)MBK6JV@!3Jg)u0@Vz&fsgO5J+kpP=cwC`4oL=M70l(Jy z2?nv^V3De4C%y{Ilvk(`Nh~AW(qc8eUGWN`22eL5?0TOL+u^-DApMg}X^1l1*eR~} zh~_mNe_7)E0B)|B{->4JX1S0VvmY^8eOrNcKB6LHs{6s%Q0*IW`Vg3_?wzcM_+ZB~ zOgT)%v*R?t=C&2!A1{=Va7?p9ZlN+bO#YqK;)UyPTqV^{rR6&!UMKrMCmi z02Gv&zqCs;AC9G9w2YU@d66l4QvzP_#sHr4HXFgyg-`-ph*0ZHWdLAg027hz)N`4s z<-Lh}SFFiPL;v(q>GX5cq)A&dDeoSg11icc!oj zb(P}k&&`^SkotfzwPFEO%LAV9Bi{0-PxD*+2oV8)TN|8bQ_~}Wt)$P;; zJ?CFncfKWr{ruQ}P0eMORm|Kb^{Q_20_QEXgU1;VjxBz^1G3?Izput-VsqQQw>dqx z+QWXc50Avta^00ESMWL>&39UC4bF2e74Lhq7*fe5Wd||jEi7%_C{Ch&o0^8Vx*D)@ zaNxI?;RQIo57%^+g}n>g^i);w)zrZst~8U1(8*nT_J-jhrM%I6WvV1@K3>$mrL{2h zHw1TqzpqOvU~9vMhNr=M_39ng0w7-~m@MOpKcM35Tk4D<=dvg-4;^haM+j;@9*P0| z3itcoxJqk4&U45zKEY8iDSaD?c)RyqrEsND1I-^hrdp)XO3MAL8%T+^9A4Cydd$`d z@Y4v^85U}#aPziKTSut8k=g>|3mKAp-<#fSa)ei9%7Kjneq9rRoW$fFLKK(6ep*e@ z^2v2N!R9D7#tl%3_>fXl@H$}m03i8deJEIS5d$6fDb?7=#ozli3KS3fBB3MeVqhh% z!kgFCpBg{C#umcpG>>#w?nAIdqpxS;UlP}u>C70w_M3SRc`kcPzNtUsA!{dVxPTd6yj`(OH% zgp(Wp@SY41gm1Z|(G6W6R{Jp&wyg&6MCdkD;L*PQF>;(tW z=A#;I3Z9F3Vx|)zJ&^z!T|(_8T__m%B&srAalIrc8JRA}Q>vjj9*=h4fUFOqY9%4* z_5uFvvM%&gH0I)Osf;^Fn>61296>i#I^DGtkOvWU5UM{$@RtqpT&|{Yd$gJb)-_+A zo#;7==UlBW_-sGVouDvwqw!8$CTwi*=Nbc#ckyVg=$ZCaf_ExM#QL%O{6NGgr2(E_J+wY zo|j>XIMn^X_tGi7sH!4sv=rSjWlFHE2IvrKiy*$9#}2(*CUCGcjtjP~YLwM# z292rw#E5aczO+94s5=~V_e0en&Q1=>m8nMy5|$tlA68<458s3g$yP-U}XZ z;c8M01LFo#$=72%m(s9j1BCe6D_zdz^R{(t8+*p&l!N3re)9!C3W9TFK6#gePQq%y z)(o$^6wkZx&nvIa4EuD^s%qh%5(RS%aje>0HYPBYFu`o{6MoeR@0nU#Y@1Cb2-z0$ z!)KM2Q<3ocf{j{~UWIq-F_+iMpebsbA}@}Hi<*m#j>}@gdt+oBMoX*29e!lXYWdYh za!=heXpK*R%UWwcD0}Stg2UAzb>}Bi_GJ6&k{Gz3{Jf$zKer$J#6}z9|AUewlXN8x zM?6)TgMEosPd z&zLI{0V#XSCKv1g&mS9pemk~kYyH~nYmxj=xg64sN_lJgOJmNfL8jf z=GL_r0wbzjcr2SwBZIyhc7K9noM3_#2@BZ1q$jidqK`F=oe0Zo5O>cU(G7< z@xFAt!@H9c6V#7p(<_i_cyitu(uS`<`X)dB+M~Y2hx7G*)ind{3j4ZnLT=hfyliGN zS20ms=tEN5G)B2!hU9m`%{#$Qqf{`8JZx&=IN5;Yu?xWYC-J+3LTFQ->PZ)hO?boo@^caL-FYI6%HuH< z_w#Bf$n=G4-?uB2VK|E(>M$Q&>m~f$ zsvp~X0tt#oE8!@XpUhyVrgkD(S1yg&PxG?i48+>r{R#XK!if8xmUr)-?32YhTlu4x z)GirSv^GueE?a!6TjkfI3(eAvm4yUsI!qgOnb$$y`3+fhX|QMQf4=2oF4DW3CQsiK zJdvx!uWw+4a9IyM-1@o)x84nf;TmGnCUwkXiRzVf?tBb5MjKPjITSi>wstDHM0@GQ!=?^H<0=9!| zc7Jnjqg1Xd2qC2eBBLeC{d;dvOrx`7o-rKI5S=pLQ_=*`*bPWjLc`x!4JC1r(K?{n_qYE;l4i%9_r%IFBXR~PUoOX!AbRO9kw5^#BNe)oCw)97{~v?mUTiU03h b!WoGOUj9p@%@N1>zXLj&2ACIUo9O=m!k7}q literal 0 HcmV?d00001 From 4fe9674ad013a8c0173c1a468a623372bfffa311 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:22:31 -0700 Subject: [PATCH 13/32] Create test.txt --- .../triton/single-model/resnet_pytorch_python-backend/test.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/test.txt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/test.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/test.txt new file mode 100644 index 0000000000..8b13789179 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/test.txt @@ -0,0 +1 @@ + From c12b52059c86cd36ce2a3b7c8f7d47f88dabcb7a Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:22:59 -0700 Subject: [PATCH 14/32] Add files via upload --- .../resnet_pytorch_python-backend/README.md | 13 + .../resnet_pytorch_python_backend_SME.ipynb | 517 ++++++++++++++++++ 2 files changed, 530 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/README.md create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/README.md b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/README.md new file mode 100644 index 0000000000..8971574999 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/README.md @@ -0,0 +1,13 @@ +# Serve an ResNet Pytorch model on GPU with Amazon SageMaker + +In this example, we will walk you through how to use NVIDIA Triton Inference Server on Amazon SageMaker to deploy Resnet Pytorch model for **Image Classification**. + +## Steps to run the notebook + +1. Launch SageMaker notebook instance with `g5.xlarge` instance. This example can also be run on a SageMaker studio notebook instance but the steps that follow will focus on the notebook instance. + + * For git repositories select the option `Clone a public git repository to this notebook instance only` and specify the Git repository URL + +2. Once JupyterLab is ready, launch the **resnet_pytorch_python_backend_SME.ipynb** notebook with **conda_python3** conda kernel and run through this notebook to learn how to host the model + + diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb new file mode 100644 index 0000000000..d5c470ed8b --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb @@ -0,0 +1,517 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "60a1fdce", + "metadata": {}, + "source": [ + "# Triton on SageMaker - Deploying a PyTorch Resnet50 model\n", + "\n", + "[Amazon SageMaker](https://aws.amazon.com/sagemaker/) is a fully managed service for data science and machine learning workflows. It helps data scientists and developers to prepare, build, train, and deploy high-quality ML models quickly by bringing together a broad set of capabilities purpose-built for ML.\n", + "\n", + "Now, [NVIDIA Triton Inference Server](https://github.com/triton-inference-server/server/) can be used to serve models for inference in Amazon SageMaker. Thanks to the new NVIDIA Triton container image, you can easily serve ML models and benefit from the performance optimizations, dynamic batching, and multi-framework support provided by NVIDIA Triton. Triton helps maximize the utilization of GPU and CPU, further lowering the cost of inference.\n", + "\n", + "This notebook was tested with the `conda_python3` kernel on an Amazon SageMaker notebook instance of type `g4dn`." + ] + }, + { + "cell_type": "markdown", + "id": "12dec6ce", + "metadata": {}, + "source": [ + "## Contents\n", + "1. [Introduction to NVIDIA Triton Server](#Introduction-to-NVIDIA-Triton-Server)\n", + "1. [Set up the environment](#Set-up-the-environment)\n", + "1. [Add utility methods for preparing request payload](#Add-utility-methods-for-preparing-request-payload)\n", + "1. [Basic: PyTorch Resnet50](#PyTorch-Resnet50)\n", + " 1. [PyTorch: Packaging model files and uploading to s3](#PyTorch:-Packaging-model-files-and-uploading-to-s3)\n", + " 1. [PyTorch: Create SageMaker Endpoint](#PyTorch:-Create-SageMaker-Endpoint)\n", + " 1. [PyTorch: Run inference](#PyTorch:-Run-inference)\n", + " 1. [PyTorch: Terminate endpoint and clean up artifacts](#PyTorch:-Terminate-endpoint-and-clean-up-artifacts)" + ] + }, + { + "cell_type": "markdown", + "id": "b16f14ea", + "metadata": {}, + "source": [ + "## Introduction to NVIDIA Triton Server\n", + "\n", + "[NVIDIA Triton Inference Server](https://github.com/triton-inference-server/server/) was developed specifically to enable scalable, cost-effective, and easy deployment of models in production. NVIDIA Triton Inference Server is open-source inference serving software that simplifies the inference serving process and provides high inference performance.\n", + "\n", + "Some key features of Triton are:\n", + "* **Support for Multiple frameworks**: Triton can be used to deploy models from all major frameworks. Triton supports TensorFlow GraphDef, TensorFlow SavedModel, ONNX, PyTorch TorchScript, TensorRT, RAPIDS FIL for tree based models, and OpenVINO model formats. \n", + "* **Model pipelines**: Triton model ensemble represents a pipeline of one or more models or pre/post processing logic and the connection of input and output tensors between them. A single inference request to an ensemble will trigger the execution of the entire pipeline.\n", + "* **Concurrent model execution**: Multiple models (or multiple instances of the same model) can run simultaneously on the same GPU or on multiple GPUs for different model management needs.\n", + "* **Dynamic batching**: For models that support batching, Triton has multiple built-in scheduling and batching algorithms that combine individual inference requests together to improve inference throughput. These scheduling and batching decisions are transparent to the client requesting inference.\n", + "* **Diverse CPUs and GPUs**: The models can be executed on CPUs or GPUs for maximum flexibility and to support heterogeneous computing requirements.\n", + "\n", + "**Note**: This initial release of NVIDIA Triton on SageMaker will only support a single model. Future releases will have multi-model support. A minimal `config.pbtxt` configuration file is **required** in the model artifacts. This release doesn't support inferring the model config automatically." + ] + }, + { + "cell_type": "markdown", + "id": "cf042bea", + "metadata": {}, + "source": [ + "## Set up the environment\n", + "\n", + "Installs the dependencies required to package the model and run inferences using Triton server.\n", + "\n", + "Also define the IAM role that will give SageMaker access to the model artifacts and the NVIDIA Triton ECR image." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7788c22c", + "metadata": {}, + "outputs": [], + "source": [ + "!pip install -qU pip awscli boto3 sagemaker\n", + "!pip install nvidia-pyindex\n", + "!pip install tritonclient[http]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4aec711f", + "metadata": {}, + "outputs": [], + "source": [ + "import boto3, json, sagemaker, time\n", + "from sagemaker import get_execution_role\n", + "\n", + "sm_client = boto3.client(service_name=\"sagemaker\")\n", + "runtime_sm_client = boto3.client(\"sagemaker-runtime\")\n", + "sagemaker_session = sagemaker.Session(boto_session=boto3.Session())\n", + "role = get_execution_role()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bbc64c0b", + "metadata": {}, + "outputs": [], + "source": [ + "account_id_map = {\n", + " 'us-east-1': '785573368785',\n", + " 'us-east-2': '007439368137',\n", + " 'us-west-1': '710691900526',\n", + " 'us-west-2': '301217895009',\n", + " 'eu-west-1': '802834080501',\n", + " 'eu-west-2': '205493899709',\n", + " 'eu-west-3': '254080097072',\n", + " 'eu-north-1': '601324751636',\n", + " 'eu-south-1': '966458181534',\n", + " 'eu-central-1': '746233611703',\n", + " 'ap-east-1': '110948597952',\n", + " 'ap-south-1': '763008648453',\n", + " 'ap-northeast-1': '941853720454',\n", + " 'ap-northeast-2': '151534178276',\n", + " 'ap-southeast-1': '324986816169',\n", + " 'ap-southeast-2': '355873309152',\n", + " 'cn-northwest-1': '474822919863',\n", + " 'cn-north-1': '472730292857',\n", + " 'sa-east-1': '756306329178',\n", + " 'ca-central-1': '464438896020',\n", + " 'me-south-1': '836785723513',\n", + " 'af-south-1': '774647643957'\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9616dd32", + "metadata": {}, + "outputs": [], + "source": [ + "region = boto3.Session().region_name\n", + "if region not in account_id_map.keys():\n", + " raise(\"UNSUPPORTED REGION\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "65934acb", + "metadata": {}, + "outputs": [], + "source": [ + "base = \"amazonaws.com.cn\" if region.startswith(\"cn-\") else \"amazonaws.com\"\n", + "triton_image_uri = \"{account_id}.dkr.ecr.{region}.{base}/sagemaker-tritonserver:21.08-py3\".format(\n", + " account_id=account_id_map[region], region=region, base=base\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "4f618f8e", + "metadata": {}, + "source": [ + "## Add utility methods for preparing request payload\n", + "\n", + "The following method transforms a sample image we will be using for inference into the payload that can be sent for inference to the Triton server." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5ef2c6e0", + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "from PIL import Image\n", + "\n", + "s3_client = boto3.client('s3')\n", + "s3_client.download_file(\n", + " \"sagemaker-sample-files\",\n", + " \"datasets/image/pets/shiba_inu_dog.jpg\",\n", + " \"shiba_inu_dog.jpg\"\n", + ")\n", + "\n", + "def get_sample_image():\n", + " image_path = \"./shiba_inu_dog.jpg\"\n", + " img = Image.open(image_path).convert(\"RGB\")\n", + " img = img.resize((224, 224))\n", + " img = (np.array(img).astype(np.float32) / 255) - np.array(\n", + " [0.485, 0.456, 0.406], dtype=np.float32\n", + " ).reshape(1, 1, 3)\n", + " img = img / np.array([0.229, 0.224, 0.225], dtype=np.float32).reshape(1, 1, 3)\n", + " img = np.transpose(img, (2, 0, 1))\n", + " return img.tolist()" + ] + }, + { + "cell_type": "markdown", + "id": "c171f622", + "metadata": {}, + "source": [ + "The `tritonclient` package provides utility methods to generate the payload without having to know the details of the specification. We'll use the following methods to convert our inference request into a binary format which provides lower latencies for inference." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "f9799f41", + "metadata": {}, + "outputs": [], + "source": [ + "import tritonclient.http as httpclient\n", + "\n", + "\n", + "def _get_sample_image_binary(input_name, output_name):\n", + " inputs = []\n", + " outputs = []\n", + " inputs.append(httpclient.InferInput(input_name, [1, 3, 224, 224], \"FP32\"))\n", + " input_data = np.array(get_sample_image(), dtype=np.float32)\n", + " input_data = np.expand_dims(input_data, axis=0)\n", + " inputs[0].set_data_from_numpy(input_data, binary_data=True)\n", + " outputs.append(httpclient.InferRequestedOutput(output_name, binary_data=True))\n", + " request_body, header_length = httpclient.InferenceServerClient.generate_request_body(\n", + " inputs, outputs=outputs\n", + " )\n", + " return request_body, header_length\n", + "\n", + "\n", + "def get_sample_image_binary_pt():\n", + " return _get_sample_image_binary(\"INPUT__0\", \"OUTPUT__0\")\n", + "\n", + "\n", + "def get_sample_image_binary_trt():\n", + " return _get_sample_image_binary(\"input\", \"output\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fa670b92", + "metadata": {}, + "outputs": [], + "source": [ + "!docker run --gpus=all --rm -it \\\n", + " -v `pwd`/workspace:/workspace nvcr.io/nvidia/pytorch:21.08-py3 \\\n", + " /bin/bash generate_models.sh" + ] + }, + { + "cell_type": "markdown", + "id": "170665a3", + "metadata": {}, + "source": [ + "## PyTorch Resnet50\n", + "\n", + "For a simple use case we will take the pre-trained ResNet50 model from [torchvision](https://pytorch.org/vision/stable/models.html) and deploy it on SageMaker with Triton as the model server. The script for exporting this model can be found [here](./workspace/pt_exporter.py). This is run as part of the `generate_models.sh` script from the previous cell. After the model is serialized we package it into the format that Triton and SageMaker expect it to be. We used the pre-configured `config.pbtxt` file provided with this repo [here](./triton-serve-pt/resnet/config.pbtxt) to specify model [configuration](https://github.com/triton-inference-server/server/blob/main/docs/model_configuration.md) which Triton uses to load the model. We tar the model directory and upload it to s3 to later create a [SageMaker Model](https://sagemaker.readthedocs.io/en/stable/api/inference/model.html).\n", + "\n", + "**Note**: SageMaker expects the model tarball file to have a top level directory with the same name as the model defined in the `config.pbtxt`.\n", + "\n", + "```\n", + "resnet\n", + "├── 1\n", + "│ └── model.pt\n", + "└── config.pbtxt\n", + "```" + ] + }, + { + "cell_type": "markdown", + "id": "f42bec12", + "metadata": {}, + "source": [ + "### PyTorch: Packaging model files and uploading to s3" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2ba5d998", + "metadata": {}, + "outputs": [], + "source": [ + "!mkdir -p triton-serve-pt/resnet/1/\n", + "!mv -f workspace/model.pt triton-serve-pt/resnet/1/\n", + "!tar -C triton-serve-pt/ -czf model.tar.gz resnet\n", + "model_uri = sagemaker_session.upload_data(path=\"model.tar.gz\", key_prefix=\"triton-serve-pt\")" + ] + }, + { + "cell_type": "markdown", + "id": "e655f8bf", + "metadata": {}, + "source": [ + "### PyTorch: Create SageMaker Endpoint\n", + "\n", + "We start off by creating a [sagemaker model](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_CreateModel.html) from the model files we uploaded to s3 in the previous step.\n", + "\n", + "In this step we also provide an additional Environment Variable i.e. `SAGEMAKER_TRITON_DEFAULT_MODEL_NAME` which specifies the name of the model to be loaded by Triton. **The value of this key should match the folder name in the model package uploaded to s3**. This variable is optional in case of a single model. In case of ensemble models, this key **has to be** specified for Triton to startup in SageMaker.\n", + "\n", + "Additionally, customers can set `SAGEMAKER_TRITON_BUFFER_MANAGER_THREAD_COUNT` and `SAGEMAKER_TRITON_THREAD_COUNT` for optimizing the thread counts.\n", + "\n", + "**Note**: The current release of Triton (21.08-py3) on SageMaker doesn't support running instances of different models on the same server, except in case of [ensembles](https://github.com/triton-inference-server/server/blob/main/docs/architecture.md#ensemble-models). Only multiple model instances of the same model are supported, which can be specified under the [instance-groups](https://github.com/triton-inference-server/server/blob/main/docs/model_configuration.md#instance-groups) section of the config.pbtxt file." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ad3a4efa", + "metadata": {}, + "outputs": [], + "source": [ + "sm_model_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", + "\n", + "container = {\n", + " \"Image\": triton_image_uri,\n", + " \"ModelDataUrl\": model_uri,\n", + " \"Environment\": {\"SAGEMAKER_TRITON_DEFAULT_MODEL_NAME\": \"resnet\"},\n", + "}\n", + "\n", + "create_model_response = sm_client.create_model(\n", + " ModelName=sm_model_name, ExecutionRoleArn=role, PrimaryContainer=container\n", + ")\n", + "\n", + "print(\"Model Arn: \" + create_model_response[\"ModelArn\"])" + ] + }, + { + "cell_type": "markdown", + "id": "384d0919", + "metadata": {}, + "source": [ + "Using the model above, we create an [endpoint configuration](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_CreateEndpointConfig.html) where we can specify the type and number of instances we want in the endpoint." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "f21e2d91", + "metadata": {}, + "outputs": [], + "source": [ + "endpoint_config_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", + "\n", + "create_endpoint_config_response = sm_client.create_endpoint_config(\n", + " EndpointConfigName=endpoint_config_name,\n", + " ProductionVariants=[\n", + " {\n", + " \"InstanceType\": \"ml.g4dn.4xlarge\",\n", + " \"InitialVariantWeight\": 1,\n", + " \"InitialInstanceCount\": 1,\n", + " \"ModelName\": sm_model_name,\n", + " \"VariantName\": \"AllTraffic\",\n", + " }\n", + " ],\n", + ")\n", + "\n", + "print(\"Endpoint Config Arn: \" + create_endpoint_config_response[\"EndpointConfigArn\"])" + ] + }, + { + "cell_type": "markdown", + "id": "efdb416e", + "metadata": {}, + "source": [ + "Using the above endpoint configuration we create a new sagemaker endpoint and wait for the deployment to finish. The status will change to **InService** once the deployment is successful." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "cb69a730", + "metadata": {}, + "outputs": [], + "source": [ + "endpoint_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", + "\n", + "create_endpoint_response = sm_client.create_endpoint(\n", + " EndpointName=endpoint_name, EndpointConfigName=endpoint_config_name\n", + ")\n", + "\n", + "print(\"Endpoint Arn: \" + create_endpoint_response[\"EndpointArn\"])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0a0e6b84", + "metadata": {}, + "outputs": [], + "source": [ + "resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", + "status = resp[\"EndpointStatus\"]\n", + "print(\"Status: \" + status)\n", + "\n", + "while status == \"Creating\":\n", + " time.sleep(60)\n", + " resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", + " status = resp[\"EndpointStatus\"]\n", + " print(\"Status: \" + status)\n", + "\n", + "print(\"Arn: \" + resp[\"EndpointArn\"])\n", + "print(\"Status: \" + status)" + ] + }, + { + "cell_type": "markdown", + "id": "265105de", + "metadata": {}, + "source": [ + "### PyTorch: Run inference\n", + "\n", + "Once we have the endpoint running we can use the [sample image](./shiba_inu_dog.jpg) provided to do an inference using json as the payload format. For inference request format, Triton uses the KFServing community standard [inference protocols](https://github.com/triton-inference-server/server/blob/main/docs/protocol/README.md)." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c2d2fc77", + "metadata": {}, + "outputs": [], + "source": [ + "payload = {\n", + " \"inputs\": [\n", + " {\n", + " \"name\": \"INPUT__0\",\n", + " \"shape\": [1, 3, 224, 224],\n", + " \"datatype\": \"FP32\",\n", + " \"data\": get_sample_image(),\n", + " }\n", + " ]\n", + "}\n", + "\n", + "response = runtime_sm_client.invoke_endpoint(\n", + " EndpointName=endpoint_name, ContentType=\"application/octet-stream\", Body=json.dumps(payload)\n", + ")\n", + "\n", + "print(json.loads(response[\"Body\"].read().decode(\"utf8\")))" + ] + }, + { + "cell_type": "markdown", + "id": "ba898882", + "metadata": {}, + "source": [ + "We can also use binary+json as the payload format to get better performance for the inference call. The specification of this format is provided [here](https://github.com/triton-inference-server/server/blob/main/docs/protocol/extension_binary_data.md).\n", + "\n", + "**Note:** With the `binary+json` format, we have to specify the length of the request metadata in the header to allow Triton to correctly parse the binary payload. This is done using a custom Content-Type header `application/vnd.sagemaker-triton.binary+json;json-header-size={}`.\n", + "\n", + "Please not, this is different from using `Inference-Header-Content-Length` header on a stand-alone Triton server since custom headers are not allowed in SageMaker." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b98f4405", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "request_body, header_length = get_sample_image_binary_pt()\n", + "\n", + "response = runtime_sm_client.invoke_endpoint(\n", + " EndpointName=endpoint_name,\n", + " ContentType=\"application/vnd.sagemaker-triton.binary+json;json-header-size={}\".format(\n", + " header_length\n", + " ),\n", + " Body=request_body,\n", + ")\n", + "\n", + "# Parse json header size length from the response\n", + "header_length_prefix = \"application/vnd.sagemaker-triton.binary+json;json-header-size=\"\n", + "header_length_str = response[\"ContentType\"][len(header_length_prefix) :]\n", + "\n", + "# Read response body\n", + "result = httpclient.InferenceServerClient.parse_response_body(\n", + " response[\"Body\"].read(), header_length=int(header_length_str)\n", + ")\n", + "output0_data = result.as_numpy(\"OUTPUT__0\")\n", + "print(output0_data)" + ] + }, + { + "cell_type": "markdown", + "id": "56ac1b18", + "metadata": {}, + "source": [ + "### PyTorch: Terminate endpoint and clean up artifacts" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5788ef37", + "metadata": {}, + "outputs": [], + "source": [ + "sm_client.delete_model(ModelName=sm_model_name)\n", + "sm_client.delete_endpoint_config(EndpointConfigName=endpoint_config_name)\n", + "sm_client.delete_endpoint(EndpointName=endpoint_name)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "conda_python3", + "language": "python", + "name": "conda_python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} From 60b3eee6c2997fdaf291eabe9bd44224af711de1 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:23:45 -0700 Subject: [PATCH 15/32] Create test.txt --- .../resnet_pytorch_python-backend/workspace/test.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/test.txt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/test.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/test.txt new file mode 100644 index 0000000000..8b13789179 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/test.txt @@ -0,0 +1 @@ + From 3b2834fb19a6a647fc4e9223aadc8f3cc7685c0c Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:24:16 -0700 Subject: [PATCH 16/32] Create text.txt --- .../resnet_pytorch_python-backend/triton-serve-pt/text.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/text.txt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/text.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/text.txt new file mode 100644 index 0000000000..8b13789179 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/text.txt @@ -0,0 +1 @@ + From a86ef976524036fab592fd12d0599d51e70de080 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:25:04 -0700 Subject: [PATCH 17/32] Add files via upload --- .../workspace/conversion.txt | 14016 ++++++++++++++++ .../workspace/generate_models.sh | 4 + 2 files changed, 14020 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/conversion.txt create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/generate_models.sh diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/conversion.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/conversion.txt new file mode 100644 index 0000000000..8bd35674b7 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/conversion.txt @@ -0,0 +1,14016 @@ +&&&& RUNNING TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose +[02/27/2023-23:05:48] [I] === Model Options === +[02/27/2023-23:05:48] [I] Format: ONNX +[02/27/2023-23:05:48] [I] Model: model.onnx +[02/27/2023-23:05:48] [I] Output: +[02/27/2023-23:05:48] [I] === Build Options === +[02/27/2023-23:05:48] [I] Max batch: explicit +[02/27/2023-23:05:48] [I] Workspace: 16 MiB +[02/27/2023-23:05:48] [I] minTiming: 1 +[02/27/2023-23:05:48] [I] avgTiming: 8 +[02/27/2023-23:05:48] [I] Precision: FP32+FP16 +[02/27/2023-23:05:48] [I] Calibration: +[02/27/2023-23:05:48] [I] Refit: Disabled +[02/27/2023-23:05:48] [I] Sparsity: Disabled +[02/27/2023-23:05:48] [I] Safe mode: Disabled +[02/27/2023-23:05:48] [I] Restricted mode: Disabled +[02/27/2023-23:05:48] [I] Save engine: model.plan +[02/27/2023-23:05:48] [I] Load engine: +[02/27/2023-23:05:48] [I] NVTX verbosity: 0 +[02/27/2023-23:05:48] [I] Tactic sources: Using default tactic sources +[02/27/2023-23:05:48] [I] timingCacheMode: local +[02/27/2023-23:05:48] [I] timingCacheFile: +[02/27/2023-23:05:48] [I] Input(s)s format: fp32:CHW +[02/27/2023-23:05:48] [I] Output(s)s format: fp32:CHW +[02/27/2023-23:05:48] [I] Input build shape: input=1x3x224x224+128x3x224x224+128x3x224x224 +[02/27/2023-23:05:48] [I] Input calibration shapes: model +[02/27/2023-23:05:48] [I] === System Options === +[02/27/2023-23:05:48] [I] Device: 0 +[02/27/2023-23:05:48] [I] DLACore: +[02/27/2023-23:05:48] [I] Plugins: +[02/27/2023-23:05:48] [I] === Inference Options === +[02/27/2023-23:05:48] [I] Batch: Explicit +[02/27/2023-23:05:48] [I] Input inference shape: input=128x3x224x224 +[02/27/2023-23:05:48] [I] Iterations: 10 +[02/27/2023-23:05:48] [I] Duration: 3s (+ 200ms warm up) +[02/27/2023-23:05:48] [I] Sleep time: 0ms +[02/27/2023-23:05:48] [I] Streams: 1 +[02/27/2023-23:05:48] [I] ExposeDMA: Disabled +[02/27/2023-23:05:48] [I] Data transfers: Enabled +[02/27/2023-23:05:48] [I] Spin-wait: Disabled +[02/27/2023-23:05:48] [I] Multithreading: Disabled +[02/27/2023-23:05:48] [I] CUDA Graph: Disabled +[02/27/2023-23:05:48] [I] Separate profiling: Disabled +[02/27/2023-23:05:48] [I] Time Deserialize: Disabled +[02/27/2023-23:05:48] [I] Time Refit: Disabled +[02/27/2023-23:05:48] [I] Skip inference: Disabled +[02/27/2023-23:05:48] [I] Inputs: +[02/27/2023-23:05:48] [I] === Reporting Options === +[02/27/2023-23:05:48] [I] Verbose: Enabled +[02/27/2023-23:05:48] [I] Averages: 10 inferences +[02/27/2023-23:05:48] [I] Percentile: 99 +[02/27/2023-23:05:48] [I] Dump refittable layers:Disabled +[02/27/2023-23:05:48] [I] Dump output: Disabled +[02/27/2023-23:05:48] [I] Profile: Disabled +[02/27/2023-23:05:48] [I] Export timing to JSON file: +[02/27/2023-23:05:48] [I] Export output to JSON file: +[02/27/2023-23:05:48] [I] Export profile to JSON file: +[02/27/2023-23:05:48] [I] +[02/27/2023-23:05:48] [I] === Device Information === +[02/27/2023-23:05:48] [I] Selected Device: Tesla T4 +[02/27/2023-23:05:48] [I] Compute Capability: 7.5 +[02/27/2023-23:05:48] [I] SMs: 40 +[02/27/2023-23:05:48] [I] Compute Clock Rate: 1.59 GHz +[02/27/2023-23:05:48] [I] Device Global Memory: 14910 MiB +[02/27/2023-23:05:48] [I] Shared Memory per SM: 64 KiB +[02/27/2023-23:05:48] [I] Memory Bus Width: 256 bits (ECC enabled) +[02/27/2023-23:05:48] [I] Memory Clock Rate: 5.001 GHz +[02/27/2023-23:05:48] [I] +[02/27/2023-23:05:48] [I] TensorRT version: 8001 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::Region_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::Clip_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::ScatterND version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::CropAndResize version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::EfficientNMS_ONNX_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::EfficientNMS_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::Proposal version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::Split version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1 +[02/27/2023-23:05:48] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1 +[02/27/2023-23:05:49] [I] [TRT] [MemUsageChange] Init CUDA: CPU +328, GPU +0, now: CPU 335, GPU 251 (MiB) +[02/27/2023-23:05:49] [I] Start parsing network model +[02/27/2023-23:05:49] [I] [TRT] ---------------------------------------------------------------- +[02/27/2023-23:05:49] [I] [TRT] Input filename: model.onnx +[02/27/2023-23:05:49] [I] [TRT] ONNX IR version: 0.0.6 +[02/27/2023-23:05:49] [I] [TRT] Opset version: 11 +[02/27/2023-23:05:49] [I] [TRT] Producer name: pytorch +[02/27/2023-23:05:49] [I] [TRT] Producer version: 1.10 +[02/27/2023-23:05:49] [I] [TRT] Domain: +[02/27/2023-23:05:49] [I] [TRT] Model version: 0 +[02/27/2023-23:05:49] [I] [TRT] Doc string: +[02/27/2023-23:05:49] [I] [TRT] ---------------------------------------------------------------- +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::GridAnchor_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::GridAnchorRect_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::NMS_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::Reorg_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::Region_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::Clip_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::LReLU_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::PriorBox_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::Normalize_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::ScatterND version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::RPROI_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::BatchedNMS_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::FlattenConcat_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::CropAndResize version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::DetectionLayer_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::EfficientNMS_ONNX_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::EfficientNMS_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::Proposal version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::ProposalLayer_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::PyramidROIAlign_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::ResizeNearest_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::Split version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::SpecialSlice_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Plugin creator already registered - ::InstanceNormalization_TRT version 1 +[02/27/2023-23:05:49] [V] [TRT] Adding network input: input with dtype: float32, dimensions: (-1, 3, 224, 224) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: input for ONNX tensor: input +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: fc.weight +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: fc.bias +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 497 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 498 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 500 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 501 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 503 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 504 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 506 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 507 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 509 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 510 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 512 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 513 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 515 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 516 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 518 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 519 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 521 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 522 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 524 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 525 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 527 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 528 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 530 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 531 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 533 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 534 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 536 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 537 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 539 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 540 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 542 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 543 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 545 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 546 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 548 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 549 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 551 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 552 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 554 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 555 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 557 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 558 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 560 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 561 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 563 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 564 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 566 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 567 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 569 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 570 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 572 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 573 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 575 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 576 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 578 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 579 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 581 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 582 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 584 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 585 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 587 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 588 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 590 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 591 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 593 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 594 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 596 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 597 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 599 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 600 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 602 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 603 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 605 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 606 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 608 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 609 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 611 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 612 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 614 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 615 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 617 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 618 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 620 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 621 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 623 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 624 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 626 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 627 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 629 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 630 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 632 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 633 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 635 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 636 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 638 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 639 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 641 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 642 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 644 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 645 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 647 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 648 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 650 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 651 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 653 +[02/27/2023-23:05:49] [V] [TRT] Importing initializer: 654 +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_0 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: input +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 497 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 498 +[02/27/2023-23:05:49] [V] [TRT] Conv_0 [Conv] inputs: [input -> (-1, 3, 224, 224)[FLOAT]], [497 -> (64, 3, 7, 7)[FLOAT]], [498 -> (64)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 3, 224, 224) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_0 for ONNX node: Conv_0 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (7, 7), strides: (2, 2), prepadding: (3, 3), postpadding: (3, 3), dilations: (1, 1), numOutputs: 64 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 64, 112, 112) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 496 for ONNX tensor: 496 +[02/27/2023-23:05:49] [V] [TRT] Conv_0 [Conv] outputs: [496 -> (-1, 64, 112, 112)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_1 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 496 +[02/27/2023-23:05:49] [V] [TRT] Relu_1 [Relu] inputs: [496 -> (-1, 64, 112, 112)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_1 for ONNX node: Relu_1 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 323 for ONNX tensor: 323 +[02/27/2023-23:05:49] [V] [TRT] Relu_1 [Relu] outputs: [323 -> (-1, 64, 112, 112)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: MaxPool_2 [MaxPool] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 323 +[02/27/2023-23:05:49] [V] [TRT] MaxPool_2 [MaxPool] inputs: [323 -> (-1, 64, 112, 112)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: MaxPool_2 for ONNX node: MaxPool_2 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 324 for ONNX tensor: 324 +[02/27/2023-23:05:49] [V] [TRT] MaxPool_2 [MaxPool] outputs: [324 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_3 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 324 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 500 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 501 +[02/27/2023-23:05:49] [V] [TRT] Conv_3 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [500 -> (64, 64, 1, 1)[FLOAT]], [501 -> (64)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_3 for ONNX node: Conv_3 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 499 for ONNX tensor: 499 +[02/27/2023-23:05:49] [V] [TRT] Conv_3 [Conv] outputs: [499 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_4 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 499 +[02/27/2023-23:05:49] [V] [TRT] Relu_4 [Relu] inputs: [499 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_4 for ONNX node: Relu_4 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 327 for ONNX tensor: 327 +[02/27/2023-23:05:49] [V] [TRT] Relu_4 [Relu] outputs: [327 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_5 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 327 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 503 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 504 +[02/27/2023-23:05:49] [V] [TRT] Conv_5 [Conv] inputs: [327 -> (-1, 64, 56, 56)[FLOAT]], [503 -> (64, 64, 3, 3)[FLOAT]], [504 -> (64)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_5 for ONNX node: Conv_5 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 502 for ONNX tensor: 502 +[02/27/2023-23:05:49] [V] [TRT] Conv_5 [Conv] outputs: [502 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_6 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 502 +[02/27/2023-23:05:49] [V] [TRT] Relu_6 [Relu] inputs: [502 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_6 for ONNX node: Relu_6 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 330 for ONNX tensor: 330 +[02/27/2023-23:05:49] [V] [TRT] Relu_6 [Relu] outputs: [330 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_7 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 330 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 506 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 507 +[02/27/2023-23:05:49] [V] [TRT] Conv_7 [Conv] inputs: [330 -> (-1, 64, 56, 56)[FLOAT]], [506 -> (256, 64, 1, 1)[FLOAT]], [507 -> (256)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_7 for ONNX node: Conv_7 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 505 for ONNX tensor: 505 +[02/27/2023-23:05:49] [V] [TRT] Conv_7 [Conv] outputs: [505 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_8 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 324 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 509 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 510 +[02/27/2023-23:05:49] [V] [TRT] Conv_8 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [509 -> (256, 64, 1, 1)[FLOAT]], [510 -> (256)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_8 for ONNX node: Conv_8 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 508 for ONNX tensor: 508 +[02/27/2023-23:05:49] [V] [TRT] Conv_8 [Conv] outputs: [508 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Add_9 [Add] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 505 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 508 +[02/27/2023-23:05:49] [V] [TRT] Add_9 [Add] inputs: [505 -> (-1, 256, 56, 56)[FLOAT]], [508 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Add_9 for ONNX node: Add_9 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 335 for ONNX tensor: 335 +[02/27/2023-23:05:49] [V] [TRT] Add_9 [Add] outputs: [335 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_10 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 335 +[02/27/2023-23:05:49] [V] [TRT] Relu_10 [Relu] inputs: [335 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_10 for ONNX node: Relu_10 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 336 for ONNX tensor: 336 +[02/27/2023-23:05:49] [V] [TRT] Relu_10 [Relu] outputs: [336 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_11 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 336 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 512 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 513 +[02/27/2023-23:05:49] [V] [TRT] Conv_11 [Conv] inputs: [336 -> (-1, 256, 56, 56)[FLOAT]], [512 -> (64, 256, 1, 1)[FLOAT]], [513 -> (64)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_11 for ONNX node: Conv_11 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 511 for ONNX tensor: 511 +[02/27/2023-23:05:49] [V] [TRT] Conv_11 [Conv] outputs: [511 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_12 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 511 +[02/27/2023-23:05:49] [V] [TRT] Relu_12 [Relu] inputs: [511 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_12 for ONNX node: Relu_12 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 339 for ONNX tensor: 339 +[02/27/2023-23:05:49] [V] [TRT] Relu_12 [Relu] outputs: [339 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_13 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 339 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 515 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 516 +[02/27/2023-23:05:49] [V] [TRT] Conv_13 [Conv] inputs: [339 -> (-1, 64, 56, 56)[FLOAT]], [515 -> (64, 64, 3, 3)[FLOAT]], [516 -> (64)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_13 for ONNX node: Conv_13 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 514 for ONNX tensor: 514 +[02/27/2023-23:05:49] [V] [TRT] Conv_13 [Conv] outputs: [514 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_14 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 514 +[02/27/2023-23:05:49] [V] [TRT] Relu_14 [Relu] inputs: [514 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_14 for ONNX node: Relu_14 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 342 for ONNX tensor: 342 +[02/27/2023-23:05:49] [V] [TRT] Relu_14 [Relu] outputs: [342 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_15 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 342 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 518 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 519 +[02/27/2023-23:05:49] [V] [TRT] Conv_15 [Conv] inputs: [342 -> (-1, 64, 56, 56)[FLOAT]], [518 -> (256, 64, 1, 1)[FLOAT]], [519 -> (256)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_15 for ONNX node: Conv_15 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 517 for ONNX tensor: 517 +[02/27/2023-23:05:49] [V] [TRT] Conv_15 [Conv] outputs: [517 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Add_16 [Add] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 517 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 336 +[02/27/2023-23:05:49] [V] [TRT] Add_16 [Add] inputs: [517 -> (-1, 256, 56, 56)[FLOAT]], [336 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Add_16 for ONNX node: Add_16 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 345 for ONNX tensor: 345 +[02/27/2023-23:05:49] [V] [TRT] Add_16 [Add] outputs: [345 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_17 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 345 +[02/27/2023-23:05:49] [V] [TRT] Relu_17 [Relu] inputs: [345 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_17 for ONNX node: Relu_17 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 346 for ONNX tensor: 346 +[02/27/2023-23:05:49] [V] [TRT] Relu_17 [Relu] outputs: [346 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_18 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 346 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 521 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 522 +[02/27/2023-23:05:49] [V] [TRT] Conv_18 [Conv] inputs: [346 -> (-1, 256, 56, 56)[FLOAT]], [521 -> (64, 256, 1, 1)[FLOAT]], [522 -> (64)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_18 for ONNX node: Conv_18 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 520 for ONNX tensor: 520 +[02/27/2023-23:05:49] [V] [TRT] Conv_18 [Conv] outputs: [520 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_19 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 520 +[02/27/2023-23:05:49] [V] [TRT] Relu_19 [Relu] inputs: [520 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_19 for ONNX node: Relu_19 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 349 for ONNX tensor: 349 +[02/27/2023-23:05:49] [V] [TRT] Relu_19 [Relu] outputs: [349 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_20 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 349 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 524 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 525 +[02/27/2023-23:05:49] [V] [TRT] Conv_20 [Conv] inputs: [349 -> (-1, 64, 56, 56)[FLOAT]], [524 -> (64, 64, 3, 3)[FLOAT]], [525 -> (64)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_20 for ONNX node: Conv_20 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 523 for ONNX tensor: 523 +[02/27/2023-23:05:49] [V] [TRT] Conv_20 [Conv] outputs: [523 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_21 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 523 +[02/27/2023-23:05:49] [V] [TRT] Relu_21 [Relu] inputs: [523 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_21 for ONNX node: Relu_21 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 352 for ONNX tensor: 352 +[02/27/2023-23:05:49] [V] [TRT] Relu_21 [Relu] outputs: [352 -> (-1, 64, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_22 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 352 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 527 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 528 +[02/27/2023-23:05:49] [V] [TRT] Conv_22 [Conv] inputs: [352 -> (-1, 64, 56, 56)[FLOAT]], [527 -> (256, 64, 1, 1)[FLOAT]], [528 -> (256)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_22 for ONNX node: Conv_22 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 526 for ONNX tensor: 526 +[02/27/2023-23:05:49] [V] [TRT] Conv_22 [Conv] outputs: [526 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Add_23 [Add] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 526 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 346 +[02/27/2023-23:05:49] [V] [TRT] Add_23 [Add] inputs: [526 -> (-1, 256, 56, 56)[FLOAT]], [346 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Add_23 for ONNX node: Add_23 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 355 for ONNX tensor: 355 +[02/27/2023-23:05:49] [V] [TRT] Add_23 [Add] outputs: [355 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_24 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 355 +[02/27/2023-23:05:49] [V] [TRT] Relu_24 [Relu] inputs: [355 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_24 for ONNX node: Relu_24 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 356 for ONNX tensor: 356 +[02/27/2023-23:05:49] [V] [TRT] Relu_24 [Relu] outputs: [356 -> (-1, 256, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_25 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 356 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 530 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 531 +[02/27/2023-23:05:49] [V] [TRT] Conv_25 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [530 -> (128, 256, 1, 1)[FLOAT]], [531 -> (128)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_25 for ONNX node: Conv_25 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 128, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 529 for ONNX tensor: 529 +[02/27/2023-23:05:49] [V] [TRT] Conv_25 [Conv] outputs: [529 -> (-1, 128, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_26 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 529 +[02/27/2023-23:05:49] [V] [TRT] Relu_26 [Relu] inputs: [529 -> (-1, 128, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_26 for ONNX node: Relu_26 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 359 for ONNX tensor: 359 +[02/27/2023-23:05:49] [V] [TRT] Relu_26 [Relu] outputs: [359 -> (-1, 128, 56, 56)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_27 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 359 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 533 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 534 +[02/27/2023-23:05:49] [V] [TRT] Conv_27 [Conv] inputs: [359 -> (-1, 128, 56, 56)[FLOAT]], [533 -> (128, 128, 3, 3)[FLOAT]], [534 -> (128)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 128, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_27 for ONNX node: Conv_27 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 532 for ONNX tensor: 532 +[02/27/2023-23:05:49] [V] [TRT] Conv_27 [Conv] outputs: [532 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_28 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 532 +[02/27/2023-23:05:49] [V] [TRT] Relu_28 [Relu] inputs: [532 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_28 for ONNX node: Relu_28 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 362 for ONNX tensor: 362 +[02/27/2023-23:05:49] [V] [TRT] Relu_28 [Relu] outputs: [362 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_29 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 362 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 536 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 537 +[02/27/2023-23:05:49] [V] [TRT] Conv_29 [Conv] inputs: [362 -> (-1, 128, 28, 28)[FLOAT]], [536 -> (512, 128, 1, 1)[FLOAT]], [537 -> (512)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_29 for ONNX node: Conv_29 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 535 for ONNX tensor: 535 +[02/27/2023-23:05:49] [V] [TRT] Conv_29 [Conv] outputs: [535 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_30 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 356 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 539 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 540 +[02/27/2023-23:05:49] [V] [TRT] Conv_30 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [539 -> (512, 256, 1, 1)[FLOAT]], [540 -> (512)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_30 for ONNX node: Conv_30 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 538 for ONNX tensor: 538 +[02/27/2023-23:05:49] [V] [TRT] Conv_30 [Conv] outputs: [538 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Add_31 [Add] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 535 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 538 +[02/27/2023-23:05:49] [V] [TRT] Add_31 [Add] inputs: [535 -> (-1, 512, 28, 28)[FLOAT]], [538 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Add_31 for ONNX node: Add_31 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 367 for ONNX tensor: 367 +[02/27/2023-23:05:49] [V] [TRT] Add_31 [Add] outputs: [367 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_32 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 367 +[02/27/2023-23:05:49] [V] [TRT] Relu_32 [Relu] inputs: [367 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_32 for ONNX node: Relu_32 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 368 for ONNX tensor: 368 +[02/27/2023-23:05:49] [V] [TRT] Relu_32 [Relu] outputs: [368 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_33 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 368 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 542 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 543 +[02/27/2023-23:05:49] [V] [TRT] Conv_33 [Conv] inputs: [368 -> (-1, 512, 28, 28)[FLOAT]], [542 -> (128, 512, 1, 1)[FLOAT]], [543 -> (128)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_33 for ONNX node: Conv_33 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 541 for ONNX tensor: 541 +[02/27/2023-23:05:49] [V] [TRT] Conv_33 [Conv] outputs: [541 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_34 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 541 +[02/27/2023-23:05:49] [V] [TRT] Relu_34 [Relu] inputs: [541 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_34 for ONNX node: Relu_34 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 371 for ONNX tensor: 371 +[02/27/2023-23:05:49] [V] [TRT] Relu_34 [Relu] outputs: [371 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_35 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 371 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 545 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 546 +[02/27/2023-23:05:49] [V] [TRT] Conv_35 [Conv] inputs: [371 -> (-1, 128, 28, 28)[FLOAT]], [545 -> (128, 128, 3, 3)[FLOAT]], [546 -> (128)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_35 for ONNX node: Conv_35 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 544 for ONNX tensor: 544 +[02/27/2023-23:05:49] [V] [TRT] Conv_35 [Conv] outputs: [544 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_36 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 544 +[02/27/2023-23:05:49] [V] [TRT] Relu_36 [Relu] inputs: [544 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_36 for ONNX node: Relu_36 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 374 for ONNX tensor: 374 +[02/27/2023-23:05:49] [V] [TRT] Relu_36 [Relu] outputs: [374 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_37 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 374 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 548 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 549 +[02/27/2023-23:05:49] [V] [TRT] Conv_37 [Conv] inputs: [374 -> (-1, 128, 28, 28)[FLOAT]], [548 -> (512, 128, 1, 1)[FLOAT]], [549 -> (512)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_37 for ONNX node: Conv_37 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 547 for ONNX tensor: 547 +[02/27/2023-23:05:49] [V] [TRT] Conv_37 [Conv] outputs: [547 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Add_38 [Add] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 547 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 368 +[02/27/2023-23:05:49] [V] [TRT] Add_38 [Add] inputs: [547 -> (-1, 512, 28, 28)[FLOAT]], [368 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Add_38 for ONNX node: Add_38 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 377 for ONNX tensor: 377 +[02/27/2023-23:05:49] [V] [TRT] Add_38 [Add] outputs: [377 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_39 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 377 +[02/27/2023-23:05:49] [V] [TRT] Relu_39 [Relu] inputs: [377 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_39 for ONNX node: Relu_39 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 378 for ONNX tensor: 378 +[02/27/2023-23:05:49] [V] [TRT] Relu_39 [Relu] outputs: [378 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_40 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 378 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 551 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 552 +[02/27/2023-23:05:49] [V] [TRT] Conv_40 [Conv] inputs: [378 -> (-1, 512, 28, 28)[FLOAT]], [551 -> (128, 512, 1, 1)[FLOAT]], [552 -> (128)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_40 for ONNX node: Conv_40 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 550 for ONNX tensor: 550 +[02/27/2023-23:05:49] [V] [TRT] Conv_40 [Conv] outputs: [550 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_41 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 550 +[02/27/2023-23:05:49] [V] [TRT] Relu_41 [Relu] inputs: [550 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_41 for ONNX node: Relu_41 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 381 for ONNX tensor: 381 +[02/27/2023-23:05:49] [V] [TRT] Relu_41 [Relu] outputs: [381 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_42 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 381 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 554 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 555 +[02/27/2023-23:05:49] [V] [TRT] Conv_42 [Conv] inputs: [381 -> (-1, 128, 28, 28)[FLOAT]], [554 -> (128, 128, 3, 3)[FLOAT]], [555 -> (128)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_42 for ONNX node: Conv_42 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 553 for ONNX tensor: 553 +[02/27/2023-23:05:49] [V] [TRT] Conv_42 [Conv] outputs: [553 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_43 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 553 +[02/27/2023-23:05:49] [V] [TRT] Relu_43 [Relu] inputs: [553 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_43 for ONNX node: Relu_43 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 384 for ONNX tensor: 384 +[02/27/2023-23:05:49] [V] [TRT] Relu_43 [Relu] outputs: [384 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_44 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 384 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 557 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 558 +[02/27/2023-23:05:49] [V] [TRT] Conv_44 [Conv] inputs: [384 -> (-1, 128, 28, 28)[FLOAT]], [557 -> (512, 128, 1, 1)[FLOAT]], [558 -> (512)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_44 for ONNX node: Conv_44 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 556 for ONNX tensor: 556 +[02/27/2023-23:05:49] [V] [TRT] Conv_44 [Conv] outputs: [556 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Add_45 [Add] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 556 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 378 +[02/27/2023-23:05:49] [V] [TRT] Add_45 [Add] inputs: [556 -> (-1, 512, 28, 28)[FLOAT]], [378 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Add_45 for ONNX node: Add_45 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 387 for ONNX tensor: 387 +[02/27/2023-23:05:49] [V] [TRT] Add_45 [Add] outputs: [387 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_46 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 387 +[02/27/2023-23:05:49] [V] [TRT] Relu_46 [Relu] inputs: [387 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_46 for ONNX node: Relu_46 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 388 for ONNX tensor: 388 +[02/27/2023-23:05:49] [V] [TRT] Relu_46 [Relu] outputs: [388 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_47 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 388 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 560 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 561 +[02/27/2023-23:05:49] [V] [TRT] Conv_47 [Conv] inputs: [388 -> (-1, 512, 28, 28)[FLOAT]], [560 -> (128, 512, 1, 1)[FLOAT]], [561 -> (128)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_47 for ONNX node: Conv_47 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 559 for ONNX tensor: 559 +[02/27/2023-23:05:49] [V] [TRT] Conv_47 [Conv] outputs: [559 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_48 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 559 +[02/27/2023-23:05:49] [V] [TRT] Relu_48 [Relu] inputs: [559 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_48 for ONNX node: Relu_48 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 391 for ONNX tensor: 391 +[02/27/2023-23:05:49] [V] [TRT] Relu_48 [Relu] outputs: [391 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_49 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 391 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 563 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 564 +[02/27/2023-23:05:49] [V] [TRT] Conv_49 [Conv] inputs: [391 -> (-1, 128, 28, 28)[FLOAT]], [563 -> (128, 128, 3, 3)[FLOAT]], [564 -> (128)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_49 for ONNX node: Conv_49 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 562 for ONNX tensor: 562 +[02/27/2023-23:05:49] [V] [TRT] Conv_49 [Conv] outputs: [562 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_50 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 562 +[02/27/2023-23:05:49] [V] [TRT] Relu_50 [Relu] inputs: [562 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_50 for ONNX node: Relu_50 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 394 for ONNX tensor: 394 +[02/27/2023-23:05:49] [V] [TRT] Relu_50 [Relu] outputs: [394 -> (-1, 128, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_51 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 394 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 566 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 567 +[02/27/2023-23:05:49] [V] [TRT] Conv_51 [Conv] inputs: [394 -> (-1, 128, 28, 28)[FLOAT]], [566 -> (512, 128, 1, 1)[FLOAT]], [567 -> (512)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_51 for ONNX node: Conv_51 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 565 for ONNX tensor: 565 +[02/27/2023-23:05:49] [V] [TRT] Conv_51 [Conv] outputs: [565 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Add_52 [Add] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 565 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 388 +[02/27/2023-23:05:49] [V] [TRT] Add_52 [Add] inputs: [565 -> (-1, 512, 28, 28)[FLOAT]], [388 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Add_52 for ONNX node: Add_52 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 397 for ONNX tensor: 397 +[02/27/2023-23:05:49] [V] [TRT] Add_52 [Add] outputs: [397 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_53 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 397 +[02/27/2023-23:05:49] [V] [TRT] Relu_53 [Relu] inputs: [397 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_53 for ONNX node: Relu_53 +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 398 for ONNX tensor: 398 +[02/27/2023-23:05:49] [V] [TRT] Relu_53 [Relu] outputs: [398 -> (-1, 512, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Conv_54 [Conv] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 398 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 569 +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 570 +[02/27/2023-23:05:49] [V] [TRT] Conv_54 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [569 -> (256, 512, 1, 1)[FLOAT]], [570 -> (256)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Conv_54 for ONNX node: Conv_54 +[02/27/2023-23:05:49] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:49] [V] [TRT] Convolution output dimensions: (-1, 256, 28, 28) +[02/27/2023-23:05:49] [V] [TRT] Registering tensor: 568 for ONNX tensor: 568 +[02/27/2023-23:05:49] [V] [TRT] Conv_54 [Conv] outputs: [568 -> (-1, 256, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Parsing node: Relu_55 [Relu] +[02/27/2023-23:05:49] [V] [TRT] Searching for input: 568 +[02/27/2023-23:05:49] [V] [TRT] Relu_55 [Relu] inputs: [568 -> (-1, 256, 28, 28)[FLOAT]], +[02/27/2023-23:05:49] [V] [TRT] Registering layer: Relu_55 for ONNX node: Relu_55 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 401 for ONNX tensor: 401 +[02/27/2023-23:05:50] [V] [TRT] Relu_55 [Relu] outputs: [401 -> (-1, 256, 28, 28)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_56 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 401 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 572 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 573 +[02/27/2023-23:05:50] [V] [TRT] Conv_56 [Conv] inputs: [401 -> (-1, 256, 28, 28)[FLOAT]], [572 -> (256, 256, 3, 3)[FLOAT]], [573 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 28, 28) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_56 for ONNX node: Conv_56 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 571 for ONNX tensor: 571 +[02/27/2023-23:05:50] [V] [TRT] Conv_56 [Conv] outputs: [571 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_57 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 571 +[02/27/2023-23:05:50] [V] [TRT] Relu_57 [Relu] inputs: [571 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_57 for ONNX node: Relu_57 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 404 for ONNX tensor: 404 +[02/27/2023-23:05:50] [V] [TRT] Relu_57 [Relu] outputs: [404 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_58 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 404 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 575 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 576 +[02/27/2023-23:05:50] [V] [TRT] Conv_58 [Conv] inputs: [404 -> (-1, 256, 14, 14)[FLOAT]], [575 -> (1024, 256, 1, 1)[FLOAT]], [576 -> (1024)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_58 for ONNX node: Conv_58 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 574 for ONNX tensor: 574 +[02/27/2023-23:05:50] [V] [TRT] Conv_58 [Conv] outputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_59 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 398 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 578 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 579 +[02/27/2023-23:05:50] [V] [TRT] Conv_59 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [578 -> (1024, 512, 1, 1)[FLOAT]], [579 -> (1024)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_59 for ONNX node: Conv_59 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 577 for ONNX tensor: 577 +[02/27/2023-23:05:50] [V] [TRT] Conv_59 [Conv] outputs: [577 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_60 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 574 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 577 +[02/27/2023-23:05:50] [V] [TRT] Add_60 [Add] inputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], [577 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_60 for ONNX node: Add_60 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 409 for ONNX tensor: 409 +[02/27/2023-23:05:50] [V] [TRT] Add_60 [Add] outputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_61 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 409 +[02/27/2023-23:05:50] [V] [TRT] Relu_61 [Relu] inputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_61 for ONNX node: Relu_61 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 410 for ONNX tensor: 410 +[02/27/2023-23:05:50] [V] [TRT] Relu_61 [Relu] outputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_62 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 410 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 581 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 582 +[02/27/2023-23:05:50] [V] [TRT] Conv_62 [Conv] inputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], [581 -> (256, 1024, 1, 1)[FLOAT]], [582 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_62 for ONNX node: Conv_62 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 580 for ONNX tensor: 580 +[02/27/2023-23:05:50] [V] [TRT] Conv_62 [Conv] outputs: [580 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_63 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 580 +[02/27/2023-23:05:50] [V] [TRT] Relu_63 [Relu] inputs: [580 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_63 for ONNX node: Relu_63 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 413 for ONNX tensor: 413 +[02/27/2023-23:05:50] [V] [TRT] Relu_63 [Relu] outputs: [413 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_64 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 413 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 584 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 585 +[02/27/2023-23:05:50] [V] [TRT] Conv_64 [Conv] inputs: [413 -> (-1, 256, 14, 14)[FLOAT]], [584 -> (256, 256, 3, 3)[FLOAT]], [585 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_64 for ONNX node: Conv_64 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 583 for ONNX tensor: 583 +[02/27/2023-23:05:50] [V] [TRT] Conv_64 [Conv] outputs: [583 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_65 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 583 +[02/27/2023-23:05:50] [V] [TRT] Relu_65 [Relu] inputs: [583 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_65 for ONNX node: Relu_65 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 416 for ONNX tensor: 416 +[02/27/2023-23:05:50] [V] [TRT] Relu_65 [Relu] outputs: [416 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_66 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 416 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 587 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 588 +[02/27/2023-23:05:50] [V] [TRT] Conv_66 [Conv] inputs: [416 -> (-1, 256, 14, 14)[FLOAT]], [587 -> (1024, 256, 1, 1)[FLOAT]], [588 -> (1024)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_66 for ONNX node: Conv_66 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 586 for ONNX tensor: 586 +[02/27/2023-23:05:50] [V] [TRT] Conv_66 [Conv] outputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_67 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 586 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 410 +[02/27/2023-23:05:50] [V] [TRT] Add_67 [Add] inputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], [410 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_67 for ONNX node: Add_67 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 419 for ONNX tensor: 419 +[02/27/2023-23:05:50] [V] [TRT] Add_67 [Add] outputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_68 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 419 +[02/27/2023-23:05:50] [V] [TRT] Relu_68 [Relu] inputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_68 for ONNX node: Relu_68 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 420 for ONNX tensor: 420 +[02/27/2023-23:05:50] [V] [TRT] Relu_68 [Relu] outputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_69 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 420 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 590 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 591 +[02/27/2023-23:05:50] [V] [TRT] Conv_69 [Conv] inputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], [590 -> (256, 1024, 1, 1)[FLOAT]], [591 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_69 for ONNX node: Conv_69 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 589 for ONNX tensor: 589 +[02/27/2023-23:05:50] [V] [TRT] Conv_69 [Conv] outputs: [589 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_70 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 589 +[02/27/2023-23:05:50] [V] [TRT] Relu_70 [Relu] inputs: [589 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_70 for ONNX node: Relu_70 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 423 for ONNX tensor: 423 +[02/27/2023-23:05:50] [V] [TRT] Relu_70 [Relu] outputs: [423 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_71 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 423 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 593 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 594 +[02/27/2023-23:05:50] [V] [TRT] Conv_71 [Conv] inputs: [423 -> (-1, 256, 14, 14)[FLOAT]], [593 -> (256, 256, 3, 3)[FLOAT]], [594 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_71 for ONNX node: Conv_71 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 592 for ONNX tensor: 592 +[02/27/2023-23:05:50] [V] [TRT] Conv_71 [Conv] outputs: [592 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_72 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 592 +[02/27/2023-23:05:50] [V] [TRT] Relu_72 [Relu] inputs: [592 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_72 for ONNX node: Relu_72 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 426 for ONNX tensor: 426 +[02/27/2023-23:05:50] [V] [TRT] Relu_72 [Relu] outputs: [426 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_73 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 426 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 596 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 597 +[02/27/2023-23:05:50] [V] [TRT] Conv_73 [Conv] inputs: [426 -> (-1, 256, 14, 14)[FLOAT]], [596 -> (1024, 256, 1, 1)[FLOAT]], [597 -> (1024)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_73 for ONNX node: Conv_73 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 595 for ONNX tensor: 595 +[02/27/2023-23:05:50] [V] [TRT] Conv_73 [Conv] outputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_74 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 595 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 420 +[02/27/2023-23:05:50] [V] [TRT] Add_74 [Add] inputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], [420 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_74 for ONNX node: Add_74 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 429 for ONNX tensor: 429 +[02/27/2023-23:05:50] [V] [TRT] Add_74 [Add] outputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_75 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 429 +[02/27/2023-23:05:50] [V] [TRT] Relu_75 [Relu] inputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_75 for ONNX node: Relu_75 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 430 for ONNX tensor: 430 +[02/27/2023-23:05:50] [V] [TRT] Relu_75 [Relu] outputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_76 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 430 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 599 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 600 +[02/27/2023-23:05:50] [V] [TRT] Conv_76 [Conv] inputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], [599 -> (256, 1024, 1, 1)[FLOAT]], [600 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_76 for ONNX node: Conv_76 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 598 for ONNX tensor: 598 +[02/27/2023-23:05:50] [V] [TRT] Conv_76 [Conv] outputs: [598 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_77 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 598 +[02/27/2023-23:05:50] [V] [TRT] Relu_77 [Relu] inputs: [598 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_77 for ONNX node: Relu_77 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 433 for ONNX tensor: 433 +[02/27/2023-23:05:50] [V] [TRT] Relu_77 [Relu] outputs: [433 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_78 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 433 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 602 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 603 +[02/27/2023-23:05:50] [V] [TRT] Conv_78 [Conv] inputs: [433 -> (-1, 256, 14, 14)[FLOAT]], [602 -> (256, 256, 3, 3)[FLOAT]], [603 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_78 for ONNX node: Conv_78 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 601 for ONNX tensor: 601 +[02/27/2023-23:05:50] [V] [TRT] Conv_78 [Conv] outputs: [601 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_79 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 601 +[02/27/2023-23:05:50] [V] [TRT] Relu_79 [Relu] inputs: [601 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_79 for ONNX node: Relu_79 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 436 for ONNX tensor: 436 +[02/27/2023-23:05:50] [V] [TRT] Relu_79 [Relu] outputs: [436 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_80 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 436 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 605 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 606 +[02/27/2023-23:05:50] [V] [TRT] Conv_80 [Conv] inputs: [436 -> (-1, 256, 14, 14)[FLOAT]], [605 -> (1024, 256, 1, 1)[FLOAT]], [606 -> (1024)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_80 for ONNX node: Conv_80 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 604 for ONNX tensor: 604 +[02/27/2023-23:05:50] [V] [TRT] Conv_80 [Conv] outputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_81 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 604 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 430 +[02/27/2023-23:05:50] [V] [TRT] Add_81 [Add] inputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], [430 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_81 for ONNX node: Add_81 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 439 for ONNX tensor: 439 +[02/27/2023-23:05:50] [V] [TRT] Add_81 [Add] outputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_82 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 439 +[02/27/2023-23:05:50] [V] [TRT] Relu_82 [Relu] inputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_82 for ONNX node: Relu_82 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 440 for ONNX tensor: 440 +[02/27/2023-23:05:50] [V] [TRT] Relu_82 [Relu] outputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_83 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 440 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 608 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 609 +[02/27/2023-23:05:50] [V] [TRT] Conv_83 [Conv] inputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], [608 -> (256, 1024, 1, 1)[FLOAT]], [609 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_83 for ONNX node: Conv_83 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 607 for ONNX tensor: 607 +[02/27/2023-23:05:50] [V] [TRT] Conv_83 [Conv] outputs: [607 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_84 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 607 +[02/27/2023-23:05:50] [V] [TRT] Relu_84 [Relu] inputs: [607 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_84 for ONNX node: Relu_84 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 443 for ONNX tensor: 443 +[02/27/2023-23:05:50] [V] [TRT] Relu_84 [Relu] outputs: [443 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_85 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 443 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 611 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 612 +[02/27/2023-23:05:50] [V] [TRT] Conv_85 [Conv] inputs: [443 -> (-1, 256, 14, 14)[FLOAT]], [611 -> (256, 256, 3, 3)[FLOAT]], [612 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_85 for ONNX node: Conv_85 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 610 for ONNX tensor: 610 +[02/27/2023-23:05:50] [V] [TRT] Conv_85 [Conv] outputs: [610 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_86 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 610 +[02/27/2023-23:05:50] [V] [TRT] Relu_86 [Relu] inputs: [610 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_86 for ONNX node: Relu_86 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 446 for ONNX tensor: 446 +[02/27/2023-23:05:50] [V] [TRT] Relu_86 [Relu] outputs: [446 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_87 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 446 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 614 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 615 +[02/27/2023-23:05:50] [V] [TRT] Conv_87 [Conv] inputs: [446 -> (-1, 256, 14, 14)[FLOAT]], [614 -> (1024, 256, 1, 1)[FLOAT]], [615 -> (1024)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_87 for ONNX node: Conv_87 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 613 for ONNX tensor: 613 +[02/27/2023-23:05:50] [V] [TRT] Conv_87 [Conv] outputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_88 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 613 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 440 +[02/27/2023-23:05:50] [V] [TRT] Add_88 [Add] inputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], [440 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_88 for ONNX node: Add_88 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 449 for ONNX tensor: 449 +[02/27/2023-23:05:50] [V] [TRT] Add_88 [Add] outputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_89 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 449 +[02/27/2023-23:05:50] [V] [TRT] Relu_89 [Relu] inputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_89 for ONNX node: Relu_89 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 450 for ONNX tensor: 450 +[02/27/2023-23:05:50] [V] [TRT] Relu_89 [Relu] outputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_90 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 450 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 617 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 618 +[02/27/2023-23:05:50] [V] [TRT] Conv_90 [Conv] inputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], [617 -> (256, 1024, 1, 1)[FLOAT]], [618 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_90 for ONNX node: Conv_90 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 616 for ONNX tensor: 616 +[02/27/2023-23:05:50] [V] [TRT] Conv_90 [Conv] outputs: [616 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_91 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 616 +[02/27/2023-23:05:50] [V] [TRT] Relu_91 [Relu] inputs: [616 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_91 for ONNX node: Relu_91 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 453 for ONNX tensor: 453 +[02/27/2023-23:05:50] [V] [TRT] Relu_91 [Relu] outputs: [453 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_92 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 453 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 620 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 621 +[02/27/2023-23:05:50] [V] [TRT] Conv_92 [Conv] inputs: [453 -> (-1, 256, 14, 14)[FLOAT]], [620 -> (256, 256, 3, 3)[FLOAT]], [621 -> (256)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_92 for ONNX node: Conv_92 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 619 for ONNX tensor: 619 +[02/27/2023-23:05:50] [V] [TRT] Conv_92 [Conv] outputs: [619 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_93 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 619 +[02/27/2023-23:05:50] [V] [TRT] Relu_93 [Relu] inputs: [619 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_93 for ONNX node: Relu_93 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 456 for ONNX tensor: 456 +[02/27/2023-23:05:50] [V] [TRT] Relu_93 [Relu] outputs: [456 -> (-1, 256, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_94 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 456 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 623 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 624 +[02/27/2023-23:05:50] [V] [TRT] Conv_94 [Conv] inputs: [456 -> (-1, 256, 14, 14)[FLOAT]], [623 -> (1024, 256, 1, 1)[FLOAT]], [624 -> (1024)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_94 for ONNX node: Conv_94 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 622 for ONNX tensor: 622 +[02/27/2023-23:05:50] [V] [TRT] Conv_94 [Conv] outputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_95 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 622 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 450 +[02/27/2023-23:05:50] [V] [TRT] Add_95 [Add] inputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], [450 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_95 for ONNX node: Add_95 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 459 for ONNX tensor: 459 +[02/27/2023-23:05:50] [V] [TRT] Add_95 [Add] outputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_96 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 459 +[02/27/2023-23:05:50] [V] [TRT] Relu_96 [Relu] inputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_96 for ONNX node: Relu_96 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 460 for ONNX tensor: 460 +[02/27/2023-23:05:50] [V] [TRT] Relu_96 [Relu] outputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_97 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 460 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 626 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 627 +[02/27/2023-23:05:50] [V] [TRT] Conv_97 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [626 -> (512, 1024, 1, 1)[FLOAT]], [627 -> (512)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_97 for ONNX node: Conv_97 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 512, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 625 for ONNX tensor: 625 +[02/27/2023-23:05:50] [V] [TRT] Conv_97 [Conv] outputs: [625 -> (-1, 512, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_98 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 625 +[02/27/2023-23:05:50] [V] [TRT] Relu_98 [Relu] inputs: [625 -> (-1, 512, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_98 for ONNX node: Relu_98 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 463 for ONNX tensor: 463 +[02/27/2023-23:05:50] [V] [TRT] Relu_98 [Relu] outputs: [463 -> (-1, 512, 14, 14)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_99 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 463 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 629 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 630 +[02/27/2023-23:05:50] [V] [TRT] Conv_99 [Conv] inputs: [463 -> (-1, 512, 14, 14)[FLOAT]], [629 -> (512, 512, 3, 3)[FLOAT]], [630 -> (512)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 512, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_99 for ONNX node: Conv_99 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 628 for ONNX tensor: 628 +[02/27/2023-23:05:50] [V] [TRT] Conv_99 [Conv] outputs: [628 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_100 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 628 +[02/27/2023-23:05:50] [V] [TRT] Relu_100 [Relu] inputs: [628 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_100 for ONNX node: Relu_100 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 466 for ONNX tensor: 466 +[02/27/2023-23:05:50] [V] [TRT] Relu_100 [Relu] outputs: [466 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_101 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 466 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 632 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 633 +[02/27/2023-23:05:50] [V] [TRT] Conv_101 [Conv] inputs: [466 -> (-1, 512, 7, 7)[FLOAT]], [632 -> (2048, 512, 1, 1)[FLOAT]], [633 -> (2048)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_101 for ONNX node: Conv_101 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 631 for ONNX tensor: 631 +[02/27/2023-23:05:50] [V] [TRT] Conv_101 [Conv] outputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_102 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 460 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 635 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 636 +[02/27/2023-23:05:50] [V] [TRT] Conv_102 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [635 -> (2048, 1024, 1, 1)[FLOAT]], [636 -> (2048)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_102 for ONNX node: Conv_102 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 634 for ONNX tensor: 634 +[02/27/2023-23:05:50] [V] [TRT] Conv_102 [Conv] outputs: [634 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_103 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 631 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 634 +[02/27/2023-23:05:50] [V] [TRT] Add_103 [Add] inputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], [634 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_103 for ONNX node: Add_103 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 471 for ONNX tensor: 471 +[02/27/2023-23:05:50] [V] [TRT] Add_103 [Add] outputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_104 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 471 +[02/27/2023-23:05:50] [V] [TRT] Relu_104 [Relu] inputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_104 for ONNX node: Relu_104 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 472 for ONNX tensor: 472 +[02/27/2023-23:05:50] [V] [TRT] Relu_104 [Relu] outputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_105 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 472 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 638 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 639 +[02/27/2023-23:05:50] [V] [TRT] Conv_105 [Conv] inputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], [638 -> (512, 2048, 1, 1)[FLOAT]], [639 -> (512)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_105 for ONNX node: Conv_105 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 637 for ONNX tensor: 637 +[02/27/2023-23:05:50] [V] [TRT] Conv_105 [Conv] outputs: [637 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_106 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 637 +[02/27/2023-23:05:50] [V] [TRT] Relu_106 [Relu] inputs: [637 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_106 for ONNX node: Relu_106 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 475 for ONNX tensor: 475 +[02/27/2023-23:05:50] [V] [TRT] Relu_106 [Relu] outputs: [475 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_107 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 475 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 641 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 642 +[02/27/2023-23:05:50] [V] [TRT] Conv_107 [Conv] inputs: [475 -> (-1, 512, 7, 7)[FLOAT]], [641 -> (512, 512, 3, 3)[FLOAT]], [642 -> (512)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_107 for ONNX node: Conv_107 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 640 for ONNX tensor: 640 +[02/27/2023-23:05:50] [V] [TRT] Conv_107 [Conv] outputs: [640 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_108 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 640 +[02/27/2023-23:05:50] [V] [TRT] Relu_108 [Relu] inputs: [640 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_108 for ONNX node: Relu_108 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 478 for ONNX tensor: 478 +[02/27/2023-23:05:50] [V] [TRT] Relu_108 [Relu] outputs: [478 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_109 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 478 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 644 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 645 +[02/27/2023-23:05:50] [V] [TRT] Conv_109 [Conv] inputs: [478 -> (-1, 512, 7, 7)[FLOAT]], [644 -> (2048, 512, 1, 1)[FLOAT]], [645 -> (2048)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_109 for ONNX node: Conv_109 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 643 for ONNX tensor: 643 +[02/27/2023-23:05:50] [V] [TRT] Conv_109 [Conv] outputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_110 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 643 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 472 +[02/27/2023-23:05:50] [V] [TRT] Add_110 [Add] inputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], [472 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_110 for ONNX node: Add_110 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 481 for ONNX tensor: 481 +[02/27/2023-23:05:50] [V] [TRT] Add_110 [Add] outputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_111 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 481 +[02/27/2023-23:05:50] [V] [TRT] Relu_111 [Relu] inputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_111 for ONNX node: Relu_111 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 482 for ONNX tensor: 482 +[02/27/2023-23:05:50] [V] [TRT] Relu_111 [Relu] outputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_112 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 482 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 647 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 648 +[02/27/2023-23:05:50] [V] [TRT] Conv_112 [Conv] inputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], [647 -> (512, 2048, 1, 1)[FLOAT]], [648 -> (512)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_112 for ONNX node: Conv_112 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 646 for ONNX tensor: 646 +[02/27/2023-23:05:50] [V] [TRT] Conv_112 [Conv] outputs: [646 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_113 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 646 +[02/27/2023-23:05:50] [V] [TRT] Relu_113 [Relu] inputs: [646 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_113 for ONNX node: Relu_113 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 485 for ONNX tensor: 485 +[02/27/2023-23:05:50] [V] [TRT] Relu_113 [Relu] outputs: [485 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_114 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 485 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 650 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 651 +[02/27/2023-23:05:50] [V] [TRT] Conv_114 [Conv] inputs: [485 -> (-1, 512, 7, 7)[FLOAT]], [650 -> (512, 512, 3, 3)[FLOAT]], [651 -> (512)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_114 for ONNX node: Conv_114 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 649 for ONNX tensor: 649 +[02/27/2023-23:05:50] [V] [TRT] Conv_114 [Conv] outputs: [649 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_115 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 649 +[02/27/2023-23:05:50] [V] [TRT] Relu_115 [Relu] inputs: [649 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_115 for ONNX node: Relu_115 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 488 for ONNX tensor: 488 +[02/27/2023-23:05:50] [V] [TRT] Relu_115 [Relu] outputs: [488 -> (-1, 512, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Conv_116 [Conv] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 488 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 653 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 654 +[02/27/2023-23:05:50] [V] [TRT] Conv_116 [Conv] inputs: [488 -> (-1, 512, 7, 7)[FLOAT]], [653 -> (2048, 512, 1, 1)[FLOAT]], [654 -> (2048)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Conv_116 for ONNX node: Conv_116 +[02/27/2023-23:05:50] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048 +[02/27/2023-23:05:50] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 652 for ONNX tensor: 652 +[02/27/2023-23:05:50] [V] [TRT] Conv_116 [Conv] outputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Add_117 [Add] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 652 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 482 +[02/27/2023-23:05:50] [V] [TRT] Add_117 [Add] inputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], [482 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Add_117 for ONNX node: Add_117 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 491 for ONNX tensor: 491 +[02/27/2023-23:05:50] [V] [TRT] Add_117 [Add] outputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Relu_118 [Relu] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 491 +[02/27/2023-23:05:50] [V] [TRT] Relu_118 [Relu] inputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Relu_118 for ONNX node: Relu_118 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 492 for ONNX tensor: 492 +[02/27/2023-23:05:50] [V] [TRT] Relu_118 [Relu] outputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: GlobalAveragePool_119 [GlobalAveragePool] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 492 +[02/27/2023-23:05:50] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] inputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Registering layer: GlobalAveragePool_119 for ONNX node: GlobalAveragePool_119 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 493 for ONNX tensor: 493 +[02/27/2023-23:05:50] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] outputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Flatten_120 [Flatten] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 493 +[02/27/2023-23:05:50] [V] [TRT] Flatten_120 [Flatten] inputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], +[02/27/2023-23:05:50] [02/27/2023-23:05:50] [V] [TRT] Registering layer: Flatten_120 for ONNX node: Flatten_120 +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: 494 for ONNX tensor: 494 +[02/27/2023-23:05:50] [V] [TRT] Flatten_120 [Flatten] outputs: [494 -> (-1, 2048)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Parsing node: Gemm_121 [Gemm] +[02/27/2023-23:05:50] [V] [TRT] Searching for input: 494 +[02/27/2023-23:05:50] [V] [TRT] Searching for input: fc.weight +[02/27/2023-23:05:50] [V] [TRT] Searching for input: fc.bias +[02/27/2023-23:05:50] [V] [TRT] Gemm_121 [Gemm] inputs: [494 -> (-1, 2048)[FLOAT]], [fc.weight -> (1000, 2048)[FLOAT]], [fc.bias -> (1000)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] GEMM: using FC layer instead of MM because all criteria were met. +[02/27/2023-23:05:50] [V] [TRT] Original shape: (_, 2048), unsqueezing to: (_, _, _, _) +[02/27/2023-23:05:50] [V] [TRT] Registering layer: Gemm_121 for ONNX node: Gemm_121 +[02/27/2023-23:05:50] [V] [TRT] Original shape: (_, 1000, 1, 1), squeezing to: (_, _) +[02/27/2023-23:05:50] [V] [TRT] Registering tensor: output_0 for ONNX tensor: output +[02/27/2023-23:05:50] [V] [TRT] Gemm_121 [Gemm] outputs: [output -> (-1, 1000)[FLOAT]], +[02/27/2023-23:05:50] [V] [TRT] Marking output_0 as output: output +[02/27/2023-23:05:50] [I] Finish parsing network model +[02/27/2023-23:05:50] [I] [TRT] [MemUsageChange] Init CUDA: CPU +0, GPU +0, now: CPU 434, GPU 251 (MiB) +[02/27/2023-23:05:50] [I] [TRT] [MemUsageSnapshot] Builder begin: CPU 434 MiB, GPU 251 MiB +[02/27/2023-23:05:50] [V] [TRT] Applying generic optimizations to the graph for inference. +[02/27/2023-23:05:50] [V] [TRT] Original: 124 layers +[02/27/2023-23:05:50] [V] [TRT] After dead-layer removal: 124 layers +[02/27/2023-23:05:50] [V] [TRT] ShuffleShuffleFusion: Fusing Flatten_120 with (Unnamed Layer* 131) [Shuffle] +[02/27/2023-23:05:50] [V] [TRT] Removing Flatten_120 + (Unnamed Layer* 131) [Shuffle] +[02/27/2023-23:05:50] [V] [TRT] After Myelin optimization: 122 layers +[02/27/2023-23:05:50] [V] [TRT] Convert layer type of Gemm_121 from FULLY_CONNECTED to CONVOLUTION +[02/27/2023-23:05:50] [V] [TRT] Removing shuffle_between_493_and_Gemm_121 +[02/27/2023-23:05:50] [V] [TRT] After scale fusion: 122 layers +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_0 with Relu_1 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_3 with Relu_4 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_8 with Add_9 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_5 with Relu_6 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_8 + Add_9 with Relu_10 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_11 with Relu_12 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_13 with Relu_14 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_15 with Add_16 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_15 + Add_16 with Relu_17 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_18 with Relu_19 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_20 with Relu_21 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_22 with Add_23 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_22 + Add_23 with Relu_24 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_25 with Relu_26 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_30 with Add_31 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_27 with Relu_28 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_30 + Add_31 with Relu_32 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_33 with Relu_34 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_35 with Relu_36 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_37 with Add_38 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_37 + Add_38 with Relu_39 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_40 with Relu_41 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_42 with Relu_43 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_44 with Add_45 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_44 + Add_45 with Relu_46 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_47 with Relu_48 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_49 with Relu_50 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_51 with Add_52 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_51 + Add_52 with Relu_53 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_54 with Relu_55 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_59 with Add_60 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_56 with Relu_57 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_59 + Add_60 with Relu_61 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_62 with Relu_63 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_64 with Relu_65 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_66 with Add_67 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_66 + Add_67 with Relu_68 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_69 with Relu_70 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_71 with Relu_72 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_73 with Add_74 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_73 + Add_74 with Relu_75 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_76 with Relu_77 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_78 with Relu_79 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_80 with Add_81 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_80 + Add_81 with Relu_82 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_83 with Relu_84 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_85 with Relu_86 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_87 with Add_88 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_87 + Add_88 with Relu_89 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_90 with Relu_91 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_92 with Relu_93 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_94 with Add_95 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_94 + Add_95 with Relu_96 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_97 with Relu_98 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_102 with Add_103 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_99 with Relu_100 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_102 + Add_103 with Relu_104 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_105 with Relu_106 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_107 with Relu_108 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_109 with Add_110 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_109 + Add_110 with Relu_111 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_112 with Relu_113 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_114 with Relu_115 +[02/27/2023-23:05:50] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_116 with Add_117 +[02/27/2023-23:05:50] [V] [TRT] ConvReluFusion: Fusing Conv_116 + Add_117 with Relu_118 +[02/27/2023-23:05:50] [V] [TRT] Swap the layer type of GlobalAveragePool_119 from REDUCE to POOLING +[02/27/2023-23:05:50] [V] [TRT] After vertical fusions: 57 layers +[02/27/2023-23:05:50] [V] [TRT] After dupe layer removal: 57 layers +[02/27/2023-23:05:50] [V] [TRT] After final dead-layer removal: 57 layers +[02/27/2023-23:05:50] [V] [TRT] After tensor merging: 57 layers +[02/27/2023-23:05:50] [V] [TRT] After concat removal: 57 layers +[02/27/2023-23:05:50] [V] [TRT] Graph construction and optimization completed in 0.436352 seconds. +[02/27/2023-23:05:52] [V] [TRT] Using cublasLt a tactic source +[02/27/2023-23:05:52] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +491, GPU +212, now: CPU 925, GPU 463 (MiB) +[02/27/2023-23:05:52] [V] [TRT] Using cuDNN as a tactic source +[02/27/2023-23:05:53] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +286, GPU +198, now: CPU 1211, GPU 661 (MiB) +[02/27/2023-23:05:53] [02/27/2023-23:05:53] [V] [TRT] Constructing optimization profile number 0 [1/1]. +[02/27/2023-23:05:53] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Float(150528,1,672,3) *************** +[02/27/2023-23:05:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:05:53] [V] [TRT] Tactic: 1002 Time: 10.1536 +[02/27/2023-23:05:53] [V] [TRT] Tactic: 0 Time: 0.792288 +[02/27/2023-23:05:53] [V] [TRT] Fastest Tactic: 0 Time: 0.792288 +[02/27/2023-23:05:53] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(150528,50176,224,1) *************** +[02/27/2023-23:05:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:05:53] [V] [TRT] Tactic: 1002 Time: 0.579108 +[02/27/2023-23:05:53] [V] [TRT] Tactic: 0 Time: 0.742768 +[02/27/2023-23:05:53] [V] [TRT] Fastest Tactic: 1002 Time: 0.579108 +[02/27/2023-23:05:53] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(100352,50176:2,224,1) *************** +[02/27/2023-23:05:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:05:53] [V] [TRT] Tactic: 1002 Time: 1.15744 +[02/27/2023-23:05:53] [V] [TRT] Tactic: 0 Time: 0.776268 +[02/27/2023-23:05:53] [V] [TRT] Fastest Tactic: 0 Time: 0.776268 +[02/27/2023-23:05:53] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:4,224,1) *************** +[02/27/2023-23:05:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:05:53] [V] [TRT] Tactic: 1002 Time: 0.545704 +[02/27/2023-23:05:53] [V] [TRT] Tactic: 0 Time: 0.720452 +[02/27/2023-23:05:53] [V] [TRT] Fastest Tactic: 1002 Time: 0.545704 +[02/27/2023-23:05:53] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:8,224,1) *************** +[02/27/2023-23:05:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:05:53] [V] [TRT] Tactic: 1002 Time: 0.767992 +[02/27/2023-23:05:53] [V] [TRT] Tactic: 0 Time: 0.771552 +[02/27/2023-23:05:53] [V] [TRT] Fastest Tactic: 1002 Time: 0.767992 +[02/27/2023-23:05:53] [V] [TRT] *************** Autotuning format combination: Float(150528,50176,224,1) -> Float(802816,12544,112,1) *************** +[02/27/2023-23:05:53] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution) +[02/27/2023-23:05:53] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:05:53] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution) +[02/27/2023-23:05:53] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:05:54] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution) +[02/27/2023-23:05:55] [V] [TRT] Tactic: 0 Time: 21.5585 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 1 Time: 11.723 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 944111616, available: 16777216 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 56 Time: 21.4058 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 57 Time: 11.8872 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 944111616, available: 16777216 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216 +[02/27/2023-23:05:56] [I] [TRT] Some tactics do not have sufficient workspace memory to run. Increasing workspace size may increase performance, please check verbose output. +[02/27/2023-23:05:56] [V] [TRT] Fastest Tactic: 1 Time: 11.723 +[02/27/2023-23:05:56] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/27/2023-23:05:56] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 1825138533642645384 Time: 9.60034 +[02/27/2023-23:05:56] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458 +[02/27/2023-23:05:56] [V] [TRT] Tactic: 2842488832350522458 Time: 5.26862 +[02/27/2023-23:05:56] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203 +[02/27/2023-23:05:57] [V] [TRT] Tactic: 6448355332020552203 Time: 10.8715 +[02/27/2023-23:05:57] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:05:57] [V] [TRT] Tactic: -8060443123034038864 Time: 5.28987 +[02/27/2023-23:05:57] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:05:57] [V] [TRT] Tactic: -4420849921117327522 Time: 7.26631 +[02/27/2023-23:05:57] [V] [TRT] Fastest Tactic: 2842488832350522458 Time: 5.26862 +[02/27/2023-23:05:57] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling +[02/27/2023-23:05:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2842488832350522458 +[02/27/2023-23:05:57] [V] [TRT] *************** Autotuning format combination: Float(150528,1,672,3) -> Float(802816,1,7168,64) *************** +[02/27/2023-23:05:57] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution) +[02/27/2023-23:05:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:05:57] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/27/2023-23:05:57] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:05:57] [V] [TRT] Tactic: 861694390046228376 Time: 23.2166 +[02/27/2023-23:05:57] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465 +[02/27/2023-23:05:58] [V] [TRT] Tactic: -3853827649136781465 Time: 23.0587 +[02/27/2023-23:05:58] [V] [TRT] Fastest Tactic: -3853827649136781465 Time: 23.0587 +[02/27/2023-23:05:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3853827649136781465 +[02/27/2023-23:05:58] [V] [TRT] *************** Autotuning format combination: Half(150528,50176,224,1) -> Half(802816,12544,112,1) *************** +[02/27/2023-23:05:58] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution) +[02/27/2023-23:05:58] [V] [TRT] Tactic: 0 Time: 17.779 +[02/27/2023-23:05:58] [V] [TRT] Tactic: 1 Time: 9.18296 +[02/27/2023-23:05:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 472055808, available: 16777216 +[02/27/2023-23:05:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 56 Time: 18.2488 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 472055808, available: 16777216 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216 +[02/27/2023-23:05:59] [V] [TRT] Fastest Tactic: 1 Time: 9.18296 +[02/27/2023-23:05:59] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/27/2023-23:05:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:05:59] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling +[02/27/2023-23:05:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:05:59] [V] [TRT] *************** Autotuning format combination: Half(100352,50176:2,224,1) -> Half(401408,12544:2,112,1) *************** +[02/27/2023-23:05:59] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution) +[02/27/2023-23:05:59] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:05:59] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution) +[02/27/2023-23:05:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:05:59] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 1145226902788474763 Time: 3.56462 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 1651411198763708804 Time: 4.45665 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 2418518597804310654 Time: 4.18233 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 4653005425971292725 Time: 4.18021 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 4930470141256631146 Time: 4.66654 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:05:59] [V] [TRT] Tactic: 8292881859266835088 Time: 4.69093 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224 +[02/27/2023-23:05:59] [V] [TRT] Tactic: -7448936905981214224 Time: 4.75842 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741 +[02/27/2023-23:05:59] [V] [TRT] Tactic: -3754890472406891741 Time: 7.75871 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:05:59] [V] [TRT] Tactic: -3689982367035295496 Time: 7.56028 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378 +[02/27/2023-23:05:59] [V] [TRT] Tactic: -2894005464278291378 Time: 4.08743 +[02/27/2023-23:05:59] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:06:00] [V] [TRT] Tactic: -1968398013367819764 Time: 7.78208 +[02/27/2023-23:06:00] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743 +[02/27/2023-23:06:00] [V] [TRT] Tactic: -245090590808296743 Time: 7.73692 +[02/27/2023-23:06:00] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 3.56462 +[02/27/2023-23:06:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763 +[02/27/2023-23:06:00] [V] [TRT] *************** Autotuning format combination: Half(50176,1:4,224,1) -> Half(100352,1:8,896,8) *************** +[02/27/2023-23:06:00] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/27/2023-23:06:00] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927 +[02/27/2023-23:06:00] [V] [TRT] Tactic: -8357652348141719927 Time: 2.49696 +[02/27/2023-23:06:00] [V] [TRT] Fastest Tactic: -8357652348141719927 Time: 2.49696 +[02/27/2023-23:06:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8357652348141719927 +[02/27/2023-23:06:00] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Float(802816,12544,112,1) *************** +[02/27/2023-23:06:00] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution) +[02/27/2023-23:06:00] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:00] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/27/2023-23:06:00] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:00] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Half(100352,1:8,896,8) *************** +[02/27/2023-23:06:00] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution) +[02/27/2023-23:06:00] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:00] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution) +[02/27/2023-23:06:00] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:00] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution) +[02/27/2023-23:06:00] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:06:00] [V] [TRT] Tactic: 385569945292539752 Time: 20.3161 +[02/27/2023-23:06:00] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:06:01] [V] [TRT] Tactic: 833287959109025818 Time: 47.4453 +[02/27/2023-23:06:01] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:06:01] [V] [TRT] Tactic: 1013168150133367738 Time: 7.86163 +[02/27/2023-23:06:01] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:06:01] [V] [TRT] Tactic: 1067227531433278814 Time: 14.1647 +[02/27/2023-23:06:01] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:06:03] [V] [TRT] Tactic: 1554365048685552334 Time: 85.9934 +[02/27/2023-23:06:03] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:06:03] [V] [TRT] Tactic: 2027733232253711640 Time: 53.9542 +[02/27/2023-23:06:03] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:06:04] [V] [TRT] Tactic: 3745975654290680669 Time: 42.6739 +[02/27/2023-23:06:04] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:06:05] [V] [TRT] Tactic: 3784804427912340706 Time: 26.876 +[02/27/2023-23:06:05] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832 +[02/27/2023-23:06:05] [V] [TRT] Tactic: 3823144360994712832 Time: 14.7549 +[02/27/2023-23:06:05] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:06:05] [V] [TRT] Tactic: 5635311898703673455 Time: 25.3607 +[02/27/2023-23:06:05] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:06:06] [V] [TRT] Tactic: 5848150552772236982 Time: 22.2705 +[02/27/2023-23:06:06] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:06:06] [V] [TRT] Tactic: 5925270497649423688 Time: 21.5726 +[02/27/2023-23:06:06] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:06:06] [V] [TRT] Tactic: 6623704051070449703 Time: 11.7884 +[02/27/2023-23:06:06] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:06:07] [V] [TRT] Tactic: 6680916730816870145 Time: 23.7873 +[02/27/2023-23:06:07] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:06:07] [V] [TRT] Tactic: 7114340626053367917 Time: 14.5938 +[02/27/2023-23:06:07] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:06:07] [V] [TRT] Tactic: 7158029511300006471 Time: 12.3352 +[02/27/2023-23:06:07] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:06:07] [V] [TRT] Tactic: 7612687199567064086 Time: 10.3055 +[02/27/2023-23:06:07] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:06:07] [V] [TRT] Tactic: 7729555994715864793 Time: 18.4518 +[02/27/2023-23:06:07] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:06:08] [V] [TRT] Tactic: 8283847742354150423 Time: 25.0804 +[02/27/2023-23:06:08] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:06:08] [V] [TRT] Tactic: 8455608235315878803 Time: 30.4888 +[02/27/2023-23:06:08] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:06:09] [V] [TRT] Tactic: 8668812313058150080 Time: 23.5665 +[02/27/2023-23:06:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:06:09] [V] [TRT] Tactic: -8992262742606384444 Time: 8.30392 +[02/27/2023-23:06:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832 +[02/27/2023-23:06:09] [V] [TRT] Tactic: -8682550625095202832 Time: 8.4206 +[02/27/2023-23:06:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:06:09] [V] [TRT] Tactic: -7615325597099025933 Time: 13.4429 +[02/27/2023-23:06:09] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:06:10] [V] [TRT] Tactic: -7594446953125532601 Time: 22.0105 +[02/27/2023-23:06:10] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:06:10] [V] [TRT] Tactic: -6828337260021572283 Time: 15.4058 +[02/27/2023-23:06:10] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:06:10] [V] [TRT] Tactic: -6711815420995272523 Time: 12.6655 +[02/27/2023-23:06:10] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:06:11] [V] [TRT] Tactic: -6636202818604544855 Time: 40.8046 +[02/27/2023-23:06:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:06:11] [V] [TRT] Tactic: -6273232454637933930 Time: 14.796 +[02/27/2023-23:06:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:06:11] [V] [TRT] Tactic: -5710735840878760115 Time: 28.2987 +[02/27/2023-23:06:11] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:06:12] [V] [TRT] Tactic: -5589367647444470524 Time: 33.8743 +[02/27/2023-23:06:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434 +[02/27/2023-23:06:12] [V] [TRT] Tactic: -4954692664176521434 Time: 24.4645 +[02/27/2023-23:06:12] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:06:13] [V] [TRT] Tactic: -4116131327756252574 Time: 16.8185 +[02/27/2023-23:06:13] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:06:13] [V] [TRT] Tactic: -2586046817576862066 Time: 24.517 +[02/27/2023-23:06:13] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:06:13] [V] [TRT] Tactic: -1708101578041178688 Time: 25.3489 +[02/27/2023-23:06:13] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:06:14] [V] [TRT] Tactic: -229563042944049199 Time: 25.5979 +[02/27/2023-23:06:14] [V] [TRT] Fastest Tactic: 1013168150133367738 Time: 7.86163 +[02/27/2023-23:06:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1013168150133367738 +[02/27/2023-23:06:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(802816,12544,112,1) *************** +[02/27/2023-23:06:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:14] [V] [TRT] Tactic: 1002 Time: 3.0661 +[02/27/2023-23:06:14] [V] [TRT] Tactic: 0 Time: 3.12688 +[02/27/2023-23:06:14] [V] [TRT] Fastest Tactic: 1002 Time: 3.0661 +[02/27/2023-23:06:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(401408,12544:2,112,1) *************** +[02/27/2023-23:06:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:14] [V] [TRT] Tactic: 1002 Time: 3.41123 +[02/27/2023-23:06:14] [V] [TRT] Tactic: 0 Time: 2.51433 +[02/27/2023-23:06:14] [V] [TRT] Fastest Tactic: 0 Time: 2.51433 +[02/27/2023-23:06:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(100352,1:8,896,8) *************** +[02/27/2023-23:06:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:14] [V] [TRT] Tactic: 1002 Time: 2.49576 +[02/27/2023-23:06:14] [V] [TRT] Tactic: 0 Time: 2.49158 +[02/27/2023-23:06:14] [V] [TRT] Fastest Tactic: 0 Time: 2.49158 +[02/27/2023-23:06:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Float(802816,12544,112,1) *************** +[02/27/2023-23:06:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:14] [V] [TRT] Tactic: 1002 Time: 4.95953 +[02/27/2023-23:06:14] [V] [TRT] Tactic: 0 Time: 5.87134 +[02/27/2023-23:06:14] [V] [TRT] Fastest Tactic: 1002 Time: 4.95953 +[02/27/2023-23:06:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(802816,12544,112,1) *************** +[02/27/2023-23:06:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:14] [V] [TRT] Tactic: 1002 Time: 3.38647 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 5.76634 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 1002 Time: 3.38647 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(401408,12544:2,112,1) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:15] [V] [TRT] Tactic: 1002 Time: 3.29376 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 6.1908 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 1002 Time: 3.29376 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(100352,1:8,896,8) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:15] [V] [TRT] Tactic: 1002 Time: 2.43988 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 2.88826 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 1002 Time: 2.43988 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Float(802816,12544,112,1) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:15] [V] [TRT] Tactic: 1002 Time: 3.57881 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 4.11882 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 1002 Time: 3.57881 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(401408,12544:2,112,1) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:15] [V] [TRT] Tactic: 1002 Time: 2.7349 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 2.13004 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 0 Time: 2.13004 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(100352,1:8,896,8) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:15] [V] [TRT] Tactic: 1002 Time: 2.50173 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 1.81612 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 0 Time: 1.81612 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Float(802816,12544,112,1) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:15] [V] [TRT] Tactic: 1002 Time: 4.51637 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 2.64914 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 0 Time: 2.64914 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(802816,12544,112,1) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:15] [V] [TRT] Tactic: 1002 Time: 5.88298 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 2.02918 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 0 Time: 2.02918 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(100352,1:8,896,8) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:15] [V] [TRT] Tactic: 1002 Time: 1.83125 +[02/27/2023-23:06:15] [V] [TRT] Tactic: 0 Time: 1.8144 +[02/27/2023-23:06:15] [V] [TRT] Fastest Tactic: 0 Time: 1.8144 +[02/27/2023-23:06:15] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Float(802816,12544,112,1) *************** +[02/27/2023-23:06:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:16] [V] [TRT] Tactic: 1002 Time: 4.36662 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 0 Time: 2.93419 +[02/27/2023-23:06:16] [V] [TRT] Fastest Tactic: 0 Time: 2.93419 +[02/27/2023-23:06:16] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(802816,12544,112,1) *************** +[02/27/2023-23:06:16] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:16] [V] [TRT] Tactic: 1002 Time: 4.39563 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 0 Time: 1.6627 +[02/27/2023-23:06:16] [V] [TRT] Fastest Tactic: 0 Time: 1.6627 +[02/27/2023-23:06:16] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(401408,12544:2,112,1) *************** +[02/27/2023-23:06:16] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:16] [V] [TRT] Tactic: 1002 Time: 2.57798 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 0 Time: 1.66766 +[02/27/2023-23:06:16] [V] [TRT] Fastest Tactic: 0 Time: 1.66766 +[02/27/2023-23:06:16] [V] [TRT] *************** Autotuning format combination: Float(802816,12544,112,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:16] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling) +[02/27/2023-23:06:16] [V] [TRT] Tactic: 257 Time: 8.20293 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 65793 Time: 5.83052 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 131329 Time: 4.89114 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 196865 Time: 4.23812 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 262401 Time: 3.4017 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 327937 Time: 5.77759 +[02/27/2023-23:06:16] [V] [TRT] Tactic: 393473 Time: 3.93234 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 459009 Time: 8.2834 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 524545 Time: 5.78813 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 590081 Time: 4.66977 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 655617 Time: 2.72746 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 721153 Time: 2.39135 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 786689 Time: 3.69512 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 852225 Time: 3.30974 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 917761 Time: 8.49798 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 983297 Time: 5.88037 +[02/27/2023-23:06:17] [V] [TRT] Tactic: 1048833 Time: 4.64265 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1114369 Time: 2.56443 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1179905 Time: 2.33558 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1245441 Time: 3.55567 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1310977 Time: 3.24256 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1376513 Time: 8.58897 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1442049 Time: 5.96642 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1507585 Time: 4.66605 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1573121 Time: 2.5017 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1638657 Time: 2.29829 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1704193 Time: 3.47438 +[02/27/2023-23:06:18] [V] [TRT] Tactic: 1769729 Time: 3.22506 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 1835265 Time: 8.62134 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 1900801 Time: 5.99507 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 1966337 Time: 4.69109 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 2031873 Time: 2.48131 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 2097409 Time: 2.29481 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 2162945 Time: 3.44542 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 2228481 Time: 3.21486 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 2294017 Time: 8.65548 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 2359553 Time: 6.02008 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 2425089 Time: 4.74929 +[02/27/2023-23:06:19] [V] [TRT] Tactic: 2490625 Time: 2.46614 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 2556161 Time: 2.29874 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 2621697 Time: 3.43049 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 2687233 Time: 3.23163 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 6947073 Time: 2.10828 +[02/27/2023-23:06:20] [V] [TRT] Fastest Tactic: 6947073 Time: 2.10828 +[02/27/2023-23:06:20] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling) +[02/27/2023-23:06:20] [V] [TRT] Tactic: -1 Time: 2.43254 +[02/27/2023-23:06:20] [V] [TRT] Fastest Tactic: -1 Time: 2.43254 +[02/27/2023-23:06:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 6947073 +[02/27/2023-23:06:20] [V] [TRT] *************** Autotuning format combination: Half(802816,12544,112,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:20] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling) +[02/27/2023-23:06:20] [V] [TRT] TiledPooling has no valid tactics for this config, skipping +[02/27/2023-23:06:20] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling) +[02/27/2023-23:06:20] [V] [TRT] Tactic: -1 Time: 1.78876 +[02/27/2023-23:06:20] [V] [TRT] Fastest Tactic: -1 Time: 1.78876 +[02/27/2023-23:06:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1 +[02/27/2023-23:06:20] [V] [TRT] *************** Autotuning format combination: Half(401408,12544:2,112,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:20] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling) +[02/27/2023-23:06:20] [V] [TRT] Tactic: 257 Time: 4.11842 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 65793 Time: 2.92539 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 131329 Time: 2.48092 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 196865 Time: 2.28395 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 262401 Time: 1.79828 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 327937 Time: 3.04281 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 393473 Time: 2.07203 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 459009 Time: 4.15353 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 524545 Time: 2.90127 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 590081 Time: 2.34078 +[02/27/2023-23:06:20] [V] [TRT] Tactic: 655617 Time: 1.41213 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 721153 Time: 1.2152 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 786689 Time: 1.88611 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 852225 Time: 1.65747 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 917761 Time: 4.26274 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 983297 Time: 2.94457 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1048833 Time: 2.33462 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1114369 Time: 1.3126 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1179905 Time: 1.1747 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1245441 Time: 1.78286 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1310977 Time: 1.63092 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1376513 Time: 4.3098 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1442049 Time: 2.99231 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1507585 Time: 2.33632 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1573121 Time: 1.27344 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1638657 Time: 1.16077 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1704193 Time: 1.74759 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1769729 Time: 1.62473 +[02/27/2023-23:06:21] [V] [TRT] Tactic: 1835265 Time: 4.32265 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1900801 Time: 3.00163 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1966337 Time: 2.34228 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2031873 Time: 1.26798 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2097409 Time: 1.15708 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2162945 Time: 1.74106 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2228481 Time: 1.62845 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2294017 Time: 4.33767 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2359553 Time: 3.01641 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2425089 Time: 2.36284 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2490625 Time: 1.2536 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2556161 Time: 1.14839 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2621697 Time: 1.7305 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 2687233 Time: 1.62666 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 6947073 Time: 1.06503 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 6947073 Time: 1.06503 +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling) +[02/27/2023-23:06:22] [V] [TRT] Tactic: -3 Time: 1.04346 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: -3 Time: 1.04346 +[02/27/2023-23:06:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -3 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,896,8) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling) +[02/27/2023-23:06:22] [V] [TRT] TiledPooling has no valid tactics for this config, skipping +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling) +[02/27/2023-23:06:22] [V] [TRT] Tactic: -2 Time: 1.08172 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: -2 Time: 1.08172 +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling) +[02/27/2023-23:06:22] [V] [TRT] Tactic: -1 Time: 1.01598 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: -1 Time: 1.01598 +[02/27/2023-23:06:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1002 Time: 0.89204 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 0 Time: 1.05066 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.89204 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1002 Time: 0.77628 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 0 Time: 0.788672 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.77628 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1002 Time: 0.855852 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 0 Time: 0.618772 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 0 Time: 0.618772 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1002 Time: 0.6244 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 0 Time: 0.62602 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.6244 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1002 Time: 0.920404 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 0 Time: 1.02315 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.920404 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1002 Time: 0.791672 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 0 Time: 1.00226 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.791672 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1002 Time: 0.69942 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 0 Time: 0.53032 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 0 Time: 0.53032 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:22] [V] [TRT] Tactic: 1002 Time: 0.62134 +[02/27/2023-23:06:22] [V] [TRT] Tactic: 0 Time: 0.45334 +[02/27/2023-23:06:22] [V] [TRT] Fastest Tactic: 0 Time: 0.45334 +[02/27/2023-23:06:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.10282 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.665024 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.665024 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.81676 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.839348 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.81676 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.44994 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.540888 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.540888 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.462784 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.457236 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.457236 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.07498 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.720924 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.720924 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.745952 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.70084 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.70084 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.05408 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.423944 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.423944 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.651812 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.424888 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.424888 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.89028 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 1.04047 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.89028 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.777108 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.78896 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.777108 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.85616 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.618672 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.618672 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.624388 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.6255 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.624388 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.22521 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 1.38598 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 1.22521 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.847676 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 1.31391 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.847676 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.831692 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 1.36701 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.831692 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.617236 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.69086 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.617236 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.918744 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 1.021 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.918744 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.791952 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 1.00636 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.791952 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.70442 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.52676 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.52676 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.622108 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.453908 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.453908 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.10222 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.665868 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.665868 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.815268 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.840308 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 1002 Time: 0.815268 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.41687 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.534632 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.534632 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.464084 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.457612 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.457612 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.07301 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.720632 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.720632 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.7484 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.703092 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.703092 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 1.06688 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.42342 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.42342 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:23] [V] [TRT] Tactic: 1002 Time: 0.64694 +[02/27/2023-23:06:23] [V] [TRT] Tactic: 0 Time: 0.423976 +[02/27/2023-23:06:23] [V] [TRT] Fastest Tactic: 0 Time: 0.423976 +[02/27/2023-23:06:23] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution) +[02/27/2023-23:06:23] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:23] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution) +[02/27/2023-23:06:23] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:24] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution) +[02/27/2023-23:06:24] [V] [TRT] Tactic: 0 Time: 3.48571 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 1 Time: 2.65706 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 56 Time: 3.49787 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 57 Time: 2.6582 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216 +[02/27/2023-23:06:24] [V] [TRT] Fastest Tactic: 1 Time: 2.65706 +[02/27/2023-23:06:24] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/27/2023-23:06:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:24] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 1754569683116234317 Time: 1.04345 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 1825138533642645384 Time: 1.0855 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 2733356012094739613 Time: 1.31166 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 3915320020053085238 Time: 1.1911 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 6808617066150061604 Time: 0.895948 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 9091006216302412844 Time: 0.922708 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -8060443123034038864 Time: 0.894516 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -4420849921117327522 Time: 1.28049 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -3946921629105938337 Time: 1.30754 +[02/27/2023-23:06:24] [V] [TRT] Fastest Tactic: -8060443123034038864 Time: 0.894516 +[02/27/2023-23:06:24] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling +[02/27/2023-23:06:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8060443123034038864 +[02/27/2023-23:06:24] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:24] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution) +[02/27/2023-23:06:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:24] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/27/2023-23:06:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:24] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 861694390046228376 Time: 1.13302 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 5258189349241541167 Time: 0.947504 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 5821621277990374316 Time: 1.26462 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 5863767799113001648 Time: 1.4736 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -9147980667639709536 Time: 1.16708 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -8892196987859366827 Time: 1.16607 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -8850904373104590857 Time: 0.94736 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -8010679767156598961 Time: 1.44152 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -7751035352149795660 Time: 1.16898 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -5115676123557684531 Time: 1.20798 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -493597327599791285 Time: 0.958868 +[02/27/2023-23:06:24] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:06:24] [V] [TRT] Tactic: -423878181466897819 Time: 1.43994 +[02/27/2023-23:06:24] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 0.94736 +[02/27/2023-23:06:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857 +[02/27/2023-23:06:24] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:24] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution) +[02/27/2023-23:06:24] [V] [TRT] Tactic: 0 Time: 2.57098 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 1 Time: 1.61069 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216 +[02/27/2023-23:06:24] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 56 Time: 2.64433 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216 +[02/27/2023-23:06:25] [V] [TRT] Fastest Tactic: 1 Time: 1.61069 +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/27/2023-23:06:25] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/27/2023-23:06:25] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling +[02/27/2023-23:06:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:06:25] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/27/2023-23:06:25] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution) +[02/27/2023-23:06:25] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution) +[02/27/2023-23:06:25] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/27/2023-23:06:25] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 1651411198763708804 Time: 0.476768 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2418518597804310654 Time: 0.475944 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 4318470497547290900 Time: 0.474996 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 4930470141256631146 Time: 0.64298 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 8292881859266835088 Time: 0.6421 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 8401509141903434922 Time: 0.477204 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -8654297089785671176 Time: 0.85666 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -7516584506774355935 Time: 0.647072 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -7140760933967189247 Time: 0.482636 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -6004726995029373073 Time: 0.642724 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -5719726816705110014 Time: 0.858108 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -4097850214384059472 Time: 0.646516 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -3717489476759089008 Time: 0.479984 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -3689982367035295496 Time: 0.86246 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -2640575123064142123 Time: 0.6088 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -2534402059426524406 Time: 0.628268 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -2027588946874785071 Time: 0.641052 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -1968398013367819764 Time: 0.926212 +[02/27/2023-23:06:25] [V] [TRT] Fastest Tactic: 4318470497547290900 Time: 0.474996 +[02/27/2023-23:06:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 4318470497547290900 +[02/27/2023-23:06:25] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution) +[02/27/2023-23:06:25] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/27/2023-23:06:25] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/27/2023-23:06:25] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution) +[02/27/2023-23:06:25] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution) +[02/27/2023-23:06:25] [V] [TRT] Tactic: 0 Time: 3.38415 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102789120, available: 16777216 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760960, available: 16777216 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 56 Time: 3.41492 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760960, available: 16777216 +[02/27/2023-23:06:25] [V] [TRT] Fastest Tactic: 0 Time: 3.38415 +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution) +[02/27/2023-23:06:25] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:25] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution) +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 83696452256923412 Time: 0.4439 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 106549059816437840 Time: 0.421892 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 1179757074518529353 Time: 0.450192 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2105695814191699972 Time: 0.544808 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2148106709480872763 Time: 0.45788 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2410442691266548717 Time: 0.469244 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2511830168590723349 Time: 0.934968 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2634905271404611895 Time: 0.449596 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2689212690707793357 Time: 0.823052 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 2798075085844016892 Time: 0.45722 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 3041642431972138763 Time: 0.431096 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 3091156937974993800 Time: 0.456932 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 3199589679702517123 Time: 0.924188 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 3754069740140581927 Time: 0.56464 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 3932578551652369355 Time: 0.440612 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 4149021101886580762 Time: 0.448564 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 4555462412611657028 Time: 0.457928 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 4749226340913476230 Time: 0.444052 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 5483093640784800285 Time: 0.459892 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.562236 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.455416 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.582616 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.449268 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.466732 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.441388 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.53452 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.472908 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.56998 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.463504 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.636284 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.438368 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.45166 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:06:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.448148 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -9104099172933216230 Time: 0.42266 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.45364 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.450768 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.474436 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.435192 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -8774805574135441656 Time: 1.09914 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:06:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.470108 +[02/27/2023-23:06:25] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -8520017388966620486 Time: 0.441684 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -8487084252145372186 Time: 0.826404 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -8391760416076885205 Time: 0.583516 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -7990268040387498660 Time: 0.444552 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -7849113095413980300 Time: 0.480688 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -7533167286135592323 Time: 0.460516 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -6273232454637933930 Time: 0.446188 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -5818527483287834165 Time: 0.448836 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -5590418898350402100 Time: 0.458864 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -5505475137955795830 Time: 0.437952 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -5389631537202601150 Time: 0.47814 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -5332866838585594777 Time: 0.460256 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -5121883532434354186 Time: 0.46066 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -5006039300385557796 Time: 0.468556 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -4534876761957424274 Time: 0.577164 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -4352168563838861262 Time: 0.433808 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -4109084522508697633 Time: 0.629824 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -3237051169894153788 Time: 0.531912 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -3136088851200285532 Time: 0.431448 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -2827934362840121038 Time: 0.423596 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -2676138141351394855 Time: 0.44348 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -2601537631049973288 Time: 0.459712 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -2586046817576862066 Time: 0.470444 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -2569977342077121032 Time: 0.471496 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -2422160065350346448 Time: 0.457308 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -2125188058121029448 Time: 1.09025 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -2123887091022542343 Time: 0.46982 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -1838109259315759592 Time: 0.442492 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -1216445540764179377 Time: 0.467884 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -539379305772590030 Time: 0.423716 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -288413895057594820 Time: 0.46862 +[02/27/2023-23:06:26] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:06:26] [V] [TRT] Tactic: -229563042944049199 Time: 0.430176 +[02/27/2023-23:06:26] [V] [TRT] Fastest Tactic: 106549059816437840 Time: 0.421892 +[02/27/2023-23:06:26] [V] [TRT] Setting workspace to 102760960enables more tactics for profiling +[02/27/2023-23:06:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 106549059816437840 +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:26] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution) +[02/27/2023-23:06:26] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:26] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution) +[02/27/2023-23:06:26] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:26] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution) +[02/27/2023-23:06:26] [V] [TRT] Tactic: 0 Time: 14.5912 +[02/27/2023-23:06:26] [V] [TRT] Tactic: 1 Time: 6.13567 +[02/27/2023-23:06:26] [V] [TRT] Tactic: 2 skipped. Scratch requested: 924844032, available: 16777216 +[02/27/2023-23:06:26] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216 +[02/27/2023-23:06:26] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216 +[02/27/2023-23:06:26] [V] [TRT] Tactic: 6 Time: 5.64041 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 56 Time: 15.0311 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 57 Time: 6.10701 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 58 skipped. Scratch requested: 924844032, available: 16777216 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 62 Time: 5.65669 +[02/27/2023-23:06:27] [V] [TRT] Fastest Tactic: 6 Time: 5.64041 +[02/27/2023-23:06:27] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/27/2023-23:06:27] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 1825138533642645384 Time: 8.59753 +[02/27/2023-23:06:27] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 2775507031594384867 Time: 4.08236 +[02/27/2023-23:06:27] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 2842488832350522458 Time: 4.92817 +[02/27/2023-23:06:27] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 3915320020053085238 Time: 8.58149 +[02/27/2023-23:06:27] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203 +[02/27/2023-23:06:27] [V] [TRT] Tactic: 6448355332020552203 Time: 8.96185 +[02/27/2023-23:06:27] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:06:28] [V] [TRT] Tactic: 6808617066150061604 Time: 4.55926 +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:06:28] [V] [TRT] Tactic: -8060443123034038864 Time: 5.00105 +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:06:28] [V] [TRT] Tactic: -4420849921117327522 Time: 6.65407 +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:06:28] [V] [TRT] Tactic: -3946921629105938337 Time: 6.01997 +[02/27/2023-23:06:28] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.08236 +[02/27/2023-23:06:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867 +[02/27/2023-23:06:28] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:28] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution) +[02/27/2023-23:06:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:28] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:06:28] [V] [TRT] Tactic: 861694390046228376 Time: 8.81996 +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567 +[02/27/2023-23:06:28] [V] [TRT] Tactic: 1017870653102653567 Time: 8.57659 +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:06:28] [V] [TRT] Tactic: 5258189349241541167 Time: 4.74741 +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:06:28] [V] [TRT] Tactic: 5821621277990374316 Time: 8.82904 +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:06:28] [V] [TRT] Tactic: 5863767799113001648 Time: 5.59982 +[02/27/2023-23:06:28] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:06:29] [V] [TRT] Tactic: -9147980667639709536 Time: 8.5226 +[02/27/2023-23:06:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:06:29] [V] [TRT] Tactic: -8850904373104590857 Time: 4.74276 +[02/27/2023-23:06:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:06:29] [V] [TRT] Tactic: -7751035352149795660 Time: 8.78677 +[02/27/2023-23:06:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465 +[02/27/2023-23:06:29] [V] [TRT] Tactic: -3853827649136781465 Time: 8.81392 +[02/27/2023-23:06:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196 +[02/27/2023-23:06:29] [V] [TRT] Tactic: -3263369460438823196 Time: 4.83083 +[02/27/2023-23:06:29] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:06:29] [V] [TRT] Tactic: -423878181466897819 Time: 5.66385 +[02/27/2023-23:06:29] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 4.74276 +[02/27/2023-23:06:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857 +[02/27/2023-23:06:29] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:29] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution) +[02/27/2023-23:06:29] [V] [TRT] Tactic: 0 Time: 13.6854 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 1 Time: 6.00636 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 56 Time: 13.9113 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216 +[02/27/2023-23:06:30] [V] [TRT] Fastest Tactic: 1 Time: 6.00636 +[02/27/2023-23:06:30] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/27/2023-23:06:30] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:30] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling +[02/27/2023-23:06:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:06:30] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:30] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution) +[02/27/2023-23:06:30] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:30] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution) +[02/27/2023-23:06:30] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:30] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 1145226902788474763 Time: 2.12828 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 1651411198763708804 Time: 2.57223 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65963 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 4318470497547290900 Time: 2.54201 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 4653005425971292725 Time: 2.59142 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 4930470141256631146 Time: 2.93234 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 8292881859266835088 Time: 3.07334 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:06:30] [V] [TRT] Tactic: 8401509141903434922 Time: 2.67383 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:06:30] [V] [TRT] Tactic: -8654297089785671176 Time: 4.83343 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224 +[02/27/2023-23:06:30] [V] [TRT] Tactic: -7448936905981214224 Time: 2.7212 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:06:30] [V] [TRT] Tactic: -6004726995029373073 Time: 3.00744 +[02/27/2023-23:06:30] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:06:31] [V] [TRT] Tactic: -5719726816705110014 Time: 4.88992 +[02/27/2023-23:06:31] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741 +[02/27/2023-23:06:31] [V] [TRT] Tactic: -3754890472406891741 Time: 4.82757 +[02/27/2023-23:06:31] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:06:31] [V] [TRT] Tactic: -3689982367035295496 Time: 4.75022 +[02/27/2023-23:06:31] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532 +[02/27/2023-23:06:31] [V] [TRT] Tactic: -3140347171730126532 Time: 2.27238 +[02/27/2023-23:06:31] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378 +[02/27/2023-23:06:31] [V] [TRT] Tactic: -2894005464278291378 Time: 2.83435 +[02/27/2023-23:06:31] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:06:31] [V] [TRT] Tactic: -2027588946874785071 Time: 2.97877 +[02/27/2023-23:06:31] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:06:31] [V] [TRT] Tactic: -1968398013367819764 Time: 4.93452 +[02/27/2023-23:06:31] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743 +[02/27/2023-23:06:31] [V] [TRT] Tactic: -245090590808296743 Time: 4.82753 +[02/27/2023-23:06:31] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.12828 +[02/27/2023-23:06:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763 +[02/27/2023-23:06:31] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:31] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution) +[02/27/2023-23:06:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:31] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/27/2023-23:06:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:31] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:31] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution) +[02/27/2023-23:06:31] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:31] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution) +[02/27/2023-23:06:31] [V] [TRT] Tactic: 0 Time: 20.3844 +[02/27/2023-23:06:31] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102854656, available: 16777216 +[02/27/2023-23:06:31] [V] [TRT] Tactic: 2 skipped. Scratch requested: 513802752, available: 16777216 +[02/27/2023-23:06:31] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 56 Time: 20.2983 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 58 skipped. Scratch requested: 513802752, available: 16777216 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216 +[02/27/2023-23:06:32] [V] [TRT] Fastest Tactic: 56 Time: 20.2983 +[02/27/2023-23:06:32] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution) +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 46202665595848747 Time: 4.24094 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 239013563835492727 Time: 1.58759 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 385569945292539752 Time: 2.40975 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 671037109694951988 Time: 1.27303 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 833287959109025818 Time: 2.77839 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 864841579020773074 Time: 1.4157 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 912634305247603909 Time: 4.72879 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1013168150133367738 Time: 1.0863 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1014187170474222133 Time: 2.20853 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1067227531433278814 Time: 1.49956 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1554365048685552334 Time: 4.78318 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1579845938601132607 Time: 1.34381 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1796821236841789338 Time: 1.86772 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1837941418294761657 Time: 2.46541 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1948263663414159978 Time: 1.46729 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:06:32] [V] [TRT] Tactic: 1989668371181446952 Time: 1.86632 +[02/27/2023-23:06:32] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 2027733232253711640 Time: 3.25785 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 2148106709480872763 Time: 1.03474 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10586 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 2410442691266548717 Time: 1.48858 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 3464689803495983377 Time: 0.972716 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 3636831327753843771 Time: 1.42104 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 3745975654290680669 Time: 4.50537 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 3754069740140581927 Time: 2.5788 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 3784804427912340706 Time: 2.67077 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 3823144360994712832 Time: 1.08331 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 3919868136802676679 Time: 2.26435 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 5263029549013613567 Time: 1.38937 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 5506334059535811602 Time: 2.89273 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 5635311898703673455 Time: 1.3547 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 5786991692145244692 Time: 2.28198 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 5848150552772236982 Time: 2.30709 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 5925270497649423688 Time: 2.38929 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 5932046018238429951 Time: 1.60059 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 6103089697398018604 Time: 4.50494 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 6195603576432354734 Time: 1.5474 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 6252808259936499253 Time: 1.53402 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 6408235920257988861 Time: 1.31042 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 6623704051070449703 Time: 1.40046 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 6680916730816870145 Time: 1.51146 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 7114340626053367917 Time: 1.60316 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 7158029511300006471 Time: 1.46774 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 7612687199567064086 Time: 1.20346 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:06:33] [V] [TRT] Tactic: 7729555994715864793 Time: 2.09468 +[02/27/2023-23:06:33] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:06:34] [V] [TRT] Tactic: 7844857443355818347 Time: 2.34793 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261 +[02/27/2023-23:06:34] [V] [TRT] Tactic: 7849296535223586261 Time: 1.24166 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:06:34] [V] [TRT] Tactic: 7859952145590271433 Time: 1.51743 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863 +[02/27/2023-23:06:34] [V] [TRT] Tactic: 8219150286974756863 Time: 2.19234 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:06:34] [V] [TRT] Tactic: 8283847742354150423 Time: 2.71001 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:06:34] [V] [TRT] Tactic: 8455608235315878803 Time: 1.72979 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:06:34] [V] [TRT] Tactic: 8668812313058150080 Time: 1.34632 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -8992262742606384444 Time: 1.08801 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -8750433364328295059 Time: 1.3188 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -8682550625095202832 Time: 1.06791 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -8392835332206231687 Time: 1.74607 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -8254009616492665198 Time: 1.57501 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -7615325597099025933 Time: 1.52796 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -7594446953125532601 Time: 2.35055 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -7345578023323941164 Time: 2.0969 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -6828337260021572283 Time: 1.89233 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -6711815420995272523 Time: 1.6481 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -6636202818604544855 Time: 2.35688 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -6489479581011009593 Time: 3.32731 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -6320761427625651496 Time: 3.12966 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -6273232454637933930 Time: 1.07683 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -6080892721161662420 Time: 1.3488 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -6032793021868796623 Time: 2.26594 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -5818527483287834165 Time: 1.07461 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -5710735840878760115 Time: 1.73133 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -5589367647444470524 Time: 1.77487 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -5546257196173962281 Time: 1.99172 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -5198219374380660379 Time: 1.0099 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -4954692664176521434 Time: 1.52462 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:06:34] [V] [TRT] Tactic: -4627695383426341593 Time: 1.51874 +[02/27/2023-23:06:34] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -4534876761957424274 Time: 2.38137 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -4142141368456048176 Time: 1.48271 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -4116131327756252574 Time: 1.97173 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -3968200906158272636 Time: 4.77052 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62149 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -3425274793298557239 Time: 1.14054 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -3271955096576257018 Time: 2.07836 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -3237051169894153788 Time: 1.49487 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -3136088851200285532 Time: 1.39941 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -2871615028541756894 Time: 2.2917 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -2751179716463646694 Time: 2.78315 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -2634388175487609605 Time: 1.85752 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -2586046817576862066 Time: 1.49568 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -1708101578041178688 Time: 2.80143 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -1586820571068855896 Time: 2.67406 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -1020632631321619146 Time: 2.42314 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -907287437357565279 Time: 2.7759 +[02/27/2023-23:06:35] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:06:35] [V] [TRT] Tactic: -229563042944049199 Time: 1.31609 +[02/27/2023-23:06:35] [V] [TRT] Fastest Tactic: 3464689803495983377 Time: 0.972716 +[02/27/2023-23:06:35] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling +[02/27/2023-23:06:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3464689803495983377 +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:35] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution) +[02/27/2023-23:06:35] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:35] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution) +[02/27/2023-23:06:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:35] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution) +[02/27/2023-23:06:35] [V] [TRT] Tactic: 0 Time: 8.70438 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 1 Time: 7.08532 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 56 Time: 8.79074 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 57 Time: 7.07804 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:36] [V] [TRT] Fastest Tactic: 57 Time: 7.07804 +[02/27/2023-23:06:36] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/27/2023-23:06:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:36] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 1754569683116234317 Time: 2.93823 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 1825138533642645384 Time: 2.90305 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08978 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 3915320020053085238 Time: 2.85958 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 6808617066150061604 Time: 3.47389 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 9091006216302412844 Time: 3.52974 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:06:36] [V] [TRT] Tactic: -8060443123034038864 Time: 3.47172 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:06:36] [V] [TRT] Tactic: -4420849921117327522 Time: 5.05067 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:06:36] [V] [TRT] Tactic: -3946921629105938337 Time: 5.08721 +[02/27/2023-23:06:36] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 2.85958 +[02/27/2023-23:06:36] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling +[02/27/2023-23:06:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238 +[02/27/2023-23:06:36] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:36] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution) +[02/27/2023-23:06:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:36] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/27/2023-23:06:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:36] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:06:36] [V] [TRT] Tactic: 861694390046228376 Time: 3.23622 +[02/27/2023-23:06:36] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:06:37] [V] [TRT] Tactic: 5258189349241541167 Time: 3.10978 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:06:37] [V] [TRT] Tactic: 5821621277990374316 Time: 3.41432 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:06:37] [V] [TRT] Tactic: 5863767799113001648 Time: 5.64172 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:06:37] [V] [TRT] Tactic: -9147980667639709536 Time: 3.08368 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:06:37] [V] [TRT] Tactic: -8892196987859366827 Time: 2.77137 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:06:37] [V] [TRT] Tactic: -8850904373104590857 Time: 3.36277 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:06:37] [V] [TRT] Tactic: -8010679767156598961 Time: 5.49644 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:06:37] [V] [TRT] Tactic: -7751035352149795660 Time: 2.81812 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:06:37] [V] [TRT] Tactic: -5115676123557684531 Time: 3.08687 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:06:37] [V] [TRT] Tactic: -493597327599791285 Time: 3.31082 +[02/27/2023-23:06:37] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:06:37] [V] [TRT] Tactic: -423878181466897819 Time: 5.58002 +[02/27/2023-23:06:37] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 2.77137 +[02/27/2023-23:06:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827 +[02/27/2023-23:06:37] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:37] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution) +[02/27/2023-23:06:37] [V] [TRT] Tactic: 0 Time: 6.6799 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 1 Time: 5.1231 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 56 Time: 7.01501 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:38] [V] [TRT] Fastest Tactic: 1 Time: 5.1231 +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/27/2023-23:06:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/27/2023-23:06:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling +[02/27/2023-23:06:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:06:38] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/27/2023-23:06:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution) +[02/27/2023-23:06:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution) +[02/27/2023-23:06:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/27/2023-23:06:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 1651411198763708804 Time: 1.87856 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 2418518597804310654 Time: 1.89492 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 4318470497547290900 Time: 1.88106 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 4930470141256631146 Time: 2.49664 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 8292881859266835088 Time: 2.4973 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:06:38] [V] [TRT] Tactic: 8401509141903434922 Time: 1.89418 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -8654297089785671176 Time: 1.95818 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -7516584506774355935 Time: 2.51869 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -7140760933967189247 Time: 1.87487 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -6004726995029373073 Time: 2.50114 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -5719726816705110014 Time: 1.93552 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -4097850214384059472 Time: 2.51815 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -3717489476759089008 Time: 1.86838 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -3689982367035295496 Time: 2.02265 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -2640575123064142123 Time: 1.40803 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -2534402059426524406 Time: 1.4735 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -2027588946874785071 Time: 2.4974 +[02/27/2023-23:06:38] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:06:38] [V] [TRT] Tactic: -1968398013367819764 Time: 2.02685 +[02/27/2023-23:06:38] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.40803 +[02/27/2023-23:06:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123 +[02/27/2023-23:06:38] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution) +[02/27/2023-23:06:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/27/2023-23:06:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/27/2023-23:06:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution) +[02/27/2023-23:06:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:38] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution) +[02/27/2023-23:06:39] [V] [TRT] Tactic: 0 Time: 7.78192 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 56 Time: 7.9739 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:06:39] [V] [TRT] Fastest Tactic: 0 Time: 7.78192 +[02/27/2023-23:06:39] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution) +[02/27/2023-23:06:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:39] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution) +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 83696452256923412 Time: 1.24264 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 106549059816437840 Time: 1.53852 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 1179757074518529353 Time: 1.35757 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 2105695814191699972 Time: 1.52408 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 2148106709480872763 Time: 1.34155 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 2410442691266548717 Time: 1.18751 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 2511830168590723349 Time: 1.16628 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 2634905271404611895 Time: 1.23899 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 2689212690707793357 Time: 1.2222 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 2798075085844016892 Time: 1.23335 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 3041642431972138763 Time: 1.179 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 3091156937974993800 Time: 1.23544 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 3199589679702517123 Time: 1.17163 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 3754069740140581927 Time: 1.33422 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 3932578551652369355 Time: 1.17241 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 4149021101886580762 Time: 1.23262 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 4555462412611657028 Time: 1.37086 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 4749226340913476230 Time: 1.3237 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 5483093640784800285 Time: 1.2132 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 5666160310350604399 Time: 1.38048 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 5900614001783877430 Time: 1.35429 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 5925270497649423688 Time: 1.43318 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 5999406432703271895 Time: 1.20682 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 6680916730816870145 Time: 1.62405 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 7107292614492808590 Time: 1.20262 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 7158029511300006471 Time: 1.52708 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 7859952145590271433 Time: 1.5797 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 8283847742354150423 Time: 1.29583 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 8468288610222482742 Time: 1.25364 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 8620567263556985011 Time: 1.22307 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:06:39] [V] [TRT] Tactic: 8642279798680442080 Time: 1.18668 +[02/27/2023-23:06:39] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:06:40] [V] [TRT] Tactic: 8980274178270132023 Time: 1.18799 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:06:40] [V] [TRT] Tactic: 9108067304506990859 Time: 1.1938 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -9104099172933216230 Time: 1.96834 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8992262742606384444 Time: 1.3774 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8956720569082607796 Time: 1.35105 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8952042869709043207 Time: 1.47046 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8898856569474934280 Time: 1.18502 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8774805574135441656 Time: 1.35854 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8749513212655756001 Time: 1.30674 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8520017388966620486 Time: 1.2152 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8487084252145372186 Time: 1.20076 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -8391760416076885205 Time: 1.403 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -7990268040387498660 Time: 1.4748 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -7849113095413980300 Time: 1.22316 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -7533167286135592323 Time: 1.28487 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -6273232454637933930 Time: 1.45773 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -5818527483287834165 Time: 1.4252 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -5590418898350402100 Time: 1.23846 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -5505475137955795830 Time: 1.17895 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -5389631537202601150 Time: 1.2226 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -5332866838585594777 Time: 1.29345 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -5121883532434354186 Time: 1.25899 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -5006039300385557796 Time: 1.39785 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -4534876761957424274 Time: 1.44832 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17808 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -4109084522508697633 Time: 1.22109 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -3237051169894153788 Time: 1.45077 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -3136088851200285532 Time: 1.1836 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -2827934362840121038 Time: 1.47366 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -2676138141351394855 Time: 1.67226 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -2601537631049973288 Time: 1.25856 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -2586046817576862066 Time: 1.19605 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -2569977342077121032 Time: 1.24786 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -2422160065350346448 Time: 1.56949 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -2125188058121029448 Time: 1.39405 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -2123887091022542343 Time: 1.42044 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:06:40] [V] [TRT] Tactic: -1838109259315759592 Time: 1.1966 +[02/27/2023-23:06:40] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:06:41] [V] [TRT] Tactic: -1216445540764179377 Time: 1.17643 +[02/27/2023-23:06:41] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:06:41] [V] [TRT] Tactic: -539379305772590030 Time: 1.86964 +[02/27/2023-23:06:41] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:06:41] [V] [TRT] Tactic: -288413895057594820 Time: 1.37401 +[02/27/2023-23:06:41] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:06:41] [V] [TRT] Tactic: -229563042944049199 Time: 1.1722 +[02/27/2023-23:06:41] [V] [TRT] Fastest Tactic: 2511830168590723349 Time: 1.16628 +[02/27/2023-23:06:41] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling +[02/27/2023-23:06:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2511830168590723349 +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:41] [V] [TRT] Tactic: 1002 Time: 3.62491 +[02/27/2023-23:06:41] [V] [TRT] Tactic: 0 Time: 5.2419 +[02/27/2023-23:06:41] [V] [TRT] Fastest Tactic: 1002 Time: 3.62491 +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:41] [V] [TRT] Tactic: 1002 Time: 3.08101 +[02/27/2023-23:06:41] [V] [TRT] Tactic: 0 Time: 3.12772 +[02/27/2023-23:06:41] [V] [TRT] Fastest Tactic: 1002 Time: 3.08101 +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:41] [V] [TRT] Tactic: 1002 Time: 3.45616 +[02/27/2023-23:06:41] [V] [TRT] Tactic: 0 Time: 2.48057 +[02/27/2023-23:06:41] [V] [TRT] Fastest Tactic: 0 Time: 2.48057 +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:41] [V] [TRT] Tactic: 1002 Time: 2.53295 +[02/27/2023-23:06:41] [V] [TRT] Tactic: 0 Time: 2.62044 +[02/27/2023-23:06:41] [V] [TRT] Fastest Tactic: 1002 Time: 2.53295 +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:41] [V] [TRT] Tactic: 1002 Time: 5.06664 +[02/27/2023-23:06:41] [V] [TRT] Tactic: 0 Time: 6.40546 +[02/27/2023-23:06:41] [V] [TRT] Fastest Tactic: 1002 Time: 5.06664 +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:41] [V] [TRT] Tactic: 1002 Time: 3.73474 +[02/27/2023-23:06:41] [V] [TRT] Tactic: 0 Time: 6.11217 +[02/27/2023-23:06:41] [V] [TRT] Fastest Tactic: 1002 Time: 3.73474 +[02/27/2023-23:06:41] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:41] [V] [TRT] Tactic: 1002 Time: 3.43181 +[02/27/2023-23:06:42] [V] [TRT] Tactic: 0 Time: 6.66085 +[02/27/2023-23:06:42] [V] [TRT] Fastest Tactic: 1002 Time: 3.43181 +[02/27/2023-23:06:42] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:42] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:42] [V] [TRT] Tactic: 1002 Time: 2.48903 +[02/27/2023-23:06:42] [V] [TRT] Tactic: 0 Time: 2.91134 +[02/27/2023-23:06:42] [V] [TRT] Fastest Tactic: 1002 Time: 2.48903 +[02/27/2023-23:06:42] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:42] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:42] [V] [TRT] Tactic: 1002 Time: 3.62884 +[02/27/2023-23:06:42] [V] [TRT] Tactic: 0 Time: 4.10264 +[02/27/2023-23:06:42] [V] [TRT] Fastest Tactic: 1002 Time: 3.62884 +[02/27/2023-23:06:42] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:42] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:42] [V] [TRT] Tactic: 1002 Time: 3.30482 +[02/27/2023-23:06:42] [V] [TRT] Tactic: 0 Time: 4.47024 +[02/27/2023-23:06:42] [V] [TRT] Fastest Tactic: 1002 Time: 3.30482 +[02/27/2023-23:06:42] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:42] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:42] [V] [TRT] Tactic: 1002 Time: 2.91763 +[02/27/2023-23:06:42] [V] [TRT] Tactic: 0 Time: 2.18256 +[02/27/2023-23:06:42] [V] [TRT] Fastest Tactic: 0 Time: 2.18256 +[02/27/2023-23:06:42] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:42] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:42] [V] [TRT] Tactic: 1002 Time: 2.5817 +[02/27/2023-23:06:42] [V] [TRT] Tactic: 0 Time: 1.94219 +[02/27/2023-23:06:42] [V] [TRT] Fastest Tactic: 0 Time: 1.94219 +[02/27/2023-23:06:42] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:42] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:42] [V] [TRT] Tactic: 1002 Time: 4.37992 +[02/27/2023-23:06:42] [V] [TRT] Tactic: 0 Time: 2.6452 +[02/27/2023-23:06:42] [V] [TRT] Fastest Tactic: 0 Time: 2.6452 +[02/27/2023-23:06:42] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:42] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:42] [V] [TRT] Tactic: 1002 Time: 3.41012 +[02/27/2023-23:06:42] [V] [TRT] Tactic: 0 Time: 3.83657 +[02/27/2023-23:06:42] [V] [TRT] Fastest Tactic: 1002 Time: 3.41012 +[02/27/2023-23:06:42] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:42] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:43] [V] [TRT] Tactic: 1002 Time: 5.82427 +[02/27/2023-23:06:43] [V] [TRT] Tactic: 0 Time: 2.11779 +[02/27/2023-23:06:43] [V] [TRT] Fastest Tactic: 0 Time: 2.11779 +[02/27/2023-23:06:43] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:43] [V] [TRT] Tactic: 1002 Time: 1.92949 +[02/27/2023-23:06:43] [V] [TRT] Tactic: 0 Time: 1.94221 +[02/27/2023-23:06:43] [V] [TRT] Fastest Tactic: 1002 Time: 1.92949 +[02/27/2023-23:06:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:43] [V] [TRT] Tactic: 1002 Time: 4.35408 +[02/27/2023-23:06:43] [V] [TRT] Tactic: 0 Time: 3.0414 +[02/27/2023-23:06:43] [V] [TRT] Fastest Tactic: 0 Time: 3.0414 +[02/27/2023-23:06:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:43] [V] [TRT] Tactic: 1002 Time: 3.12931 +[02/27/2023-23:06:43] [V] [TRT] Tactic: 0 Time: 2.78394 +[02/27/2023-23:06:43] [V] [TRT] Fastest Tactic: 0 Time: 2.78394 +[02/27/2023-23:06:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:43] [V] [TRT] Tactic: 1002 Time: 4.07436 +[02/27/2023-23:06:43] [V] [TRT] Tactic: 0 Time: 1.78858 +[02/27/2023-23:06:43] [V] [TRT] Fastest Tactic: 0 Time: 1.78858 +[02/27/2023-23:06:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:43] [V] [TRT] Tactic: 1002 Time: 2.70659 +[02/27/2023-23:06:43] [V] [TRT] Tactic: 0 Time: 1.81588 +[02/27/2023-23:06:43] [V] [TRT] Fastest Tactic: 0 Time: 1.81588 +[02/27/2023-23:06:43] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:43] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution) +[02/27/2023-23:06:43] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:43] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution) +[02/27/2023-23:06:43] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:43] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution) +[02/27/2023-23:06:43] [V] [TRT] Tactic: 0 Time: 16.9176 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 1 Time: 15.3458 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 56 Time: 16.9792 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 57 Time: 15.3171 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:44] [V] [TRT] Fastest Tactic: 57 Time: 15.3171 +[02/27/2023-23:06:44] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/27/2023-23:06:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:44] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/27/2023-23:06:44] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 1754569683116234317 Time: 4.52297 +[02/27/2023-23:06:44] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 1825138533642645384 Time: 4.52058 +[02/27/2023-23:06:44] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 2733356012094739613 Time: 6.73678 +[02/27/2023-23:06:44] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:06:44] [V] [TRT] Tactic: 3915320020053085238 Time: 4.53525 +[02/27/2023-23:06:44] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:06:45] [V] [TRT] Tactic: 6808617066150061604 Time: 5.23886 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:06:45] [V] [TRT] Tactic: 9091006216302412844 Time: 5.24983 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:06:45] [V] [TRT] Tactic: -8060443123034038864 Time: 5.23253 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:06:45] [V] [TRT] Tactic: -4420849921117327522 Time: 6.75333 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:06:45] [V] [TRT] Tactic: -3946921629105938337 Time: 6.72954 +[02/27/2023-23:06:45] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.52058 +[02/27/2023-23:06:45] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling +[02/27/2023-23:06:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384 +[02/27/2023-23:06:45] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:45] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution) +[02/27/2023-23:06:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:45] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/27/2023-23:06:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:45] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:06:45] [V] [TRT] Tactic: 861694390046228376 Time: 4.21346 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:06:45] [V] [TRT] Tactic: 5258189349241541167 Time: 4.32105 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:06:45] [V] [TRT] Tactic: 5821621277990374316 Time: 4.1929 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:06:45] [V] [TRT] Tactic: 5863767799113001648 Time: 8.1237 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:06:45] [V] [TRT] Tactic: -9147980667639709536 Time: 4.21043 +[02/27/2023-23:06:45] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:06:46] [V] [TRT] Tactic: -8892196987859366827 Time: 4.19938 +[02/27/2023-23:06:46] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:06:46] [V] [TRT] Tactic: -8850904373104590857 Time: 4.30592 +[02/27/2023-23:06:46] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:06:46] [V] [TRT] Tactic: -8010679767156598961 Time: 7.98536 +[02/27/2023-23:06:46] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:06:46] [V] [TRT] Tactic: -7751035352149795660 Time: 4.20798 +[02/27/2023-23:06:46] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:06:46] [V] [TRT] Tactic: -5115676123557684531 Time: 4.19421 +[02/27/2023-23:06:46] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:06:46] [V] [TRT] Tactic: -493597327599791285 Time: 4.33697 +[02/27/2023-23:06:46] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:06:46] [V] [TRT] Tactic: -423878181466897819 Time: 8.08818 +[02/27/2023-23:06:46] [V] [TRT] Fastest Tactic: 5821621277990374316 Time: 4.1929 +[02/27/2023-23:06:46] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 5821621277990374316 +[02/27/2023-23:06:46] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:46] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution) +[02/27/2023-23:06:46] [V] [TRT] Tactic: 0 Time: 11.2883 +[02/27/2023-23:06:46] [V] [TRT] Tactic: 1 Time: 9.61823 +[02/27/2023-23:06:46] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:06:46] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216 +[02/27/2023-23:06:46] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 56 Time: 11.4743 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:47] [V] [TRT] Fastest Tactic: 1 Time: 9.61823 +[02/27/2023-23:06:47] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/27/2023-23:06:47] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:47] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/27/2023-23:06:47] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:47] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling +[02/27/2023-23:06:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:06:47] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:47] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution) +[02/27/2023-23:06:47] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:47] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution) +[02/27/2023-23:06:47] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:47] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/27/2023-23:06:47] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:47] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 1651411198763708804 Time: 2.61979 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 2418518597804310654 Time: 2.60779 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 4318470497547290900 Time: 2.60992 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 4930470141256631146 Time: 3.39692 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 8292881859266835088 Time: 3.39812 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:06:47] [V] [TRT] Tactic: 8401509141903434922 Time: 2.6022 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -8654297089785671176 Time: 2.32056 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -7516584506774355935 Time: 3.40067 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -7140760933967189247 Time: 2.58746 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -6004726995029373073 Time: 3.39981 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -5719726816705110014 Time: 2.2746 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -4097850214384059472 Time: 3.40214 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -3717489476759089008 Time: 2.58347 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -3689982367035295496 Time: 2.28485 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -2640575123064142123 Time: 2.19992 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:06:47] [V] [TRT] Tactic: -2534402059426524406 Time: 2.20311 +[02/27/2023-23:06:47] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:06:48] [V] [TRT] Tactic: -2027588946874785071 Time: 3.38771 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:06:48] [V] [TRT] Tactic: -1968398013367819764 Time: 2.3438 +[02/27/2023-23:06:48] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 2.19992 +[02/27/2023-23:06:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123 +[02/27/2023-23:06:48] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:48] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution) +[02/27/2023-23:06:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:48] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/27/2023-23:06:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:48] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/27/2023-23:06:48] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:48] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:48] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution) +[02/27/2023-23:06:48] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:48] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution) +[02/27/2023-23:06:48] [V] [TRT] Tactic: 0 Time: 12.7557 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 56 Time: 12.6804 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:06:48] [V] [TRT] Fastest Tactic: 56 Time: 12.6804 +[02/27/2023-23:06:48] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution) +[02/27/2023-23:06:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:48] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution) +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 83696452256923412 Time: 2.06889 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 106549059816437840 Time: 2.02114 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 1179757074518529353 Time: 2.02268 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 2105695814191699972 Time: 2.3445 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 2148106709480872763 Time: 2.07716 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 2410442691266548717 Time: 1.95525 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 2511830168590723349 Time: 1.88947 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 2634905271404611895 Time: 1.99651 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 2689212690707793357 Time: 1.93101 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 2798075085844016892 Time: 1.97127 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 3041642431972138763 Time: 1.97104 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 3091156937974993800 Time: 1.97091 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:06:48] [V] [TRT] Tactic: 3199589679702517123 Time: 1.8883 +[02/27/2023-23:06:48] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 3754069740140581927 Time: 1.97232 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 3932578551652369355 Time: 1.98897 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 4149021101886580762 Time: 1.98605 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 4555462412611657028 Time: 2.06243 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 4749226340913476230 Time: 2.08442 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 5483093640784800285 Time: 2.00202 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97777 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 5900614001783877430 Time: 2.11108 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 5925270497649423688 Time: 2.28074 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 5999406432703271895 Time: 1.97906 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 6680916730816870145 Time: 2.1841 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 7107292614492808590 Time: 2.00196 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 7158029511300006471 Time: 2.29775 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 7859952145590271433 Time: 2.13148 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 8283847742354150423 Time: 1.97596 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 8468288610222482742 Time: 1.94146 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 8620567263556985011 Time: 1.94036 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 8642279798680442080 Time: 1.97035 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 8980274178270132023 Time: 2.09929 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:06:49] [V] [TRT] Tactic: 9108067304506990859 Time: 1.96911 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:06:49] [V] [TRT] Tactic: -9104099172933216230 Time: 2.07629 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:06:49] [V] [TRT] Tactic: -8992262742606384444 Time: 2.04665 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:06:49] [V] [TRT] Tactic: -8956720569082607796 Time: 2.14848 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:06:49] [V] [TRT] Tactic: -8952042869709043207 Time: 2.11725 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:06:49] [V] [TRT] Tactic: -8898856569474934280 Time: 1.96266 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:06:49] [V] [TRT] Tactic: -8774805574135441656 Time: 1.88669 +[02/27/2023-23:06:49] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -8749513212655756001 Time: 1.92535 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -8520017388966620486 Time: 1.9855 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -8487084252145372186 Time: 1.92935 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -8391760416076885205 Time: 2.28451 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -7990268040387498660 Time: 2.08504 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -7849113095413980300 Time: 1.93366 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -7533167286135592323 Time: 2.07956 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -6273232454637933930 Time: 2.02595 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -5818527483287834165 Time: 2.05503 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -5590418898350402100 Time: 2.01809 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -5505475137955795830 Time: 1.9538 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -5389631537202601150 Time: 1.9362 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -5332866838585594777 Time: 2.08161 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -5121883532434354186 Time: 2.01942 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -5006039300385557796 Time: 2.04248 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -4534876761957424274 Time: 2.28582 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -4352168563838861262 Time: 1.96425 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -4109084522508697633 Time: 1.93277 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -3237051169894153788 Time: 2.24984 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -3136088851200285532 Time: 1.97547 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -2827934362840121038 Time: 2.0193 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -2676138141351394855 Time: 2.11176 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -2601537631049973288 Time: 1.98387 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -2586046817576862066 Time: 1.94908 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -2569977342077121032 Time: 2.14117 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:06:50] [V] [TRT] Tactic: -2422160065350346448 Time: 2.05848 +[02/27/2023-23:06:50] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:06:51] [V] [TRT] Tactic: -2125188058121029448 Time: 1.88608 +[02/27/2023-23:06:51] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:06:51] [V] [TRT] Tactic: -2123887091022542343 Time: 2.10752 +[02/27/2023-23:06:51] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:06:51] [V] [TRT] Tactic: -1838109259315759592 Time: 2.00237 +[02/27/2023-23:06:51] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:06:51] [V] [TRT] Tactic: -1216445540764179377 Time: 1.93925 +[02/27/2023-23:06:51] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:06:51] [V] [TRT] Tactic: -539379305772590030 Time: 2.05718 +[02/27/2023-23:06:51] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:06:51] [V] [TRT] Tactic: -288413895057594820 Time: 2.04487 +[02/27/2023-23:06:51] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:06:51] [V] [TRT] Tactic: -229563042944049199 Time: 1.95732 +[02/27/2023-23:06:51] [V] [TRT] Fastest Tactic: -2125188058121029448 Time: 1.88608 +[02/27/2023-23:06:51] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling +[02/27/2023-23:06:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2125188058121029448 +[02/27/2023-23:06:51] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:51] [V] [TRT] Tactic: 1002 Time: 3.61228 +[02/27/2023-23:06:51] [V] [TRT] Tactic: 0 Time: 5.19369 +[02/27/2023-23:06:51] [V] [TRT] Fastest Tactic: 1002 Time: 3.61228 +[02/27/2023-23:06:51] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:51] [V] [TRT] Tactic: 1002 Time: 3.07957 +[02/27/2023-23:06:51] [V] [TRT] Tactic: 0 Time: 3.12526 +[02/27/2023-23:06:51] [V] [TRT] Fastest Tactic: 1002 Time: 3.07957 +[02/27/2023-23:06:51] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:51] [V] [TRT] Tactic: 1002 Time: 3.4596 +[02/27/2023-23:06:51] [V] [TRT] Tactic: 0 Time: 2.4747 +[02/27/2023-23:06:51] [V] [TRT] Fastest Tactic: 0 Time: 2.4747 +[02/27/2023-23:06:51] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:51] [V] [TRT] Tactic: 1002 Time: 2.53591 +[02/27/2023-23:06:51] [V] [TRT] Tactic: 0 Time: 2.62164 +[02/27/2023-23:06:51] [V] [TRT] Fastest Tactic: 1002 Time: 2.53591 +[02/27/2023-23:06:51] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:51] [V] [TRT] Tactic: 1002 Time: 5.07019 +[02/27/2023-23:06:51] [V] [TRT] Tactic: 0 Time: 6.36529 +[02/27/2023-23:06:51] [V] [TRT] Fastest Tactic: 1002 Time: 5.07019 +[02/27/2023-23:06:51] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:52] [V] [TRT] Tactic: 1002 Time: 3.73498 +[02/27/2023-23:06:52] [V] [TRT] Tactic: 0 Time: 6.12662 +[02/27/2023-23:06:52] [V] [TRT] Fastest Tactic: 1002 Time: 3.73498 +[02/27/2023-23:06:52] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:52] [V] [TRT] Tactic: 1002 Time: 3.43428 +[02/27/2023-23:06:52] [V] [TRT] Tactic: 0 Time: 6.64118 +[02/27/2023-23:06:52] [V] [TRT] Fastest Tactic: 1002 Time: 3.43428 +[02/27/2023-23:06:52] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:52] [V] [TRT] Tactic: 1002 Time: 2.48998 +[02/27/2023-23:06:52] [V] [TRT] Tactic: 0 Time: 2.90052 +[02/27/2023-23:06:52] [V] [TRT] Fastest Tactic: 1002 Time: 2.48998 +[02/27/2023-23:06:52] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:52] [V] [TRT] Tactic: 1002 Time: 3.63772 +[02/27/2023-23:06:52] [V] [TRT] Tactic: 0 Time: 4.10634 +[02/27/2023-23:06:52] [V] [TRT] Fastest Tactic: 1002 Time: 3.63772 +[02/27/2023-23:06:52] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:52] [V] [TRT] Tactic: 1002 Time: 3.3012 +[02/27/2023-23:06:52] [V] [TRT] Tactic: 0 Time: 4.50076 +[02/27/2023-23:06:52] [V] [TRT] Fastest Tactic: 1002 Time: 3.3012 +[02/27/2023-23:06:52] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:52] [V] [TRT] Tactic: 1002 Time: 2.90742 +[02/27/2023-23:06:52] [V] [TRT] Tactic: 0 Time: 2.1913 +[02/27/2023-23:06:52] [V] [TRT] Fastest Tactic: 0 Time: 2.1913 +[02/27/2023-23:06:52] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:52] [V] [TRT] Tactic: 1002 Time: 2.58434 +[02/27/2023-23:06:52] [V] [TRT] Tactic: 0 Time: 1.94242 +[02/27/2023-23:06:52] [V] [TRT] Fastest Tactic: 0 Time: 1.94242 +[02/27/2023-23:06:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:52] [V] [TRT] Tactic: 1002 Time: 4.3811 +[02/27/2023-23:06:52] [V] [TRT] Tactic: 0 Time: 2.64948 +[02/27/2023-23:06:52] [V] [TRT] Fastest Tactic: 0 Time: 2.64948 +[02/27/2023-23:06:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:53] [V] [TRT] Tactic: 1002 Time: 3.40632 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 0 Time: 3.83628 +[02/27/2023-23:06:53] [V] [TRT] Fastest Tactic: 1002 Time: 3.40632 +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:53] [V] [TRT] Tactic: 1002 Time: 5.78218 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 0 Time: 2.09391 +[02/27/2023-23:06:53] [V] [TRT] Fastest Tactic: 0 Time: 2.09391 +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:53] [V] [TRT] Tactic: 1002 Time: 1.92906 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 0 Time: 1.94219 +[02/27/2023-23:06:53] [V] [TRT] Fastest Tactic: 1002 Time: 1.92906 +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:53] [V] [TRT] Tactic: 1002 Time: 4.3548 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 0 Time: 3.0437 +[02/27/2023-23:06:53] [V] [TRT] Fastest Tactic: 0 Time: 3.0437 +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:53] [V] [TRT] Tactic: 1002 Time: 3.1263 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 0 Time: 2.81327 +[02/27/2023-23:06:53] [V] [TRT] Fastest Tactic: 0 Time: 2.81327 +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:53] [V] [TRT] Tactic: 1002 Time: 3.93968 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 0 Time: 1.79256 +[02/27/2023-23:06:53] [V] [TRT] Fastest Tactic: 0 Time: 1.79256 +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:06:53] [V] [TRT] Tactic: 1002 Time: 2.70755 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 0 Time: 1.82012 +[02/27/2023-23:06:53] [V] [TRT] Fastest Tactic: 0 Time: 1.82012 +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution) +[02/27/2023-23:06:53] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution) +[02/27/2023-23:06:53] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:53] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution) +[02/27/2023-23:06:53] [V] [TRT] Tactic: 0 Time: 7.48276 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 1 Time: 3.90586 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216 +[02/27/2023-23:06:53] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 56 Time: 7.75826 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 57 Time: 3.90642 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:54] [V] [TRT] Fastest Tactic: 1 Time: 3.90586 +[02/27/2023-23:06:54] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/27/2023-23:06:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:54] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 1754569683116234317 Time: 3.87836 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 1825138533642645384 Time: 4.26441 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 2733356012094739613 Time: 3.82438 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 3915320020053085238 Time: 4.20347 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 6808617066150061604 Time: 2.26417 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 9091006216302412844 Time: 2.41299 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:06:54] [V] [TRT] Tactic: -8060443123034038864 Time: 2.51272 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:06:54] [V] [TRT] Tactic: -4420849921117327522 Time: 3.93979 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:06:54] [V] [TRT] Tactic: -3946921629105938337 Time: 3.88541 +[02/27/2023-23:06:54] [V] [TRT] Fastest Tactic: 6808617066150061604 Time: 2.26417 +[02/27/2023-23:06:54] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling +[02/27/2023-23:06:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 6808617066150061604 +[02/27/2023-23:06:54] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:54] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution) +[02/27/2023-23:06:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:54] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/27/2023-23:06:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:54] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 861694390046228376 Time: 4.43429 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:06:54] [V] [TRT] Tactic: 5258189349241541167 Time: 3.27554 +[02/27/2023-23:06:54] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:06:55] [V] [TRT] Tactic: 5821621277990374316 Time: 4.7235 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:06:55] [V] [TRT] Tactic: 5863767799113001648 Time: 3.34716 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:06:55] [V] [TRT] Tactic: -9147980667639709536 Time: 4.33165 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:06:55] [V] [TRT] Tactic: -8892196987859366827 Time: 4.54104 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:06:55] [V] [TRT] Tactic: -8850904373104590857 Time: 3.26629 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:06:55] [V] [TRT] Tactic: -8010679767156598961 Time: 3.16198 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:06:55] [V] [TRT] Tactic: -7751035352149795660 Time: 4.36678 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:06:55] [V] [TRT] Tactic: -5115676123557684531 Time: 4.58652 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:06:55] [V] [TRT] Tactic: -493597327599791285 Time: 3.25999 +[02/27/2023-23:06:55] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:06:55] [V] [TRT] Tactic: -423878181466897819 Time: 3.20814 +[02/27/2023-23:06:55] [V] [TRT] Fastest Tactic: -8010679767156598961 Time: 3.16198 +[02/27/2023-23:06:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8010679767156598961 +[02/27/2023-23:06:55] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:55] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution) +[02/27/2023-23:06:55] [V] [TRT] Tactic: 0 Time: 6.76544 +[02/27/2023-23:06:55] [V] [TRT] Tactic: 1 Time: 3.41156 +[02/27/2023-23:06:55] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216 +[02/27/2023-23:06:55] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216 +[02/27/2023-23:06:55] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:55] [V] [TRT] Tactic: 56 Time: 7.015 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216 +[02/27/2023-23:06:56] [V] [TRT] Fastest Tactic: 1 Time: 3.41156 +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/27/2023-23:06:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/27/2023-23:06:56] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling +[02/27/2023-23:06:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:06:56] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/27/2023-23:06:56] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution) +[02/27/2023-23:06:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution) +[02/27/2023-23:06:56] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/27/2023-23:06:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 1651411198763708804 Time: 1.12928 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 2418518597804310654 Time: 1.148 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 4318470497547290900 Time: 1.20684 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 4930470141256631146 Time: 1.90634 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 8292881859266835088 Time: 1.90843 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 8401509141903434922 Time: 1.20615 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -8654297089785671176 Time: 2.45737 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -7516584506774355935 Time: 1.89992 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -7140760933967189247 Time: 1.13948 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -6004726995029373073 Time: 1.88561 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -5719726816705110014 Time: 2.49383 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90012 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -3717489476759089008 Time: 1.15344 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -3689982367035295496 Time: 2.48933 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -2640575123064142123 Time: 2.18066 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -2534402059426524406 Time: 2.2788 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -2027588946874785071 Time: 1.89196 +[02/27/2023-23:06:56] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:06:56] [V] [TRT] Tactic: -1968398013367819764 Time: 2.46571 +[02/27/2023-23:06:56] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.12928 +[02/27/2023-23:06:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804 +[02/27/2023-23:06:56] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution) +[02/27/2023-23:06:56] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/27/2023-23:06:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/27/2023-23:06:56] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution) +[02/27/2023-23:06:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:56] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution) +[02/27/2023-23:06:56] [V] [TRT] Tactic: 0 Time: 9.83482 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216 +[02/27/2023-23:06:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 56 Time: 9.79824 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:06:57] [V] [TRT] Fastest Tactic: 56 Time: 9.79824 +[02/27/2023-23:06:57] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution) +[02/27/2023-23:06:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:57] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution) +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 83696452256923412 Time: 1.38286 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 106549059816437840 Time: 1.13664 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 1179757074518529353 Time: 1.149 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 2105695814191699972 Time: 1.37585 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 2148106709480872763 Time: 1.18553 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 2410442691266548717 Time: 1.15727 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 2511830168590723349 Time: 1.66221 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 2634905271404611895 Time: 1.36142 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 2689212690707793357 Time: 2.3325 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 2798075085844016892 Time: 1.35944 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 3041642431972138763 Time: 1.14396 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 3091156937974993800 Time: 1.35688 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 3199589679702517123 Time: 1.75296 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 3754069740140581927 Time: 1.49786 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 3932578551652369355 Time: 1.1455 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 4149021101886580762 Time: 1.36156 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 4555462412611657028 Time: 1.1947 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 4749226340913476230 Time: 1.37106 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 5483093640784800285 Time: 1.36137 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 5666160310350604399 Time: 1.52196 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 5900614001783877430 Time: 1.36798 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 5925270497649423688 Time: 1.45986 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 5999406432703271895 Time: 1.39007 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 6680916730816870145 Time: 1.15252 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 7107292614492808590 Time: 1.14093 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 7158029511300006471 Time: 1.37812 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 7859952145590271433 Time: 1.15332 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 8283847742354150423 Time: 1.49175 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 8468288610222482742 Time: 1.3622 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 8620567263556985011 Time: 1.45348 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 8642279798680442080 Time: 1.18434 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 8980274178270132023 Time: 1.36145 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:06:57] [V] [TRT] Tactic: 9108067304506990859 Time: 1.37438 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:06:57] [V] [TRT] Tactic: -9104099172933216230 Time: 1.2051 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:06:57] [V] [TRT] Tactic: -8992262742606384444 Time: 1.17868 +[02/27/2023-23:06:57] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -8956720569082607796 Time: 1.36913 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -8952042869709043207 Time: 1.36243 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17283 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -8774805574135441656 Time: 2.60133 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -8749513212655756001 Time: 1.36309 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -8520017388966620486 Time: 1.14512 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -8487084252145372186 Time: 2.2433 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45112 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -7990268040387498660 Time: 1.37817 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -7849113095413980300 Time: 1.46664 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37602 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15588 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -5818527483287834165 Time: 1.15418 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -5590418898350402100 Time: 1.36187 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -5505475137955795830 Time: 1.14838 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -5389631537202601150 Time: 1.42019 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -5332866838585594777 Time: 1.3783 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -5121883532434354186 Time: 1.36224 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -5006039300385557796 Time: 1.37061 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -4534876761957424274 Time: 1.44348 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -4352168563838861262 Time: 1.14727 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -4109084522508697633 Time: 1.46758 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -3237051169894153788 Time: 1.38116 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -3136088851200285532 Time: 1.14282 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -2827934362840121038 Time: 1.13559 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -2676138141351394855 Time: 1.36477 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -2601537631049973288 Time: 1.36252 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -2586046817576862066 Time: 1.15508 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -2569977342077121032 Time: 1.38406 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -2422160065350346448 Time: 1.15386 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -2125188058121029448 Time: 2.34454 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -2123887091022542343 Time: 1.36269 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -1838109259315759592 Time: 1.14258 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -1216445540764179377 Time: 1.15291 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -539379305772590030 Time: 1.14144 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -288413895057594820 Time: 1.36577 +[02/27/2023-23:06:58] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:06:58] [V] [TRT] Tactic: -229563042944049199 Time: 1.14629 +[02/27/2023-23:06:58] [V] [TRT] Fastest Tactic: -2827934362840121038 Time: 1.13559 +[02/27/2023-23:06:58] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling +[02/27/2023-23:06:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2827934362840121038 +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CudnnConvolution) +[02/27/2023-23:06:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:58] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CaskConvolution) +[02/27/2023-23:06:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CudnnConvolution) +[02/27/2023-23:06:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CublasConvolution) +[02/27/2023-23:06:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CaskConvolution) +[02/27/2023-23:06:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution) +[02/27/2023-23:06:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CudnnConvolution) +[02/27/2023-23:06:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CublasConvolution) +[02/27/2023-23:06:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution) +[02/27/2023-23:06:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CudnnConvolution) +[02/27/2023-23:06:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CaskConvolution) +[02/27/2023-23:06:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CudnnConvolution) +[02/27/2023-23:06:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CublasConvolution) +[02/27/2023-23:06:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CaskConvolution) +[02/27/2023-23:06:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(401408,3136,56,1) *************** +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution) +[02/27/2023-23:06:59] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution) +[02/27/2023-23:06:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution) +[02/27/2023-23:06:59] [V] [TRT] Tactic: 0 Time: 10.2383 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 1 Time: 7.76854 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 56 Time: 10.4055 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 57 Time: 7.76655 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216 +[02/27/2023-23:06:59] [V] [TRT] Fastest Tactic: 57 Time: 7.76655 +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/27/2023-23:06:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:06:59] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/27/2023-23:06:59] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 1754569683116234317 Time: 3.98032 +[02/27/2023-23:06:59] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:06:59] [V] [TRT] Tactic: 1825138533642645384 Time: 4.51827 +[02/27/2023-23:06:59] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:07:00] [V] [TRT] Tactic: 2733356012094739613 Time: 7.74403 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:00] [V] [TRT] Tactic: 3915320020053085238 Time: 4.47838 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:00] [V] [TRT] Tactic: 6808617066150061604 Time: 4.74612 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:07:00] [V] [TRT] Tactic: 9091006216302412844 Time: 4.94203 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:00] [V] [TRT] Tactic: -8060443123034038864 Time: 5.35598 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:00] [V] [TRT] Tactic: -4420849921117327522 Time: 7.81947 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:00] [V] [TRT] Tactic: -3946921629105938337 Time: 7.82453 +[02/27/2023-23:07:00] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 3.98032 +[02/27/2023-23:07:00] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling +[02/27/2023-23:07:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:07:00] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(401408,1,7168,128) *************** +[02/27/2023-23:07:00] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution) +[02/27/2023-23:07:00] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:00] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/27/2023-23:07:00] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:00] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:00] [V] [TRT] Tactic: 861694390046228376 Time: 5.07849 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:00] [V] [TRT] Tactic: 5258189349241541167 Time: 5.44439 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:00] [V] [TRT] Tactic: 5821621277990374316 Time: 5.12592 +[02/27/2023-23:07:00] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:01] [V] [TRT] Tactic: 5863767799113001648 Time: 6.38074 +[02/27/2023-23:07:01] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:01] [V] [TRT] Tactic: -9147980667639709536 Time: 4.54483 +[02/27/2023-23:07:01] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:07:01] [V] [TRT] Tactic: -8892196987859366827 Time: 4.96666 +[02/27/2023-23:07:01] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:01] [V] [TRT] Tactic: -8850904373104590857 Time: 5.30578 +[02/27/2023-23:07:01] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:07:01] [V] [TRT] Tactic: -8010679767156598961 Time: 6.32874 +[02/27/2023-23:07:01] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:01] [V] [TRT] Tactic: -7751035352149795660 Time: 4.65835 +[02/27/2023-23:07:01] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:07:01] [V] [TRT] Tactic: -5115676123557684531 Time: 5.1245 +[02/27/2023-23:07:01] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:07:01] [V] [TRT] Tactic: -493597327599791285 Time: 5.09202 +[02/27/2023-23:07:01] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:01] [V] [TRT] Tactic: -423878181466897819 Time: 6.44188 +[02/27/2023-23:07:01] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.54483 +[02/27/2023-23:07:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:07:01] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(401408,3136,56,1) *************** +[02/27/2023-23:07:01] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution) +[02/27/2023-23:07:02] [V] [TRT] Tactic: 0 Time: 8.6247 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 1 Time: 6.9736 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 56 Time: 9.05016 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216 +[02/27/2023-23:07:02] [V] [TRT] Fastest Tactic: 1 Time: 6.9736 +[02/27/2023-23:07:02] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/27/2023-23:07:02] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:02] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/27/2023-23:07:02] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:02] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling +[02/27/2023-23:07:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:07:02] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(401408,3136,56,1) *************** +[02/27/2023-23:07:02] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/27/2023-23:07:02] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:02] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136:2,56,1) *************** +[02/27/2023-23:07:02] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution) +[02/27/2023-23:07:02] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:02] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution) +[02/27/2023-23:07:02] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:02] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/27/2023-23:07:02] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:02] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 1651411198763708804 Time: 2.23544 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 2418518597804310654 Time: 2.63912 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 4318470497547290900 Time: 2.69686 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 4930470141256631146 Time: 3.81259 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 8292881859266835088 Time: 3.8328 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:02] [V] [TRT] Tactic: 8401509141903434922 Time: 2.52858 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:02] [V] [TRT] Tactic: -8654297089785671176 Time: 2.72594 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:07:02] [V] [TRT] Tactic: -7516584506774355935 Time: 3.80093 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:07:02] [V] [TRT] Tactic: -7140760933967189247 Time: 2.48733 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:02] [V] [TRT] Tactic: -6004726995029373073 Time: 3.80512 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:02] [V] [TRT] Tactic: -5719726816705110014 Time: 2.72947 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:07:02] [V] [TRT] Tactic: -4097850214384059472 Time: 3.80944 +[02/27/2023-23:07:02] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:07:03] [V] [TRT] Tactic: -3717489476759089008 Time: 2.4207 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:03] [V] [TRT] Tactic: -3689982367035295496 Time: 2.84288 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:07:03] [V] [TRT] Tactic: -2640575123064142123 Time: 2.31685 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:07:03] [V] [TRT] Tactic: -2534402059426524406 Time: 2.33347 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:03] [V] [TRT] Tactic: -2027588946874785071 Time: 3.81795 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:03] [V] [TRT] Tactic: -1968398013367819764 Time: 2.67911 +[02/27/2023-23:07:03] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.23544 +[02/27/2023-23:07:03] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804 +[02/27/2023-23:07:03] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(401408,3136,56,1) *************** +[02/27/2023-23:07:03] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution) +[02/27/2023-23:07:03] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:03] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/27/2023-23:07:03] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:03] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/27/2023-23:07:03] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:03] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(50176,1:8,896,16) *************** +[02/27/2023-23:07:03] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution) +[02/27/2023-23:07:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:03] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution) +[02/27/2023-23:07:03] [V] [TRT] Tactic: 0 Time: 11.7486 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308367360, available: 16777216 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 308281856, available: 16777216 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 56 Time: 11.8082 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 308281856, available: 16777216 +[02/27/2023-23:07:03] [V] [TRT] Fastest Tactic: 0 Time: 11.7486 +[02/27/2023-23:07:03] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution) +[02/27/2023-23:07:03] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:03] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution) +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 83696452256923412 Time: 1.71596 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 106549059816437840 Time: 1.8037 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 1179757074518529353 Time: 1.60975 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 2105695814191699972 Time: 1.9262 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 2148106709480872763 Time: 1.42151 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 2410442691266548717 Time: 1.4018 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:07:03] [V] [TRT] Tactic: 2511830168590723349 Time: 1.92107 +[02/27/2023-23:07:03] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 2634905271404611895 Time: 1.60172 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 2689212690707793357 Time: 2.4818 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 2798075085844016892 Time: 1.57405 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 3041642431972138763 Time: 1.36688 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 3091156937974993800 Time: 1.57385 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 3199589679702517123 Time: 1.96693 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 3754069740140581927 Time: 1.87736 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 3932578551652369355 Time: 1.7058 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 4149021101886580762 Time: 1.59733 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 4555462412611657028 Time: 1.40553 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 4749226340913476230 Time: 1.93934 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 5483093640784800285 Time: 1.66149 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 5666160310350604399 Time: 1.91712 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 5900614001783877430 Time: 1.92692 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 5925270497649423688 Time: 1.79582 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 5999406432703271895 Time: 1.63354 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 6680916730816870145 Time: 1.78638 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 7107292614492808590 Time: 1.38387 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 7158029511300006471 Time: 2.0027 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 7859952145590271433 Time: 1.75372 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 8283847742354150423 Time: 1.86756 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 8468288610222482742 Time: 1.61142 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 8620567263556985011 Time: 1.65246 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 8642279798680442080 Time: 1.4012 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 8980274178270132023 Time: 1.72074 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:07:04] [V] [TRT] Tactic: 9108067304506990859 Time: 1.67081 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:07:04] [V] [TRT] Tactic: -9104099172933216230 Time: 2.43987 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:04] [V] [TRT] Tactic: -8992262742606384444 Time: 1.42904 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:07:04] [V] [TRT] Tactic: -8956720569082607796 Time: 1.91764 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:07:04] [V] [TRT] Tactic: -8952042869709043207 Time: 1.62091 +[02/27/2023-23:07:04] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -8898856569474934280 Time: 1.41417 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -8774805574135441656 Time: 2.80883 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -8749513212655756001 Time: 1.61761 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -8520017388966620486 Time: 1.66221 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -8487084252145372186 Time: 2.52247 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -8391760416076885205 Time: 1.77468 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -7990268040387498660 Time: 2.20598 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -7849113095413980300 Time: 1.75955 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -7533167286135592323 Time: 1.58315 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -6273232454637933930 Time: 1.63245 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -5818527483287834165 Time: 1.57193 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -5590418898350402100 Time: 1.59732 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -5505475137955795830 Time: 1.36147 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -5389631537202601150 Time: 1.72966 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -5332866838585594777 Time: 1.58556 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -5121883532434354186 Time: 1.582 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -5006039300385557796 Time: 1.60194 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -4534876761957424274 Time: 1.79891 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -4352168563838861262 Time: 1.36412 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -4109084522508697633 Time: 1.7031 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -3237051169894153788 Time: 1.92458 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -3136088851200285532 Time: 1.3693 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -2827934362840121038 Time: 1.74768 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -2676138141351394855 Time: 2.3448 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -2601537631049973288 Time: 1.58193 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -2586046817576862066 Time: 1.39779 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -2569977342077121032 Time: 1.68923 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -2422160065350346448 Time: 1.70892 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -2125188058121029448 Time: 2.69522 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:07:05] [V] [TRT] Tactic: -2123887091022542343 Time: 1.62161 +[02/27/2023-23:07:05] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:07:06] [V] [TRT] Tactic: -1838109259315759592 Time: 1.38256 +[02/27/2023-23:07:06] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:07:06] [V] [TRT] Tactic: -1216445540764179377 Time: 1.38769 +[02/27/2023-23:07:06] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:07:06] [V] [TRT] Tactic: -539379305772590030 Time: 2.44215 +[02/27/2023-23:07:06] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:07:06] [V] [TRT] Tactic: -288413895057594820 Time: 1.60064 +[02/27/2023-23:07:06] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:06] [V] [TRT] Tactic: -229563042944049199 Time: 1.3669 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 1.36147 +[02/27/2023-23:07:06] [V] [TRT] Setting workspace to 308281856enables more tactics for profiling +[02/27/2023-23:07:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Float(401408,1,7168,128) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.80879 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 2.48837 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 1.80879 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(401408,3136,56,1) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.54386 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 1.56727 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 1.54386 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(200704,3136:2,56,1) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.70701 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 1.23569 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 0 Time: 1.23569 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(50176,1:8,896,16) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.26093 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 1.26987 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 1.26093 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Float(401408,3136,56,1) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 2.49625 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 2.89847 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 2.49625 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(401408,3136,56,1) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.73527 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 2.77963 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 1.73527 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(200704,3136:2,56,1) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.67196 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 2.95783 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 1.67196 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(50176,1:8,896,16) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.22694 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 1.44258 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 1.22694 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,3136,56,1) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.82982 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 2.05107 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 1.82982 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,1,7168,128) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.62425 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 2.13731 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 1002 Time: 1.62425 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(200704,3136:2,56,1) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.4348 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 1.07539 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 0 Time: 1.07539 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(50176,1:8,896,16) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:06] [V] [TRT] Tactic: 1002 Time: 1.26194 +[02/27/2023-23:07:06] [V] [TRT] Tactic: 0 Time: 0.927552 +[02/27/2023-23:07:06] [V] [TRT] Fastest Tactic: 0 Time: 0.927552 +[02/27/2023-23:07:06] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,3136,56,1) *************** +[02/27/2023-23:07:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1002 Time: 2.19835 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 1.32899 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 0 Time: 1.32899 +[02/27/2023-23:07:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,1,7168,128) *************** +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1002 Time: 1.6785 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 1.82338 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 1002 Time: 1.6785 +[02/27/2023-23:07:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(401408,3136,56,1) *************** +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1002 Time: 2.84965 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 1.05203 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 0 Time: 1.05203 +[02/27/2023-23:07:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(50176,1:8,896,16) *************** +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1002 Time: 0.937256 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 0.924412 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 0 Time: 0.924412 +[02/27/2023-23:07:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,3136,56,1) *************** +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1002 Time: 2.16937 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 1.472 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 0 Time: 1.472 +[02/27/2023-23:07:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,1,7168,128) *************** +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1002 Time: 1.54335 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 1.39586 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 0 Time: 1.39586 +[02/27/2023-23:07:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(401408,3136,56,1) *************** +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1002 Time: 1.89022 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 0.85926 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 0 Time: 0.85926 +[02/27/2023-23:07:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(200704,3136:2,56,1) *************** +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1002 Time: 1.31457 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 0.872316 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 0 Time: 0.872316 +[02/27/2023-23:07:07] [V] [TRT] *************** Autotuning format combination: Float(401408,3136,56,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution) +[02/27/2023-23:07:07] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution) +[02/27/2023-23:07:07] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution) +[02/27/2023-23:07:07] [V] [TRT] Tactic: 0 Time: 7.92998 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 1 Time: 5.16318 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 56 Time: 8.18424 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 57 Time: 5.35267 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216 +[02/27/2023-23:07:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216 +[02/27/2023-23:07:07] [V] [TRT] Fastest Tactic: 1 Time: 5.16318 +[02/27/2023-23:07:07] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/27/2023-23:07:07] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:07:08] [V] [TRT] Tactic: 1825138533642645384 Time: 4.33669 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458 +[02/27/2023-23:07:08] [V] [TRT] Tactic: 2842488832350522458 Time: 4.98818 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:08] [V] [TRT] Tactic: 3915320020053085238 Time: 4.7271 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203 +[02/27/2023-23:07:08] [V] [TRT] Tactic: 6448355332020552203 Time: 4.74886 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:08] [V] [TRT] Tactic: 6808617066150061604 Time: 5.03507 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:08] [V] [TRT] Tactic: -8060443123034038864 Time: 5.43655 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:08] [V] [TRT] Tactic: -4420849921117327522 Time: 7.93415 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:08] [V] [TRT] Tactic: -3946921629105938337 Time: 6.98728 +[02/27/2023-23:07:08] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.33669 +[02/27/2023-23:07:08] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling +[02/27/2023-23:07:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384 +[02/27/2023-23:07:08] [V] [TRT] *************** Autotuning format combination: Float(401408,1,7168,128) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:08] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution) +[02/27/2023-23:07:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:08] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:08] [V] [TRT] Tactic: 861694390046228376 Time: 5.44078 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567 +[02/27/2023-23:07:08] [V] [TRT] Tactic: 1017870653102653567 Time: 5.38354 +[02/27/2023-23:07:08] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:09] [V] [TRT] Tactic: 5258189349241541167 Time: 5.01832 +[02/27/2023-23:07:09] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:09] [V] [TRT] Tactic: 5821621277990374316 Time: 5.20386 +[02/27/2023-23:07:09] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:09] [V] [TRT] Tactic: 5863767799113001648 Time: 5.45274 +[02/27/2023-23:07:09] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:09] [V] [TRT] Tactic: -9147980667639709536 Time: 4.90915 +[02/27/2023-23:07:09] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:09] [V] [TRT] Tactic: -8850904373104590857 Time: 5.08268 +[02/27/2023-23:07:09] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:09] [V] [TRT] Tactic: -7751035352149795660 Time: 5.05822 +[02/27/2023-23:07:09] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465 +[02/27/2023-23:07:09] [V] [TRT] Tactic: -3853827649136781465 Time: 5.41591 +[02/27/2023-23:07:09] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196 +[02/27/2023-23:07:09] [V] [TRT] Tactic: -3263369460438823196 Time: 5.10751 +[02/27/2023-23:07:09] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:09] [V] [TRT] Tactic: -423878181466897819 Time: 5.46195 +[02/27/2023-23:07:09] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.90915 +[02/27/2023-23:07:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:07:09] [V] [TRT] *************** Autotuning format combination: Half(401408,3136,56,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:09] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution) +[02/27/2023-23:07:09] [V] [TRT] Tactic: 0 Time: 7.38025 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 1 Time: 6.01185 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 56 Time: 7.71295 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216 +[02/27/2023-23:07:10] [V] [TRT] Fastest Tactic: 1 Time: 6.01185 +[02/27/2023-23:07:10] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/27/2023-23:07:10] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:10] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling +[02/27/2023-23:07:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:07:10] [V] [TRT] *************** Autotuning format combination: Half(200704,3136:2,56,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:10] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution) +[02/27/2023-23:07:10] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:10] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution) +[02/27/2023-23:07:10] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:10] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 1145226902788474763 Time: 2.25895 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 1651411198763708804 Time: 2.56882 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 2418518597804310654 Time: 2.77296 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 4318470497547290900 Time: 2.69291 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 4653005425971292725 Time: 2.70603 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 4930470141256631146 Time: 3.35558 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 8292881859266835088 Time: 3.38907 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:10] [V] [TRT] Tactic: 8401509141903434922 Time: 2.8006 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:10] [V] [TRT] Tactic: -8654297089785671176 Time: 2.56867 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224 +[02/27/2023-23:07:10] [V] [TRT] Tactic: -7448936905981214224 Time: 3.24022 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:10] [V] [TRT] Tactic: -6004726995029373073 Time: 3.57144 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:10] [V] [TRT] Tactic: -5719726816705110014 Time: 2.67479 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741 +[02/27/2023-23:07:10] [V] [TRT] Tactic: -3754890472406891741 Time: 2.52066 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:10] [V] [TRT] Tactic: -3689982367035295496 Time: 2.42814 +[02/27/2023-23:07:10] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378 +[02/27/2023-23:07:11] [V] [TRT] Tactic: -2894005464278291378 Time: 3.10008 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:11] [V] [TRT] Tactic: -2027588946874785071 Time: 3.45182 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:11] [V] [TRT] Tactic: -1968398013367819764 Time: 2.71849 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743 +[02/27/2023-23:07:11] [V] [TRT] Tactic: -245090590808296743 Time: 2.56582 +[02/27/2023-23:07:11] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.25895 +[02/27/2023-23:07:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763 +[02/27/2023-23:07:11] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:11] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution) +[02/27/2023-23:07:11] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:11] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/27/2023-23:07:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:11] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:11] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution) +[02/27/2023-23:07:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:11] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution) +[02/27/2023-23:07:11] [V] [TRT] Tactic: 0 Time: 11.3965 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128751616, available: 16777216 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 56 Time: 11.1553 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:07:11] [V] [TRT] Fastest Tactic: 56 Time: 11.1553 +[02/27/2023-23:07:11] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution) +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 46202665595848747 Time: 2.1046 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 239013563835492727 Time: 1.6104 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 385569945292539752 Time: 2.37934 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 671037109694951988 Time: 1.31886 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 833287959109025818 Time: 1.49082 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 864841579020773074 Time: 1.02992 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 912634305247603909 Time: 2.31922 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 1013168150133367738 Time: 1.15125 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 1014187170474222133 Time: 1.22878 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 1067227531433278814 Time: 1.03498 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 1554365048685552334 Time: 2.43612 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:07:11] [V] [TRT] Tactic: 1579845938601132607 Time: 1.16639 +[02/27/2023-23:07:11] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 1796821236841789338 Time: 1.73369 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 1837941418294761657 Time: 1.3002 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 1948263663414159978 Time: 1.53662 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 1989668371181446952 Time: 1.92509 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 2027733232253711640 Time: 1.57423 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 2148106709480872763 Time: 1.31116 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 2154731107061273008 Time: 1.21543 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 2410442691266548717 Time: 0.930176 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 3464689803495983377 Time: 1.11364 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 3636831327753843771 Time: 1.16618 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 3745975654290680669 Time: 2.36266 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 3754069740140581927 Time: 1.46597 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 3784804427912340706 Time: 1.59214 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 3823144360994712832 Time: 1.02202 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 3919868136802676679 Time: 1.27273 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 5263029549013613567 Time: 0.938788 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 5506334059535811602 Time: 1.37774 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 5635311898703673455 Time: 0.922552 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 5786991692145244692 Time: 2.29447 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 5848150552772236982 Time: 1.29134 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 5925270497649423688 Time: 1.39811 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 5932046018238429951 Time: 1.67003 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 6103089697398018604 Time: 2.38842 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 6195603576432354734 Time: 1.58996 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 6252808259936499253 Time: 1.55378 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 6408235920257988861 Time: 1.27604 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 6623704051070449703 Time: 1.46704 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 6680916730816870145 Time: 1.41582 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 7114340626053367917 Time: 1.5608 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 7158029511300006471 Time: 1.46915 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 7612687199567064086 Time: 1.26334 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 7729555994715864793 Time: 1.24457 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 7844857443355818347 Time: 1.34295 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 7849296535223586261 Time: 1.31595 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:12] [V] [TRT] Tactic: 7859952145590271433 Time: 1.39272 +[02/27/2023-23:07:12] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863 +[02/27/2023-23:07:13] [V] [TRT] Tactic: 8219150286974756863 Time: 2.13806 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:13] [V] [TRT] Tactic: 8283847742354150423 Time: 1.46224 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:07:13] [V] [TRT] Tactic: 8455608235315878803 Time: 1.74755 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:07:13] [V] [TRT] Tactic: 8668812313058150080 Time: 1.35063 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -8992262742606384444 Time: 1.35578 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -8750433364328295059 Time: 1.37414 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -8682550625095202832 Time: 1.3365 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -8392835332206231687 Time: 1.76665 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -8254009616492665198 Time: 1.03065 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -7615325597099025933 Time: 1.03886 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -7594446953125532601 Time: 1.29276 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -7345578023323941164 Time: 2.09469 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -6828337260021572283 Time: 1.91883 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -6711815420995272523 Time: 1.71086 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -6636202818604544855 Time: 2.3099 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -6489479581011009593 Time: 1.51653 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -6320761427625651496 Time: 1.48414 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -6273232454637933930 Time: 1.00768 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -6080892721161662420 Time: 0.942708 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -6032793021868796623 Time: 1.25613 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -5818527483287834165 Time: 0.994052 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -5710735840878760115 Time: 1.0004 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -5589367647444470524 Time: 1.83168 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -5546257196173962281 Time: 1.20838 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -5198219374380660379 Time: 1.15908 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -4954692664176521434 Time: 0.95682 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -4627695383426341593 Time: 1.6237 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38522 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -4142141368456048176 Time: 1.49865 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -4116131327756252574 Time: 1.981 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -3968200906158272636 Time: 2.38872 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -3784342055748695733 Time: 1.67233 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -3425274793298557239 Time: 1.23556 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -3271955096576257018 Time: 1.27775 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -3237051169894153788 Time: 1.57625 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:13] [V] [TRT] Tactic: -3136088851200285532 Time: 0.915256 +[02/27/2023-23:07:13] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -2871615028541756894 Time: 2.28181 +[02/27/2023-23:07:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -2751179716463646694 Time: 1.5247 +[02/27/2023-23:07:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -2634388175487609605 Time: 1.9068 +[02/27/2023-23:07:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -2586046817576862066 Time: 0.93894 +[02/27/2023-23:07:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -1708101578041178688 Time: 1.37496 +[02/27/2023-23:07:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -1586820571068855896 Time: 1.53682 +[02/27/2023-23:07:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -1020632631321619146 Time: 1.3049 +[02/27/2023-23:07:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -907287437357565279 Time: 1.34769 +[02/27/2023-23:07:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:14] [V] [TRT] Tactic: -229563042944049199 Time: 0.905964 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.905964 +[02/27/2023-23:07:14] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling +[02/27/2023-23:07:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.46672 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.57156 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.46672 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.399396 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.398488 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.398488 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.433972 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.313704 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.313704 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.322248 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.32186 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.32186 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.649896 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.5542 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.5542 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.448572 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.5068 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.448572 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.422212 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.548628 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.422212 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.31284 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.341652 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.31284 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.4678 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.51146 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.4678 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.398504 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.461776 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.398504 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.363648 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.258492 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.258492 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.330748 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.231776 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.231776 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.5647 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.333012 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.333012 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.41564 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.427184 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.41564 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.576044 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.253508 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.253508 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.237568 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.23234 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.23234 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.546652 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.358796 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.358796 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.384912 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.356212 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.356212 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.436488 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.218452 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.218452 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1002 Time: 0.332152 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 0.219068 +[02/27/2023-23:07:14] [V] [TRT] Fastest Tactic: 0 Time: 0.219068 +[02/27/2023-23:07:14] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution) +[02/27/2023-23:07:14] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution) +[02/27/2023-23:07:14] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:14] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution) +[02/27/2023-23:07:14] [V] [TRT] Tactic: 0 Time: 5.89774 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 1 Time: 4.39542 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216 +[02/27/2023-23:07:14] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 56 Time: 6.09367 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 57 Time: 4.39759 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:15] [V] [TRT] Fastest Tactic: 1 Time: 4.39542 +[02/27/2023-23:07:15] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/27/2023-23:07:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:15] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 1754569683116234317 Time: 2.26448 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 1825138533642645384 Time: 2.40837 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 2733356012094739613 Time: 4.37597 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 3915320020053085238 Time: 2.42288 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 6808617066150061604 Time: 2.72594 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 9091006216302412844 Time: 2.72879 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:15] [V] [TRT] Tactic: -8060443123034038864 Time: 2.80188 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:15] [V] [TRT] Tactic: -4420849921117327522 Time: 4.47384 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:15] [V] [TRT] Tactic: -3946921629105938337 Time: 4.39087 +[02/27/2023-23:07:15] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.26448 +[02/27/2023-23:07:15] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling +[02/27/2023-23:07:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:07:15] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:15] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution) +[02/27/2023-23:07:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:15] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/27/2023-23:07:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:15] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 861694390046228376 Time: 2.59081 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 5258189349241541167 Time: 2.57652 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 5821621277990374316 Time: 2.67993 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:15] [V] [TRT] Tactic: 5863767799113001648 Time: 3.92076 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:15] [V] [TRT] Tactic: -9147980667639709536 Time: 2.35063 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:07:15] [V] [TRT] Tactic: -8892196987859366827 Time: 2.38682 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:15] [V] [TRT] Tactic: -8850904373104590857 Time: 2.64186 +[02/27/2023-23:07:15] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -8010679767156598961 Time: 3.92228 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -7751035352149795660 Time: 2.29365 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -5115676123557684531 Time: 2.6542 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -493597327599791285 Time: 2.41474 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -423878181466897819 Time: 3.91347 +[02/27/2023-23:07:16] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.29365 +[02/27/2023-23:07:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660 +[02/27/2023-23:07:16] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:16] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution) +[02/27/2023-23:07:16] [V] [TRT] Tactic: 0 Time: 4.37274 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 1 Time: 3.69937 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 56 Time: 4.86437 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:16] [V] [TRT] Fastest Tactic: 1 Time: 3.69937 +[02/27/2023-23:07:16] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/27/2023-23:07:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:16] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/27/2023-23:07:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:16] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling +[02/27/2023-23:07:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:07:16] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:16] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/27/2023-23:07:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:16] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:16] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution) +[02/27/2023-23:07:16] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:16] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution) +[02/27/2023-23:07:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:16] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/27/2023-23:07:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:16] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 1651411198763708804 Time: 1.34622 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 2418518597804310654 Time: 1.39113 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 4318470497547290900 Time: 1.44023 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 4930470141256631146 Time: 2.11616 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 8292881859266835088 Time: 2.15155 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:16] [V] [TRT] Tactic: 8401509141903434922 Time: 1.37684 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -8654297089785671176 Time: 1.57156 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -7516584506774355935 Time: 2.10821 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -7140760933967189247 Time: 1.35871 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -6004726995029373073 Time: 2.10867 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -5719726816705110014 Time: 1.47557 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -4097850214384059472 Time: 2.14264 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:07:16] [V] [TRT] Tactic: -3717489476759089008 Time: 1.34408 +[02/27/2023-23:07:16] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:17] [V] [TRT] Tactic: -3689982367035295496 Time: 1.55868 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:07:17] [V] [TRT] Tactic: -2640575123064142123 Time: 1.26195 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:07:17] [V] [TRT] Tactic: -2534402059426524406 Time: 1.26083 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:17] [V] [TRT] Tactic: -2027588946874785071 Time: 2.15097 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:17] [V] [TRT] Tactic: -1968398013367819764 Time: 1.54854 +[02/27/2023-23:07:17] [V] [TRT] Fastest Tactic: -2534402059426524406 Time: 1.26083 +[02/27/2023-23:07:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2534402059426524406 +[02/27/2023-23:07:17] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:17] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution) +[02/27/2023-23:07:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:17] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/27/2023-23:07:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:17] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/27/2023-23:07:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:17] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:17] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution) +[02/27/2023-23:07:17] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:17] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution) +[02/27/2023-23:07:17] [V] [TRT] Tactic: 0 Time: 6.06298 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 56 Time: 6.08728 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:07:17] [V] [TRT] Fastest Tactic: 0 Time: 6.06298 +[02/27/2023-23:07:17] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution) +[02/27/2023-23:07:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:17] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution) +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 83696452256923412 Time: 0.944188 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 106549059816437840 Time: 1.03026 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 1179757074518529353 Time: 0.835432 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 2105695814191699972 Time: 1.065 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 2148106709480872763 Time: 0.61038 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 2410442691266548717 Time: 0.740388 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 2511830168590723349 Time: 0.792168 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 2634905271404611895 Time: 0.647344 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 2689212690707793357 Time: 0.762848 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 2798075085844016892 Time: 0.72402 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 3041642431972138763 Time: 0.603936 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 3091156937974993800 Time: 0.71862 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 3199589679702517123 Time: 0.80628 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 3754069740140581927 Time: 1.00974 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 3932578551652369355 Time: 0.945396 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 4149021101886580762 Time: 0.643068 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 4555462412611657028 Time: 0.632624 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 4749226340913476230 Time: 1.02687 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 5483093640784800285 Time: 0.863984 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 5666160310350604399 Time: 1.00341 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 5900614001783877430 Time: 1.03343 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 5925270497649423688 Time: 0.924168 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 5999406432703271895 Time: 0.81712 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 6680916730816870145 Time: 1.05737 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 7107292614492808590 Time: 0.709904 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 7158029511300006471 Time: 1.05316 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 7859952145590271433 Time: 1.01648 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 8283847742354150423 Time: 0.949176 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 8468288610222482742 Time: 0.799792 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 8620567263556985011 Time: 0.723256 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 8642279798680442080 Time: 0.693884 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:07:17] [V] [TRT] Tactic: 8980274178270132023 Time: 0.828064 +[02/27/2023-23:07:17] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:07:18] [V] [TRT] Tactic: 9108067304506990859 Time: 0.810772 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -9104099172933216230 Time: 1.36423 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8992262742606384444 Time: 0.672472 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8956720569082607796 Time: 1.14246 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8952042869709043207 Time: 0.848152 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8898856569474934280 Time: 0.77098 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8774805574135441656 Time: 0.922112 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8749513212655756001 Time: 0.816308 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8520017388966620486 Time: 0.935856 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8487084252145372186 Time: 0.763424 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -8391760416076885205 Time: 0.93114 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -7990268040387498660 Time: 1.22761 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -7849113095413980300 Time: 0.794272 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -7533167286135592323 Time: 0.643712 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -6273232454637933930 Time: 0.883928 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -5818527483287834165 Time: 0.855088 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -5590418898350402100 Time: 0.79788 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -5505475137955795830 Time: 0.617492 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -5389631537202601150 Time: 0.768596 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -5332866838585594777 Time: 0.648116 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -5121883532434354186 Time: 0.662208 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -5006039300385557796 Time: 0.8009 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -4534876761957424274 Time: 0.931108 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -4352168563838861262 Time: 0.61482 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -4109084522508697633 Time: 0.767444 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -3237051169894153788 Time: 1.0651 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -3136088851200285532 Time: 0.606488 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -2827934362840121038 Time: 1.04698 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -2676138141351394855 Time: 1.17608 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -2601537631049973288 Time: 0.659008 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -2586046817576862066 Time: 0.727972 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -2569977342077121032 Time: 0.905076 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -2422160065350346448 Time: 1.06473 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -2125188058121029448 Time: 0.921656 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -2123887091022542343 Time: 0.782888 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -1838109259315759592 Time: 0.724588 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -1216445540764179377 Time: 0.693228 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -539379305772590030 Time: 1.35787 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -288413895057594820 Time: 0.779928 +[02/27/2023-23:07:18] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:18] [V] [TRT] Tactic: -229563042944049199 Time: 0.58414 +[02/27/2023-23:07:18] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.58414 +[02/27/2023-23:07:18] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling +[02/27/2023-23:07:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199 +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) *************** +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:18] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:18] [V] [TRT] Tactic: 1002 Time: 1.9051 +[02/27/2023-23:07:18] [V] [TRT] Tactic: 0 Time: 2.52268 +[02/27/2023-23:07:18] [V] [TRT] Fastest Tactic: 1002 Time: 1.9051 +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:18] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:18] [V] [TRT] Tactic: 1002 Time: 1.58084 +[02/27/2023-23:07:18] [V] [TRT] Tactic: 0 Time: 1.56751 +[02/27/2023-23:07:18] [V] [TRT] Fastest Tactic: 0 Time: 1.56751 +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:18] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:18] [V] [TRT] Tactic: 1002 Time: 1.75811 +[02/27/2023-23:07:18] [V] [TRT] Tactic: 0 Time: 1.24659 +[02/27/2023-23:07:18] [V] [TRT] Fastest Tactic: 0 Time: 1.24659 +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:18] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:18] [V] [TRT] Tactic: 1002 Time: 1.30091 +[02/27/2023-23:07:18] [V] [TRT] Tactic: 0 Time: 1.29344 +[02/27/2023-23:07:18] [V] [TRT] Fastest Tactic: 0 Time: 1.29344 +[02/27/2023-23:07:18] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:18] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 2.58628 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 2.46864 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 2.46864 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.78848 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 2.34848 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 1002 Time: 1.78848 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.665 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 2.59864 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 1002 Time: 1.665 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.23784 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 1.49432 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 1002 Time: 1.23784 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.85292 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 2.0425 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 1002 Time: 1.85292 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.64599 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 1.91777 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 1002 Time: 1.64599 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.52255 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 1.13051 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 1.13051 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.39061 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 0.949084 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 0.949084 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 2.24407 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 1.32356 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 1.32356 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.702 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 1.759 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 1002 Time: 1.702 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 2.66321 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 1.08722 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 1.08722 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 0.969584 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 0.945832 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 0.945832 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 2.21214 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 1.50964 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 1.50964 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.57526 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 1.39475 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 1.39475 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.905 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 0.910568 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 0.910568 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:19] [V] [TRT] Tactic: 1002 Time: 1.36173 +[02/27/2023-23:07:19] [V] [TRT] Tactic: 0 Time: 0.911304 +[02/27/2023-23:07:19] [V] [TRT] Fastest Tactic: 0 Time: 0.911304 +[02/27/2023-23:07:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution) +[02/27/2023-23:07:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:19] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution) +[02/27/2023-23:07:19] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:20] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution) +[02/27/2023-23:07:20] [V] [TRT] Tactic: 0 Time: 12.9458 +[02/27/2023-23:07:20] [V] [TRT] Tactic: 1 Time: 10.9991 +[02/27/2023-23:07:20] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:07:20] [V] [TRT] Tactic: 56 Time: 12.9794 +[02/27/2023-23:07:20] [V] [TRT] Tactic: 57 Time: 11.0031 +[02/27/2023-23:07:20] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:07:20] [V] [TRT] Fastest Tactic: 1 Time: 10.9991 +[02/27/2023-23:07:20] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/27/2023-23:07:20] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:07:20] [V] [TRT] Tactic: 1754569683116234317 Time: 6.12561 +[02/27/2023-23:07:20] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:07:21] [V] [TRT] Tactic: 1825138533642645384 Time: 6.19121 +[02/27/2023-23:07:21] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:07:21] [V] [TRT] Tactic: 2733356012094739613 Time: 18.8863 +[02/27/2023-23:07:21] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:21] [V] [TRT] Tactic: 3915320020053085238 Time: 6.13725 +[02/27/2023-23:07:21] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:21] [V] [TRT] Tactic: 6808617066150061604 Time: 10.496 +[02/27/2023-23:07:21] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:07:21] [V] [TRT] Tactic: 9091006216302412844 Time: 10.527 +[02/27/2023-23:07:21] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:22] [V] [TRT] Tactic: -8060443123034038864 Time: 10.4791 +[02/27/2023-23:07:22] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:22] [V] [TRT] Tactic: -4420849921117327522 Time: 18.1313 +[02/27/2023-23:07:22] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:22] [V] [TRT] Tactic: -3946921629105938337 Time: 18.8846 +[02/27/2023-23:07:22] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 6.12561 +[02/27/2023-23:07:22] [V] [TRT] Setting workspace to 102760448enables more tactics for profiling +[02/27/2023-23:07:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:07:22] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256), Float(401408,1,14336,512) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:22] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution) +[02/27/2023-23:07:22] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:22] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/27/2023-23:07:22] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:22] [V] [TRT] Tactic: 861694390046228376 Time: 4.71773 +[02/27/2023-23:07:22] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:22] [V] [TRT] Tactic: 5258189349241541167 Time: 5.34036 +[02/27/2023-23:07:22] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:22] [V] [TRT] Tactic: 5821621277990374316 Time: 5.07659 +[02/27/2023-23:07:22] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:23] [V] [TRT] Tactic: 5863767799113001648 Time: 7.40007 +[02/27/2023-23:07:23] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:23] [V] [TRT] Tactic: -9147980667639709536 Time: 4.72104 +[02/27/2023-23:07:23] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:07:23] [V] [TRT] Tactic: -8892196987859366827 Time: 4.98848 +[02/27/2023-23:07:23] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:23] [V] [TRT] Tactic: -8850904373104590857 Time: 5.05087 +[02/27/2023-23:07:23] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:07:23] [V] [TRT] Tactic: -8010679767156598961 Time: 7.25028 +[02/27/2023-23:07:23] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:23] [V] [TRT] Tactic: -7751035352149795660 Time: 4.71703 +[02/27/2023-23:07:23] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:07:23] [V] [TRT] Tactic: -5115676123557684531 Time: 5.08288 +[02/27/2023-23:07:23] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:07:23] [V] [TRT] Tactic: -493597327599791285 Time: 4.74038 +[02/27/2023-23:07:23] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:23] [V] [TRT] Tactic: -423878181466897819 Time: 7.3083 +[02/27/2023-23:07:23] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.71703 +[02/27/2023-23:07:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660 +[02/27/2023-23:07:23] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1), Half(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:23] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution) +[02/27/2023-23:07:24] [V] [TRT] Tactic: 0 Time: 10.1443 +[02/27/2023-23:07:24] [V] [TRT] Tactic: 1 Time: 14.2788 +[02/27/2023-23:07:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:07:24] [V] [TRT] Tactic: 56 Time: 10.3966 +[02/27/2023-23:07:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:07:24] [V] [TRT] Fastest Tactic: 0 Time: 10.1443 +[02/27/2023-23:07:24] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/27/2023-23:07:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:24] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling +[02/27/2023-23:07:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0 +[02/27/2023-23:07:24] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:24] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution) +[02/27/2023-23:07:24] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:24] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution) +[02/27/2023-23:07:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:24] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/27/2023-23:07:24] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:24] [V] [TRT] Tactic: 1651411198763708804 Time: 6.02792 +[02/27/2023-23:07:24] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:24] [V] [TRT] Tactic: 2418518597804310654 Time: 5.25578 +[02/27/2023-23:07:24] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:24] [V] [TRT] Tactic: 4318470497547290900 Time: 6.03576 +[02/27/2023-23:07:24] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:24] [V] [TRT] Tactic: 4930470141256631146 Time: 11.0298 +[02/27/2023-23:07:24] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:25] [V] [TRT] Tactic: 8292881859266835088 Time: 9.43247 +[02/27/2023-23:07:25] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:25] [V] [TRT] Tactic: 8401509141903434922 Time: 5.25548 +[02/27/2023-23:07:25] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:25] [V] [TRT] Tactic: -8654297089785671176 Time: 3.04156 +[02/27/2023-23:07:25] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:07:25] [V] [TRT] Tactic: -7516584506774355935 Time: 10.9102 +[02/27/2023-23:07:25] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:07:25] [V] [TRT] Tactic: -7140760933967189247 Time: 5.20638 +[02/27/2023-23:07:25] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:25] [V] [TRT] Tactic: -6004726995029373073 Time: 11.0409 +[02/27/2023-23:07:25] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:25] [V] [TRT] Tactic: -5719726816705110014 Time: 3.33767 +[02/27/2023-23:07:25] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:07:25] [V] [TRT] Tactic: -4097850214384059472 Time: 9.38417 +[02/27/2023-23:07:25] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:07:26] [V] [TRT] Tactic: -3717489476759089008 Time: 5.98224 +[02/27/2023-23:07:26] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:26] [V] [TRT] Tactic: -3689982367035295496 Time: 3.0064 +[02/27/2023-23:07:26] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:07:26] [V] [TRT] Tactic: -2640575123064142123 Time: 3.43639 +[02/27/2023-23:07:26] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:07:26] [V] [TRT] Tactic: -2534402059426524406 Time: 3.07641 +[02/27/2023-23:07:26] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:26] [V] [TRT] Tactic: -2027588946874785071 Time: 9.46027 +[02/27/2023-23:07:26] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:26] [V] [TRT] Tactic: -1968398013367819764 Time: 3.34461 +[02/27/2023-23:07:26] [V] [TRT] Fastest Tactic: -3689982367035295496 Time: 3.0064 +[02/27/2023-23:07:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3689982367035295496 +[02/27/2023-23:07:26] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:26] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution) +[02/27/2023-23:07:26] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:26] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/27/2023-23:07:26] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:26] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:26] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution) +[02/27/2023-23:07:26] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:26] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution) +[02/27/2023-23:07:26] [V] [TRT] Tactic: 0 Time: 13.044 +[02/27/2023-23:07:26] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308550656, available: 16777216 +[02/27/2023-23:07:26] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216 +[02/27/2023-23:07:26] [V] [TRT] Tactic: 56 Time: 13.0473 +[02/27/2023-23:07:26] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216 +[02/27/2023-23:07:26] [V] [TRT] Fastest Tactic: 0 Time: 13.044 +[02/27/2023-23:07:26] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution) +[02/27/2023-23:07:26] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:07:26] [V] [TRT] Tactic: 385569945292539752 Time: 2.20879 +[02/27/2023-23:07:26] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 833287959109025818 Time: 2.03717 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 1013168150133367738 Time: 1.36767 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 1067227531433278814 Time: 1.29188 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 1179757074518529353 Time: 1.38194 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 1554365048685552334 Time: 1.6008 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 1579845938601132607 Time: 1.2697 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 1796821236841789338 Time: 1.8781 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 1948263663414159978 Time: 1.72005 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 1989668371181446952 Time: 2.04494 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 2027733232253711640 Time: 1.40109 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 2105695814191699972 Time: 2.03053 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 2148106709480872763 Time: 1.32244 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 2410442691266548717 Time: 1.48618 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 2511830168590723349 Time: 1.26264 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 2798075085844016892 Time: 1.38062 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 3041642431972138763 Time: 1.25483 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 3745975654290680669 Time: 1.50306 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 3754069740140581927 Time: 1.844 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 3784804427912340706 Time: 1.56523 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 3919868136802676679 Time: 1.43392 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 4149021101886580762 Time: 1.49319 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 4555462412611657028 Time: 1.35053 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 4749226340913476230 Time: 1.99215 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 5483093640784800285 Time: 1.65157 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 5666160310350604399 Time: 1.88659 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 5848150552772236982 Time: 1.3275 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 5900614001783877430 Time: 1.96074 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 5925270497649423688 Time: 1.99165 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 5999406432703271895 Time: 1.52554 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 6103089697398018604 Time: 1.53753 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:07:27] [V] [TRT] Tactic: 6195603576432354734 Time: 1.92695 +[02/27/2023-23:07:27] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 6408235920257988861 Time: 1.42168 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 6623704051070449703 Time: 1.66436 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 6680916730816870145 Time: 1.89153 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 7114340626053367917 Time: 1.624 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 7158029511300006471 Time: 2.02274 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 7612687199567064086 Time: 1.33785 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 7729555994715864793 Time: 1.35846 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 7844857443355818347 Time: 1.56633 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 7859952145590271433 Time: 1.91004 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 8283847742354150423 Time: 1.79841 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 8455608235315878803 Time: 1.99388 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:07:28] [V] [TRT] Tactic: 8668812313058150080 Time: 1.49289 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8992262742606384444 Time: 1.32012 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8952042869709043207 Time: 1.56386 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8898856569474934280 Time: 1.34566 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8774805574135441656 Time: 1.58765 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8750433364328295059 Time: 1.55739 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8749513212655756001 Time: 1.41936 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8520017388966620486 Time: 1.74009 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8487084252145372186 Time: 1.56613 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8392835332206231687 Time: 1.80289 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8391760416076885205 Time: 1.97942 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -8254009616492665198 Time: 1.44992 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -7849113095413980300 Time: 1.63026 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -7615325597099025933 Time: 1.47123 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -7594446953125532601 Time: 1.67096 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -7533167286135592323 Time: 1.31463 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -7345578023323941164 Time: 2.46786 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -6828337260021572283 Time: 2.15025 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:07:28] [V] [TRT] Tactic: -6711815420995272523 Time: 2.10002 +[02/27/2023-23:07:28] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -6636202818604544855 Time: 2.69617 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -6489479581011009593 Time: 1.38011 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -6273232454637933930 Time: 1.47904 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -6080892721161662420 Time: 1.28373 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -5818527483287834165 Time: 1.49718 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -5710735840878760115 Time: 1.26925 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -5589367647444470524 Time: 1.83522 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -5198219374380660379 Time: 1.44957 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -5121883532434354186 Time: 1.26723 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -5006039300385557796 Time: 1.39923 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -4627695383426341593 Time: 1.57191 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -4534876761957424274 Time: 1.94612 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17577 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -4116131327756252574 Time: 2.06873 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -4109084522508697633 Time: 1.41682 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -3968200906158272636 Time: 1.60181 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -3425274793298557239 Time: 1.32911 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -3271955096576257018 Time: 1.3069 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -3237051169894153788 Time: 2.08943 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -3136088851200285532 Time: 1.30478 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -2871615028541756894 Time: 2.27725 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -2827934362840121038 Time: 1.93376 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -2676138141351394855 Time: 2.51992 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -2586046817576862066 Time: 1.51442 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -2569977342077121032 Time: 1.6409 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -2422160065350346448 Time: 1.84289 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -1838109259315759592 Time: 1.3194 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -1708101578041178688 Time: 1.50548 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -1586820571068855896 Time: 1.64565 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -1216445540764179377 Time: 1.52621 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -1020632631321619146 Time: 1.57876 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:07:29] [V] [TRT] Tactic: -907287437357565279 Time: 1.47001 +[02/27/2023-23:07:29] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:07:30] [V] [TRT] Tactic: -539379305772590030 Time: 2.27751 +[02/27/2023-23:07:30] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:30] [V] [TRT] Tactic: -229563042944049199 Time: 1.28439 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 1.17577 +[02/27/2023-23:07:30] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling +[02/27/2023-23:07:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.90363 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 2.51665 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 1002 Time: 1.90363 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.58034 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 1.56775 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 0 Time: 1.56775 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.76166 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 1.24512 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 0 Time: 1.24512 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.30144 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 1.29377 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 0 Time: 1.29377 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 2.58635 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 2.46889 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 0 Time: 2.46889 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.78664 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 2.36654 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 1002 Time: 1.78664 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.6764 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 2.554 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 1002 Time: 1.6764 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.24016 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 1.47481 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 1002 Time: 1.24016 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.85331 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 2.04474 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 1002 Time: 1.85331 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.64597 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 1.92435 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 1002 Time: 1.64597 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.53311 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 1.10674 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 0 Time: 1.10674 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.38014 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 0.946632 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 0 Time: 0.946632 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 2.24323 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 1.32366 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 0 Time: 1.32366 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:30] [V] [TRT] Tactic: 1002 Time: 1.69842 +[02/27/2023-23:07:30] [V] [TRT] Tactic: 0 Time: 1.7593 +[02/27/2023-23:07:30] [V] [TRT] Fastest Tactic: 1002 Time: 1.69842 +[02/27/2023-23:07:30] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:30] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1002 Time: 2.70556 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 0 Time: 1.10602 +[02/27/2023-23:07:31] [V] [TRT] Fastest Tactic: 0 Time: 1.10602 +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1002 Time: 0.968604 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 0 Time: 0.946272 +[02/27/2023-23:07:31] [V] [TRT] Fastest Tactic: 0 Time: 0.946272 +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1002 Time: 2.21038 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 0 Time: 1.50859 +[02/27/2023-23:07:31] [V] [TRT] Fastest Tactic: 0 Time: 1.50859 +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1002 Time: 1.5763 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 0 Time: 1.39655 +[02/27/2023-23:07:31] [V] [TRT] Fastest Tactic: 0 Time: 1.39655 +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1002 Time: 1.91795 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 0 Time: 0.911096 +[02/27/2023-23:07:31] [V] [TRT] Fastest Tactic: 0 Time: 0.911096 +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1002 Time: 1.36324 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 0 Time: 0.911728 +[02/27/2023-23:07:31] [V] [TRT] Fastest Tactic: 0 Time: 0.911728 +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution) +[02/27/2023-23:07:31] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution) +[02/27/2023-23:07:31] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution) +[02/27/2023-23:07:31] [V] [TRT] Tactic: 0 Time: 3.86198 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1 Time: 3.05954 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 56 Time: 3.98817 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 57 Time: 3.05715 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:31] [V] [TRT] Fastest Tactic: 57 Time: 3.05715 +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/27/2023-23:07:31] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:31] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/27/2023-23:07:31] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1754569683116234317 Time: 1.96 +[02/27/2023-23:07:31] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 1825138533642645384 Time: 2.03516 +[02/27/2023-23:07:31] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 2733356012094739613 Time: 3.89102 +[02/27/2023-23:07:31] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 3915320020053085238 Time: 2.12618 +[02/27/2023-23:07:31] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 6808617066150061604 Time: 2.29841 +[02/27/2023-23:07:31] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:07:31] [V] [TRT] Tactic: 9091006216302412844 Time: 2.33728 +[02/27/2023-23:07:31] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -8060443123034038864 Time: 2.44695 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -4420849921117327522 Time: 3.76535 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -3946921629105938337 Time: 3.95826 +[02/27/2023-23:07:32] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.96 +[02/27/2023-23:07:32] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling +[02/27/2023-23:07:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:07:32] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution) +[02/27/2023-23:07:32] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/27/2023-23:07:32] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 861694390046228376 Time: 2.36111 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 5258189349241541167 Time: 2.41726 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 5821621277990374316 Time: 2.43361 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 5863767799113001648 Time: 2.85974 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -9147980667639709536 Time: 2.25511 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -8892196987859366827 Time: 2.30823 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -8850904373104590857 Time: 2.5731 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -8010679767156598961 Time: 2.9801 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -7751035352149795660 Time: 2.34164 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -5115676123557684531 Time: 2.37506 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -493597327599791285 Time: 2.42727 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:32] [V] [TRT] Tactic: -423878181466897819 Time: 2.79046 +[02/27/2023-23:07:32] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.25511 +[02/27/2023-23:07:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:07:32] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution) +[02/27/2023-23:07:32] [V] [TRT] Tactic: 0 Time: 3.54876 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 1 Time: 2.79567 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 56 Time: 3.84826 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:32] [V] [TRT] Fastest Tactic: 1 Time: 2.79567 +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/27/2023-23:07:32] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/27/2023-23:07:32] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:32] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling +[02/27/2023-23:07:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:07:32] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/27/2023-23:07:32] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:32] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution) +[02/27/2023-23:07:32] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution) +[02/27/2023-23:07:32] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/27/2023-23:07:32] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:32] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:32] [V] [TRT] Tactic: 1651411198763708804 Time: 1.05898 +[02/27/2023-23:07:32] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2418518597804310654 Time: 1.10799 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 4318470497547290900 Time: 1.21971 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 4930470141256631146 Time: 1.85393 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 8292881859266835088 Time: 1.90722 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 8401509141903434922 Time: 1.16615 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -8654297089785671176 Time: 1.21014 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -7516584506774355935 Time: 1.88936 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -7140760933967189247 Time: 1.14505 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -6004726995029373073 Time: 1.85745 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -5719726816705110014 Time: 1.16234 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90466 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -3717489476759089008 Time: 1.11593 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -3689982367035295496 Time: 1.16623 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -2640575123064142123 Time: 1.08611 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -2534402059426524406 Time: 1.07431 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -2027588946874785071 Time: 1.90508 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:33] [V] [TRT] Tactic: -1968398013367819764 Time: 1.16423 +[02/27/2023-23:07:33] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.05898 +[02/27/2023-23:07:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804 +[02/27/2023-23:07:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:33] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution) +[02/27/2023-23:07:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:33] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/27/2023-23:07:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:33] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/27/2023-23:07:33] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:33] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution) +[02/27/2023-23:07:33] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:33] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution) +[02/27/2023-23:07:33] [V] [TRT] Tactic: 0 Time: 5.07594 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128587776, available: 16777216 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 56 Time: 5.11895 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:07:33] [V] [TRT] Fastest Tactic: 0 Time: 5.07594 +[02/27/2023-23:07:33] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution) +[02/27/2023-23:07:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:33] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution) +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 83696452256923412 Time: 0.862148 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 106549059816437840 Time: 0.717348 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 1179757074518529353 Time: 0.679976 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2105695814191699972 Time: 0.908988 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2148106709480872763 Time: 0.65876 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2410442691266548717 Time: 0.665396 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2511830168590723349 Time: 0.756996 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2634905271404611895 Time: 0.82184 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2689212690707793357 Time: 1.04556 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 2798075085844016892 Time: 0.833036 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 3041642431972138763 Time: 0.6448 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 3091156937974993800 Time: 0.837588 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 3199589679702517123 Time: 0.771396 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 3754069740140581927 Time: 0.927296 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 3932578551652369355 Time: 0.759492 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:07:33] [V] [TRT] Tactic: 4149021101886580762 Time: 0.821556 +[02/27/2023-23:07:33] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 4555462412611657028 Time: 0.657324 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 4749226340913476230 Time: 0.886284 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 5483093640784800285 Time: 0.824952 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 5666160310350604399 Time: 0.930068 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 5900614001783877430 Time: 0.924604 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 5925270497649423688 Time: 0.85696 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 5999406432703271895 Time: 0.827 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 6680916730816870145 Time: 0.745252 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 7107292614492808590 Time: 0.644908 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 7158029511300006471 Time: 0.914656 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 7859952145590271433 Time: 0.746312 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 8283847742354150423 Time: 0.93212 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 8468288610222482742 Time: 0.83158 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 8620567263556985011 Time: 0.852784 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 8642279798680442080 Time: 0.661972 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 8980274178270132023 Time: 0.840224 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:07:34] [V] [TRT] Tactic: 9108067304506990859 Time: 0.826892 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -9104099172933216230 Time: 0.987132 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8992262742606384444 Time: 0.665896 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8956720569082607796 Time: 0.939288 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8952042869709043207 Time: 0.828996 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8898856569474934280 Time: 0.66842 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8774805574135441656 Time: 1.15194 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8749513212655756001 Time: 0.839816 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8520017388966620486 Time: 0.775856 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8487084252145372186 Time: 1.06852 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -8391760416076885205 Time: 0.858044 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -7990268040387498660 Time: 1.0138 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -7849113095413980300 Time: 0.851996 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -7533167286135592323 Time: 0.814036 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -6273232454637933930 Time: 0.690924 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -5818527483287834165 Time: 0.683272 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -5590418898350402100 Time: 0.824144 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -5505475137955795830 Time: 0.648508 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -5389631537202601150 Time: 0.850116 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -5332866838585594777 Time: 0.814548 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -5121883532434354186 Time: 0.817652 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -5006039300385557796 Time: 0.815524 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -4534876761957424274 Time: 0.851632 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -4352168563838861262 Time: 0.647848 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -4109084522508697633 Time: 0.857892 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -3237051169894153788 Time: 0.89106 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -3136088851200285532 Time: 0.645504 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -2827934362840121038 Time: 0.71762 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -2676138141351394855 Time: 1.01827 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -2601537631049973288 Time: 0.819224 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -2586046817576862066 Time: 0.66936 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -2569977342077121032 Time: 0.85986 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -2422160065350346448 Time: 0.7427 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -2125188058121029448 Time: 1.10896 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -2123887091022542343 Time: 0.82324 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -1838109259315759592 Time: 0.643692 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -1216445540764179377 Time: 0.665132 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -539379305772590030 Time: 0.987844 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -288413895057594820 Time: 0.815104 +[02/27/2023-23:07:34] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:34] [V] [TRT] Tactic: -229563042944049199 Time: 0.646416 +[02/27/2023-23:07:34] [V] [TRT] Fastest Tactic: -1838109259315759592 Time: 0.643692 +[02/27/2023-23:07:34] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling +[02/27/2023-23:07:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -1838109259315759592 +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:34] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution) +[02/27/2023-23:07:34] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:34] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution) +[02/27/2023-23:07:34] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:35] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution) +[02/27/2023-23:07:35] [V] [TRT] Tactic: 0 Time: 7.62043 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 1 skipped. Scratch requested: 37312512, available: 16777216 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 6 Time: 4.5868 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 56 Time: 8.03112 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 57 skipped. Scratch requested: 37312512, available: 16777216 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 62 Time: 4.59843 +[02/27/2023-23:07:35] [V] [TRT] Fastest Tactic: 6 Time: 4.5868 +[02/27/2023-23:07:35] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/27/2023-23:07:35] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 1825138533642645384 Time: 4.40074 +[02/27/2023-23:07:35] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 2775507031594384867 Time: 4.08713 +[02/27/2023-23:07:35] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 2842488832350522458 Time: 4.74192 +[02/27/2023-23:07:35] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 3915320020053085238 Time: 4.43162 +[02/27/2023-23:07:35] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 6448355332020552203 Time: 4.63552 +[02/27/2023-23:07:35] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:35] [V] [TRT] Tactic: 6808617066150061604 Time: 4.65556 +[02/27/2023-23:07:35] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:36] [V] [TRT] Tactic: -8060443123034038864 Time: 4.93117 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:36] [V] [TRT] Tactic: -4420849921117327522 Time: 6.48662 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:36] [V] [TRT] Tactic: -3946921629105938337 Time: 5.70497 +[02/27/2023-23:07:36] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.08713 +[02/27/2023-23:07:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867 +[02/27/2023-23:07:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:36] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution) +[02/27/2023-23:07:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:36] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:36] [V] [TRT] Tactic: 861694390046228376 Time: 4.69562 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567 +[02/27/2023-23:07:36] [V] [TRT] Tactic: 1017870653102653567 Time: 4.57048 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:36] [V] [TRT] Tactic: 5258189349241541167 Time: 4.73554 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:36] [V] [TRT] Tactic: 5821621277990374316 Time: 4.46554 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:36] [V] [TRT] Tactic: 5863767799113001648 Time: 5.11198 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:36] [V] [TRT] Tactic: -9147980667639709536 Time: 4.32773 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:36] [V] [TRT] Tactic: -8850904373104590857 Time: 4.72176 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:36] [V] [TRT] Tactic: -7751035352149795660 Time: 4.40713 +[02/27/2023-23:07:36] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465 +[02/27/2023-23:07:37] [V] [TRT] Tactic: -3853827649136781465 Time: 4.50793 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196 +[02/27/2023-23:07:37] [V] [TRT] Tactic: -3263369460438823196 Time: 4.57712 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:37] [V] [TRT] Tactic: -423878181466897819 Time: 5.132 +[02/27/2023-23:07:37] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.32773 +[02/27/2023-23:07:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:07:37] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:37] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution) +[02/27/2023-23:07:37] [V] [TRT] Tactic: 0 Time: 7.14776 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20375040, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 56 Time: 7.09018 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216 +[02/27/2023-23:07:37] [V] [TRT] Fastest Tactic: 56 Time: 7.09018 +[02/27/2023-23:07:37] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/27/2023-23:07:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:37] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling +[02/27/2023-23:07:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 56 +[02/27/2023-23:07:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:37] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution) +[02/27/2023-23:07:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:37] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution) +[02/27/2023-23:07:37] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:37] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 1145226902788474763 Time: 2.12717 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 1651411198763708804 Time: 2.44479 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 2418518597804310654 Time: 2.52949 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 4318470497547290900 Time: 2.51972 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 4653005425971292725 Time: 2.52515 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 4930470141256631146 Time: 2.78767 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 8292881859266835088 Time: 2.85613 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:37] [V] [TRT] Tactic: 8401509141903434922 Time: 2.58199 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:37] [V] [TRT] Tactic: -8654297089785671176 Time: 2.44584 +[02/27/2023-23:07:37] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -7448936905981214224 Time: 2.7112 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -6004726995029373073 Time: 2.77288 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -5719726816705110014 Time: 2.50897 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -3754890472406891741 Time: 2.49147 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -3689982367035295496 Time: 2.39334 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -3140347171730126532 Time: 2.16666 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -2894005464278291378 Time: 2.72177 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -2027588946874785071 Time: 3.00754 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -1968398013367819764 Time: 2.55574 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743 +[02/27/2023-23:07:38] [V] [TRT] Tactic: -245090590808296743 Time: 2.46775 +[02/27/2023-23:07:38] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.12717 +[02/27/2023-23:07:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763 +[02/27/2023-23:07:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:38] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution) +[02/27/2023-23:07:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:38] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/27/2023-23:07:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:38] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution) +[02/27/2023-23:07:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:38] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution) +[02/27/2023-23:07:38] [V] [TRT] Tactic: 0 Time: 10.5072 +[02/27/2023-23:07:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 51681280, available: 16777216 +[02/27/2023-23:07:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:07:38] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216 +[02/27/2023-23:07:38] [V] [TRT] Tactic: 56 Time: 10.4401 +[02/27/2023-23:07:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216 +[02/27/2023-23:07:38] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216 +[02/27/2023-23:07:38] [V] [TRT] Fastest Tactic: 56 Time: 10.4401 +[02/27/2023-23:07:38] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution) +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747 +[02/27/2023-23:07:38] [V] [TRT] Tactic: 46202665595848747 Time: 2.04256 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727 +[02/27/2023-23:07:38] [V] [TRT] Tactic: 239013563835492727 Time: 1.51041 +[02/27/2023-23:07:38] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 385569945292539752 Time: 2.16835 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 671037109694951988 Time: 1.12133 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 833287959109025818 Time: 1.31562 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 864841579020773074 Time: 0.718056 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 912634305247603909 Time: 2.20232 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1013168150133367738 Time: 0.921492 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1014187170474222133 Time: 1.11236 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1067227531433278814 Time: 0.787704 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1554365048685552334 Time: 2.29942 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1579845938601132607 Time: 0.736552 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1796821236841789338 Time: 1.64115 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1837941418294761657 Time: 1.1673 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1948263663414159978 Time: 1.35754 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 1989668371181446952 Time: 1.69878 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 2027733232253711640 Time: 1.41404 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 2148106709480872763 Time: 0.88642 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 2154731107061273008 Time: 1.06008 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 2410442691266548717 Time: 0.7355 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 3464689803495983377 Time: 0.867688 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 3636831327753843771 Time: 0.752436 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 3745975654290680669 Time: 2.26658 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 3754069740140581927 Time: 1.27042 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 3784804427912340706 Time: 1.42607 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 3823144360994712832 Time: 0.869112 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 3919868136802676679 Time: 1.17984 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 5263029549013613567 Time: 0.728088 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 5506334059535811602 Time: 1.36652 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 5635311898703673455 Time: 0.68312 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 5786991692145244692 Time: 2.08053 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 5848150552772236982 Time: 1.09753 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 5925270497649423688 Time: 1.1545 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 5932046018238429951 Time: 1.47927 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 6103089697398018604 Time: 2.26696 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 6195603576432354734 Time: 1.49587 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 6252808259936499253 Time: 1.4032 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 6408235920257988861 Time: 1.14567 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 6623704051070449703 Time: 1.27594 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 6680916730816870145 Time: 1.32847 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 7114340626053367917 Time: 1.49072 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:39] [V] [TRT] Tactic: 7158029511300006471 Time: 1.30766 +[02/27/2023-23:07:39] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 7612687199567064086 Time: 1.11593 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 7729555994715864793 Time: 1.11094 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 7844857443355818347 Time: 1.18585 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 7849296535223586261 Time: 1.18128 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 7859952145590271433 Time: 1.33611 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 8219150286974756863 Time: 1.99268 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 8283847742354150423 Time: 1.3239 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 8455608235315878803 Time: 1.62667 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:07:40] [V] [TRT] Tactic: 8668812313058150080 Time: 1.22684 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -8992262742606384444 Time: 0.919108 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -8750433364328295059 Time: 1.19337 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -8682550625095202832 Time: 0.910472 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -8392835332206231687 Time: 1.65797 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -8254009616492665198 Time: 0.744692 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -7615325597099025933 Time: 0.7723 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -7594446953125532601 Time: 1.16033 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -7345578023323941164 Time: 1.94769 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -6828337260021572283 Time: 1.74913 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -6711815420995272523 Time: 1.54406 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -6636202818604544855 Time: 2.1746 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -6489479581011009593 Time: 1.50823 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -6320761427625651496 Time: 1.45768 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -6273232454637933930 Time: 0.841496 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -6080892721161662420 Time: 0.709092 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -6032793021868796623 Time: 1.12816 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -5818527483287834165 Time: 0.820344 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -5710735840878760115 Time: 0.81018 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -5589367647444470524 Time: 1.72902 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -5546257196173962281 Time: 1.0996 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -5198219374380660379 Time: 0.884824 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -4954692664176521434 Time: 0.754764 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -4627695383426341593 Time: 1.4597 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -4534876761957424274 Time: 1.19101 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -4142141368456048176 Time: 1.43732 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -4116131327756252574 Time: 1.89196 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -3968200906158272636 Time: 2.27907 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -3784342055748695733 Time: 1.57469 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -3425274793298557239 Time: 1.04176 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:07:40] [V] [TRT] Tactic: -3271955096576257018 Time: 1.08784 +[02/27/2023-23:07:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -3237051169894153788 Time: 1.35065 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -3136088851200285532 Time: 0.700092 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -2871615028541756894 Time: 2.08846 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -2751179716463646694 Time: 1.42477 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -2634388175487609605 Time: 1.82252 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -2586046817576862066 Time: 0.744924 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -1708101578041178688 Time: 1.31493 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -1586820571068855896 Time: 1.42853 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -1020632631321619146 Time: 1.21488 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -907287437357565279 Time: 1.36436 +[02/27/2023-23:07:41] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:41] [V] [TRT] Tactic: -229563042944049199 Time: 0.676812 +[02/27/2023-23:07:41] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.676812 +[02/27/2023-23:07:41] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling +[02/27/2023-23:07:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199 +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:41] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution) +[02/27/2023-23:07:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:41] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution) +[02/27/2023-23:07:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:41] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution) +[02/27/2023-23:07:41] [V] [TRT] Tactic: 0 Time: 10.1428 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 1 Time: 8.51768 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 56 Time: 10.098 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 57 Time: 8.50552 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:41] [V] [TRT] Fastest Tactic: 57 Time: 8.50552 +[02/27/2023-23:07:41] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/27/2023-23:07:41] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:41] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/27/2023-23:07:41] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 1754569683116234317 Time: 2.90978 +[02/27/2023-23:07:41] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:07:41] [V] [TRT] Tactic: 1825138533642645384 Time: 3.01021 +[02/27/2023-23:07:41] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:07:42] [V] [TRT] Tactic: 2733356012094739613 Time: 5.4049 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:42] [V] [TRT] Tactic: 3915320020053085238 Time: 2.96751 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:42] [V] [TRT] Tactic: 6808617066150061604 Time: 3.58899 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:07:42] [V] [TRT] Tactic: 9091006216302412844 Time: 3.58733 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:42] [V] [TRT] Tactic: -8060443123034038864 Time: 3.59208 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:42] [V] [TRT] Tactic: -4420849921117327522 Time: 5.35731 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:42] [V] [TRT] Tactic: -3946921629105938337 Time: 5.43081 +[02/27/2023-23:07:42] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.90978 +[02/27/2023-23:07:42] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling +[02/27/2023-23:07:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:07:42] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:42] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution) +[02/27/2023-23:07:42] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:42] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/27/2023-23:07:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:42] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:42] [V] [TRT] Tactic: 861694390046228376 Time: 2.90786 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:42] [V] [TRT] Tactic: 5258189349241541167 Time: 2.77141 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:42] [V] [TRT] Tactic: 5821621277990374316 Time: 3.00497 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:42] [V] [TRT] Tactic: 5863767799113001648 Time: 5.0468 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:42] [V] [TRT] Tactic: -9147980667639709536 Time: 2.69992 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:07:42] [V] [TRT] Tactic: -8892196987859366827 Time: 2.87431 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:42] [V] [TRT] Tactic: -8850904373104590857 Time: 2.76649 +[02/27/2023-23:07:42] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -8010679767156598961 Time: 5.09478 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -7751035352149795660 Time: 2.69787 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -5115676123557684531 Time: 2.95084 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -493597327599791285 Time: 2.58281 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -423878181466897819 Time: 5.17508 +[02/27/2023-23:07:43] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 2.58281 +[02/27/2023-23:07:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285 +[02/27/2023-23:07:43] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:43] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution) +[02/27/2023-23:07:43] [V] [TRT] Tactic: 0 Time: 6.85817 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 1 Time: 5.95746 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 56 Time: 7.13938 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216 +[02/27/2023-23:07:43] [V] [TRT] Fastest Tactic: 1 Time: 5.95746 +[02/27/2023-23:07:43] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/27/2023-23:07:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:43] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/27/2023-23:07:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:43] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling +[02/27/2023-23:07:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:07:43] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:43] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution) +[02/27/2023-23:07:43] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:43] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution) +[02/27/2023-23:07:43] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:43] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/27/2023-23:07:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:43] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 1651411198763708804 Time: 1.78346 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 2418518597804310654 Time: 1.81188 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 4318470497547290900 Time: 1.7886 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 4930470141256631146 Time: 2.62744 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 8292881859266835088 Time: 2.68576 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:43] [V] [TRT] Tactic: 8401509141903434922 Time: 1.81308 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -8654297089785671176 Time: 1.66583 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -7516584506774355935 Time: 2.63358 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -7140760933967189247 Time: 1.797 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:43] [V] [TRT] Tactic: -6004726995029373073 Time: 2.62644 +[02/27/2023-23:07:43] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:44] [V] [TRT] Tactic: -5719726816705110014 Time: 1.60204 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:07:44] [V] [TRT] Tactic: -4097850214384059472 Time: 2.68526 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:07:44] [V] [TRT] Tactic: -3717489476759089008 Time: 1.76872 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:44] [V] [TRT] Tactic: -3689982367035295496 Time: 1.68067 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:07:44] [V] [TRT] Tactic: -2640575123064142123 Time: 1.56136 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:07:44] [V] [TRT] Tactic: -2534402059426524406 Time: 1.57136 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:44] [V] [TRT] Tactic: -2027588946874785071 Time: 2.68908 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:44] [V] [TRT] Tactic: -1968398013367819764 Time: 1.60452 +[02/27/2023-23:07:44] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.56136 +[02/27/2023-23:07:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123 +[02/27/2023-23:07:44] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:44] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution) +[02/27/2023-23:07:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:44] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/27/2023-23:07:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:44] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/27/2023-23:07:44] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:44] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:44] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution) +[02/27/2023-23:07:44] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:44] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution) +[02/27/2023-23:07:44] [V] [TRT] Tactic: 0 Time: 8.56931 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 56 Time: 8.56065 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:07:44] [V] [TRT] Fastest Tactic: 56 Time: 8.56065 +[02/27/2023-23:07:44] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution) +[02/27/2023-23:07:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:44] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution) +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 83696452256923412 Time: 1.12763 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 106549059816437840 Time: 1.11664 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 1179757074518529353 Time: 1.09943 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 2105695814191699972 Time: 1.41912 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 2148106709480872763 Time: 1.2019 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 2410442691266548717 Time: 1.2038 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 2511830168590723349 Time: 0.977716 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 2634905271404611895 Time: 1.03204 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 2689212690707793357 Time: 1.02072 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08496 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 3041642431972138763 Time: 1.03087 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 3091156937974993800 Time: 1.08066 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 3199589679702517123 Time: 0.9795 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 3754069740140581927 Time: 1.18178 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 3932578551652369355 Time: 1.0208 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 4149021101886580762 Time: 1.02794 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 4555462412611657028 Time: 1.19828 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 4749226340913476230 Time: 1.13162 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:07:44] [V] [TRT] Tactic: 5483093640784800285 Time: 1.06224 +[02/27/2023-23:07:44] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 5666160310350604399 Time: 1.19081 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 5900614001783877430 Time: 1.18342 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 5925270497649423688 Time: 1.41742 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 5999406432703271895 Time: 1.02217 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 6680916730816870145 Time: 1.24527 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 7107292614492808590 Time: 1.00434 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 7158029511300006471 Time: 1.38356 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 7859952145590271433 Time: 1.23546 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 8283847742354150423 Time: 1.16224 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 8468288610222482742 Time: 1.17608 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 8620567263556985011 Time: 1.13711 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 8642279798680442080 Time: 1.02377 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 8980274178270132023 Time: 1.12561 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:07:45] [V] [TRT] Tactic: 9108067304506990859 Time: 1.02313 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -9104099172933216230 Time: 1.45739 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8992262742606384444 Time: 1.19156 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8956720569082607796 Time: 1.195 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8952042869709043207 Time: 1.2429 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8898856569474934280 Time: 1.04739 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8774805574135441656 Time: 1.03142 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8749513212655756001 Time: 1.13959 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8520017388966620486 Time: 1.02053 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8487084252145372186 Time: 1.03188 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -8391760416076885205 Time: 1.40559 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -7990268040387498660 Time: 1.24864 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -7849113095413980300 Time: 1.1271 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -7533167286135592323 Time: 1.06009 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -6273232454637933930 Time: 1.10636 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -5818527483287834165 Time: 1.12732 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -5590418898350402100 Time: 1.06163 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -5505475137955795830 Time: 1.00231 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -5389631537202601150 Time: 1.17749 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -5332866838585594777 Time: 1.06216 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -5121883532434354186 Time: 1.04822 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -5006039300385557796 Time: 1.15746 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38379 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -4352168563838861262 Time: 1.0039 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -4109084522508697633 Time: 1.02935 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -3237051169894153788 Time: 1.33949 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -3136088851200285532 Time: 1.04552 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -2827934362840121038 Time: 1.08549 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -2676138141351394855 Time: 1.28372 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:07:45] [V] [TRT] Tactic: -2601537631049973288 Time: 1.03972 +[02/27/2023-23:07:45] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -2586046817576862066 Time: 1.229 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -2569977342077121032 Time: 1.15856 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -2422160065350346448 Time: 1.21122 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -2125188058121029448 Time: 1.02026 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -2123887091022542343 Time: 1.21943 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -1838109259315759592 Time: 1.01178 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -1216445540764179377 Time: 1.22945 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -539379305772590030 Time: 1.38395 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -288413895057594820 Time: 1.17844 +[02/27/2023-23:07:46] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:46] [V] [TRT] Tactic: -229563042944049199 Time: 1.03581 +[02/27/2023-23:07:46] [V] [TRT] Fastest Tactic: 2511830168590723349 Time: 0.977716 +[02/27/2023-23:07:46] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling +[02/27/2023-23:07:46] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2511830168590723349 +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CudnnConvolution) +[02/27/2023-23:07:46] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CublasConvolution) +[02/27/2023-23:07:46] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CudnnConvolution) +[02/27/2023-23:07:46] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CudnnConvolution) +[02/27/2023-23:07:46] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CublasConvolution) +[02/27/2023-23:07:46] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CudnnConvolution) +[02/27/2023-23:07:46] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CublasConvolution) +[02/27/2023-23:07:46] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CudnnConvolution) +[02/27/2023-23:07:46] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CudnnConvolution) +[02/27/2023-23:07:46] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CublasConvolution) +[02/27/2023-23:07:46] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(200704,784,28,1) *************** +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution) +[02/27/2023-23:07:46] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution) +[02/27/2023-23:07:46] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution) +[02/27/2023-23:07:46] [V] [TRT] Tactic: 0 Time: 7.9267 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 1 Time: 5.97473 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 56 Time: 8.22886 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 57 Time: 6.01848 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216 +[02/27/2023-23:07:46] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216 +[02/27/2023-23:07:46] [V] [TRT] Fastest Tactic: 1 Time: 5.97473 +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/27/2023-23:07:46] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:46] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/27/2023-23:07:46] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:07:47] [V] [TRT] Tactic: 1754569683116234317 Time: 3.87478 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:07:47] [V] [TRT] Tactic: 1825138533642645384 Time: 4.37869 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:07:47] [V] [TRT] Tactic: 2733356012094739613 Time: 7.86148 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:47] [V] [TRT] Tactic: 3915320020053085238 Time: 4.39758 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:47] [V] [TRT] Tactic: 6808617066150061604 Time: 4.72417 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:07:47] [V] [TRT] Tactic: 9091006216302412844 Time: 4.78997 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:47] [V] [TRT] Tactic: -8060443123034038864 Time: 5.01645 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:47] [V] [TRT] Tactic: -4420849921117327522 Time: 7.70834 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:47] [V] [TRT] Tactic: -3946921629105938337 Time: 7.94923 +[02/27/2023-23:07:47] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 3.87478 +[02/27/2023-23:07:47] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling +[02/27/2023-23:07:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:07:47] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(200704,1,7168,256) *************** +[02/27/2023-23:07:47] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution) +[02/27/2023-23:07:47] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:47] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/27/2023-23:07:47] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:47] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:47] [V] [TRT] Tactic: 861694390046228376 Time: 4.6775 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:47] [V] [TRT] Tactic: 5258189349241541167 Time: 4.68268 +[02/27/2023-23:07:47] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:48] [V] [TRT] Tactic: 5821621277990374316 Time: 4.53992 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:48] [V] [TRT] Tactic: 5863767799113001648 Time: 5.30762 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:48] [V] [TRT] Tactic: -9147980667639709536 Time: 4.13812 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:07:48] [V] [TRT] Tactic: -8892196987859366827 Time: 4.41222 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:48] [V] [TRT] Tactic: -8850904373104590857 Time: 4.71076 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:07:48] [V] [TRT] Tactic: -8010679767156598961 Time: 5.22958 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:48] [V] [TRT] Tactic: -7751035352149795660 Time: 4.18372 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:07:48] [V] [TRT] Tactic: -5115676123557684531 Time: 4.72226 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:07:48] [V] [TRT] Tactic: -493597327599791285 Time: 4.61712 +[02/27/2023-23:07:48] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:48] [V] [TRT] Tactic: -423878181466897819 Time: 5.29699 +[02/27/2023-23:07:48] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.13812 +[02/27/2023-23:07:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:07:48] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(200704,784,28,1) *************** +[02/27/2023-23:07:48] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution) +[02/27/2023-23:07:48] [V] [TRT] Tactic: 0 Time: 7.1755 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 1 Time: 5.75786 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 56 Time: 7.75358 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216 +[02/27/2023-23:07:49] [V] [TRT] Fastest Tactic: 1 Time: 5.75786 +[02/27/2023-23:07:49] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/27/2023-23:07:49] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:49] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/27/2023-23:07:49] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:49] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling +[02/27/2023-23:07:49] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:07:49] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(200704,784,28,1) *************** +[02/27/2023-23:07:49] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/27/2023-23:07:49] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:49] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784:2,28,1) *************** +[02/27/2023-23:07:49] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution) +[02/27/2023-23:07:49] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:49] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution) +[02/27/2023-23:07:49] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:49] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/27/2023-23:07:49] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:49] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 1651411198763708804 Time: 2.09762 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 2418518597804310654 Time: 2.51858 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 4318470497547290900 Time: 2.61378 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 4930470141256631146 Time: 3.75865 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 8292881859266835088 Time: 3.86541 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:49] [V] [TRT] Tactic: 8401509141903434922 Time: 2.41416 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:49] [V] [TRT] Tactic: -8654297089785671176 Time: 2.47783 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:07:49] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81042 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:07:49] [V] [TRT] Tactic: -7140760933967189247 Time: 2.31633 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:49] [V] [TRT] Tactic: -6004726995029373073 Time: 3.78384 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:49] [V] [TRT] Tactic: -5719726816705110014 Time: 2.52767 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:07:49] [V] [TRT] Tactic: -4097850214384059472 Time: 3.87143 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:07:49] [V] [TRT] Tactic: -3717489476759089008 Time: 2.36483 +[02/27/2023-23:07:49] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:50] [V] [TRT] Tactic: -3689982367035295496 Time: 2.50456 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:07:50] [V] [TRT] Tactic: -2640575123064142123 Time: 2.28142 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:07:50] [V] [TRT] Tactic: -2534402059426524406 Time: 2.30638 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:50] [V] [TRT] Tactic: -2027588946874785071 Time: 3.85901 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:50] [V] [TRT] Tactic: -1968398013367819764 Time: 2.56326 +[02/27/2023-23:07:50] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.09762 +[02/27/2023-23:07:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804 +[02/27/2023-23:07:50] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(200704,784,28,1) *************** +[02/27/2023-23:07:50] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution) +[02/27/2023-23:07:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:50] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/27/2023-23:07:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:50] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/27/2023-23:07:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:50] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(25088,1:8,896,32) *************** +[02/27/2023-23:07:50] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution) +[02/27/2023-23:07:50] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:50] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution) +[02/27/2023-23:07:50] [V] [TRT] Tactic: 0 Time: 10.2607 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 1 skipped. Scratch requested: 154408960, available: 16777216 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 56 Time: 10.2716 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216 +[02/27/2023-23:07:50] [V] [TRT] Fastest Tactic: 0 Time: 10.2607 +[02/27/2023-23:07:50] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution) +[02/27/2023-23:07:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:50] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution) +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 83696452256923412 Time: 1.47117 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 106549059816437840 Time: 1.44198 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 1179757074518529353 Time: 1.03469 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 2105695814191699972 Time: 1.5601 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 2148106709480872763 Time: 0.976692 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 2410442691266548717 Time: 0.898348 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 2511830168590723349 Time: 0.983336 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 2634905271404611895 Time: 1.10265 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 2689212690707793357 Time: 1.21142 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 2798075085844016892 Time: 1.13787 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 3041642431972138763 Time: 0.805392 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 3091156937974993800 Time: 1.14624 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 3199589679702517123 Time: 1.03556 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 3754069740140581927 Time: 1.57148 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:07:50] [V] [TRT] Tactic: 3932578551652369355 Time: 1.59868 +[02/27/2023-23:07:50] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 4149021101886580762 Time: 1.10836 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 4555462412611657028 Time: 1.01 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 4749226340913476230 Time: 1.73511 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 5483093640784800285 Time: 1.5026 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 5666160310350604399 Time: 1.51506 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 5900614001783877430 Time: 1.77744 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 5925270497649423688 Time: 1.32485 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 5999406432703271895 Time: 1.42719 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 6680916730816870145 Time: 1.46676 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 7107292614492808590 Time: 1.23262 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 7158029511300006471 Time: 1.56824 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 7859952145590271433 Time: 1.36904 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 8283847742354150423 Time: 1.52683 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 8468288610222482742 Time: 1.09132 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 8620567263556985011 Time: 1.0762 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 8642279798680442080 Time: 1.09486 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 8980274178270132023 Time: 1.38322 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:07:51] [V] [TRT] Tactic: 9108067304506990859 Time: 1.34344 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -9104099172933216230 Time: 2.00983 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8992262742606384444 Time: 0.996768 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8956720569082607796 Time: 1.7581 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8952042869709043207 Time: 1.23426 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8898856569474934280 Time: 1.15759 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8774805574135441656 Time: 1.26373 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8749513212655756001 Time: 1.0916 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8520017388966620486 Time: 1.61604 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8487084252145372186 Time: 1.21591 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -8391760416076885205 Time: 1.31669 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -7990268040387498660 Time: 2.11202 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2242 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -7533167286135592323 Time: 1.10966 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -6273232454637933930 Time: 1.01437 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -5818527483287834165 Time: 0.985416 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -5590418898350402100 Time: 1.38805 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -5505475137955795830 Time: 0.832144 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -5389631537202601150 Time: 1.26868 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -5332866838585594777 Time: 1.16235 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -5121883532434354186 Time: 0.977436 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:07:51] [V] [TRT] Tactic: -5006039300385557796 Time: 1.04188 +[02/27/2023-23:07:51] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -4534876761957424274 Time: 1.30193 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -4352168563838861262 Time: 0.792688 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -4109084522508697633 Time: 1.07262 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -3237051169894153788 Time: 1.46324 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -3136088851200285532 Time: 0.800776 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -2827934362840121038 Time: 1.55134 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -2676138141351394855 Time: 2.25359 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -2601537631049973288 Time: 0.976344 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -2586046817576862066 Time: 0.913996 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -2569977342077121032 Time: 1.50176 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -2422160065350346448 Time: 1.42422 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -2125188058121029448 Time: 1.19709 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -2123887091022542343 Time: 1.22023 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -1838109259315759592 Time: 1.20095 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -1216445540764179377 Time: 0.91114 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -539379305772590030 Time: 2.09429 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -288413895057594820 Time: 1.03326 +[02/27/2023-23:07:52] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:52] [V] [TRT] Tactic: -229563042944049199 Time: 0.798484 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 0.792688 +[02/27/2023-23:07:52] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling +[02/27/2023-23:07:52] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Float(200704,1,7168,256) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.946972 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 1.17977 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 1002 Time: 0.946972 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(200704,784,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.793516 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.788752 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 0 Time: 0.788752 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(100352,784:2,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.869664 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.623584 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 0 Time: 0.623584 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(25088,1:8,896,32) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.646924 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.64366 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 0 Time: 0.64366 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Float(200704,784,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 1.29484 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 1.18008 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 0 Time: 1.18008 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(200704,784,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.897324 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 1.08768 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 1002 Time: 0.897324 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(100352,784:2,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.856232 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 1.21422 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 1002 Time: 0.856232 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(25088,1:8,896,32) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.627768 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.741736 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 1002 Time: 0.627768 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,784,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.929112 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 1.01625 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 1002 Time: 0.929112 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,1,7168,256) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.810316 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.921668 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 1002 Time: 0.810316 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(100352,784:2,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.741824 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.53436 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 0 Time: 0.53436 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(25088,1:8,896,32) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.674712 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.467708 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 0 Time: 0.467708 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,784,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 1.12474 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.665096 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 0 Time: 0.665096 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,1,7168,256) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.845592 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.863336 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 1002 Time: 0.845592 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(200704,784,28,1) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 1.21622 +[02/27/2023-23:07:52] [V] [TRT] Tactic: 0 Time: 0.535988 +[02/27/2023-23:07:52] [V] [TRT] Fastest Tactic: 0 Time: 0.535988 +[02/27/2023-23:07:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(25088,1:8,896,32) *************** +[02/27/2023-23:07:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:52] [V] [TRT] Tactic: 1002 Time: 0.477648 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 0 Time: 0.469708 +[02/27/2023-23:07:53] [V] [TRT] Fastest Tactic: 0 Time: 0.469708 +[02/27/2023-23:07:53] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,784,28,1) *************** +[02/27/2023-23:07:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:53] [V] [TRT] Tactic: 1002 Time: 1.0916 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 0 Time: 0.737596 +[02/27/2023-23:07:53] [V] [TRT] Fastest Tactic: 0 Time: 0.737596 +[02/27/2023-23:07:53] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,1,7168,256) *************** +[02/27/2023-23:07:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:53] [V] [TRT] Tactic: 1002 Time: 0.784656 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 0 Time: 0.69964 +[02/27/2023-23:07:53] [V] [TRT] Fastest Tactic: 0 Time: 0.69964 +[02/27/2023-23:07:53] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(200704,784,28,1) *************** +[02/27/2023-23:07:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:53] [V] [TRT] Tactic: 1002 Time: 0.852928 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 0 Time: 0.442592 +[02/27/2023-23:07:53] [V] [TRT] Fastest Tactic: 0 Time: 0.442592 +[02/27/2023-23:07:53] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(100352,784:2,28,1) *************** +[02/27/2023-23:07:53] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:53] [V] [TRT] Tactic: 1002 Time: 0.672352 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 0 Time: 0.445392 +[02/27/2023-23:07:53] [V] [TRT] Fastest Tactic: 0 Time: 0.445392 +[02/27/2023-23:07:53] [V] [TRT] *************** Autotuning format combination: Float(200704,784,28,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:07:53] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution) +[02/27/2023-23:07:53] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:53] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution) +[02/27/2023-23:07:53] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:53] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution) +[02/27/2023-23:07:53] [V] [TRT] Tactic: 0 Time: 7.62797 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 1 skipped. Scratch requested: 19773952, available: 16777216 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 56 Time: 7.72355 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 57 skipped. Scratch requested: 19773952, available: 16777216 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216 +[02/27/2023-23:07:53] [V] [TRT] Fastest Tactic: 0 Time: 7.62797 +[02/27/2023-23:07:53] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/27/2023-23:07:53] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 1825138533642645384 Time: 4.24775 +[02/27/2023-23:07:53] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 2842488832350522458 Time: 5.0167 +[02/27/2023-23:07:53] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 3915320020053085238 Time: 4.72628 +[02/27/2023-23:07:53] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 6448355332020552203 Time: 4.69065 +[02/27/2023-23:07:53] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:07:53] [V] [TRT] Tactic: 6808617066150061604 Time: 5.0719 +[02/27/2023-23:07:53] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:07:54] [V] [TRT] Tactic: -8060443123034038864 Time: 5.36482 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:07:54] [V] [TRT] Tactic: -4420849921117327522 Time: 8.08026 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:07:54] [V] [TRT] Tactic: -3946921629105938337 Time: 7.08653 +[02/27/2023-23:07:54] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.24775 +[02/27/2023-23:07:54] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling +[02/27/2023-23:07:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384 +[02/27/2023-23:07:54] [V] [TRT] *************** Autotuning format combination: Float(200704,1,7168,256) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:07:54] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution) +[02/27/2023-23:07:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:54] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:07:54] [V] [TRT] Tactic: 861694390046228376 Time: 4.75375 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567 +[02/27/2023-23:07:54] [V] [TRT] Tactic: 1017870653102653567 Time: 4.66523 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:07:54] [V] [TRT] Tactic: 5258189349241541167 Time: 4.78066 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:07:54] [V] [TRT] Tactic: 5821621277990374316 Time: 4.70624 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:07:54] [V] [TRT] Tactic: 5863767799113001648 Time: 5.29087 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:07:54] [V] [TRT] Tactic: -9147980667639709536 Time: 4.56889 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:07:54] [V] [TRT] Tactic: -8850904373104590857 Time: 4.88332 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:07:54] [V] [TRT] Tactic: -7751035352149795660 Time: 4.64755 +[02/27/2023-23:07:54] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465 +[02/27/2023-23:07:55] [V] [TRT] Tactic: -3853827649136781465 Time: 4.69404 +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196 +[02/27/2023-23:07:55] [V] [TRT] Tactic: -3263369460438823196 Time: 4.84455 +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:07:55] [V] [TRT] Tactic: -423878181466897819 Time: 5.29227 +[02/27/2023-23:07:55] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.56889 +[02/27/2023-23:07:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:07:55] [V] [TRT] *************** Autotuning format combination: Half(200704,784,28,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:07:55] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution) +[02/27/2023-23:07:55] [V] [TRT] Tactic: 0 Time: 7.05941 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 1 Time: 5.7263 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 56 Time: 7.582 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216 +[02/27/2023-23:07:55] [V] [TRT] Fastest Tactic: 1 Time: 5.7263 +[02/27/2023-23:07:55] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/27/2023-23:07:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:55] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling +[02/27/2023-23:07:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:07:55] [V] [TRT] *************** Autotuning format combination: Half(100352,784:2,28,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:07:55] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution) +[02/27/2023-23:07:55] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:55] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution) +[02/27/2023-23:07:55] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:55] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 1145226902788474763 Time: 2.21486 +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 1651411198763708804 Time: 2.6988 +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 2418518597804310654 Time: 2.80172 +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 4318470497547290900 Time: 2.71692 +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 4653005425971292725 Time: 2.73395 +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:07:55] [V] [TRT] Tactic: 4930470141256631146 Time: 3.30991 +[02/27/2023-23:07:55] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:07:56] [V] [TRT] Tactic: 8292881859266835088 Time: 3.52143 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:07:56] [V] [TRT] Tactic: 8401509141903434922 Time: 2.78014 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -8654297089785671176 Time: 2.54226 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -7448936905981214224 Time: 3.3002 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -6004726995029373073 Time: 3.40917 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -5719726816705110014 Time: 2.60453 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -3754890472406891741 Time: 2.46834 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -3689982367035295496 Time: 2.34768 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -2894005464278291378 Time: 3.29383 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -2027588946874785071 Time: 3.568 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -1968398013367819764 Time: 2.72796 +[02/27/2023-23:07:56] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743 +[02/27/2023-23:07:56] [V] [TRT] Tactic: -245090590808296743 Time: 2.49135 +[02/27/2023-23:07:56] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.21486 +[02/27/2023-23:07:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763 +[02/27/2023-23:07:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:07:56] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution) +[02/27/2023-23:07:56] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:56] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/27/2023-23:07:56] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:07:56] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution) +[02/27/2023-23:07:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:56] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution) +[02/27/2023-23:07:56] [V] [TRT] Tactic: 0 Time: 10.9223 +[02/27/2023-23:07:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 65407488, available: 16777216 +[02/27/2023-23:07:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 56 Time: 10.9997 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:07:57] [V] [TRT] Fastest Tactic: 0 Time: 10.9223 +[02/27/2023-23:07:57] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution) +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 46202665595848747 Time: 1.05784 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 239013563835492727 Time: 1.53996 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 385569945292539752 Time: 2.28744 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 671037109694951988 Time: 1.19558 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 833287959109025818 Time: 1.40042 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 864841579020773074 Time: 0.730232 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 912634305247603909 Time: 1.15012 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1013168150133367738 Time: 0.993984 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14972 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1067227531433278814 Time: 0.831212 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1554365048685552334 Time: 1.15828 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1579845938601132607 Time: 0.834296 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1796821236841789338 Time: 1.70753 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1837941418294761657 Time: 1.18555 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1948263663414159978 Time: 1.45344 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 1989668371181446952 Time: 1.84242 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 2027733232253711640 Time: 0.916256 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 2148106709480872763 Time: 0.954148 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 2154731107061273008 Time: 1.12611 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 2410442691266548717 Time: 0.702168 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 3464689803495983377 Time: 0.941204 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 3636831327753843771 Time: 0.830316 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 3745975654290680669 Time: 1.21083 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 3754069740140581927 Time: 1.3958 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 3784804427912340706 Time: 1.56242 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 3823144360994712832 Time: 0.834192 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 3919868136802676679 Time: 1.18618 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 5263029549013613567 Time: 0.76258 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 5506334059535811602 Time: 0.750936 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 5635311898703673455 Time: 0.743272 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 5786991692145244692 Time: 2.33406 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 5848150552772236982 Time: 1.16626 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 5925270497649423688 Time: 1.19464 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 5932046018238429951 Time: 1.5117 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 6103089697398018604 Time: 1.16852 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 6195603576432354734 Time: 1.54768 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253 +[02/27/2023-23:07:57] [V] [TRT] Tactic: 6252808259936499253 Time: 1.46829 +[02/27/2023-23:07:57] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 6408235920257988861 Time: 1.25709 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 6623704051070449703 Time: 1.34594 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 6680916730816870145 Time: 1.3245 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 7114340626053367917 Time: 1.5758 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 7158029511300006471 Time: 1.35606 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 7612687199567064086 Time: 1.15048 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 7729555994715864793 Time: 1.13335 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 7844857443355818347 Time: 1.2733 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 7849296535223586261 Time: 1.25618 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 7859952145590271433 Time: 1.28749 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 8219150286974756863 Time: 1.95428 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 8283847742354150423 Time: 1.31507 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 8455608235315878803 Time: 1.58849 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:07:58] [V] [TRT] Tactic: 8668812313058150080 Time: 1.2787 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -8992262742606384444 Time: 0.957936 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -8750433364328295059 Time: 1.21779 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -8682550625095202832 Time: 0.940632 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -8392835332206231687 Time: 1.6994 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -8254009616492665198 Time: 0.741452 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -7615325597099025933 Time: 0.788856 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -7594446953125532601 Time: 1.19334 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -7345578023323941164 Time: 2.01726 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -6828337260021572283 Time: 1.8047 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -6711815420995272523 Time: 1.57225 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -6636202818604544855 Time: 2.1579 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -6489479581011009593 Time: 0.931188 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -6320761427625651496 Time: 0.899124 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -6273232454637933930 Time: 0.835948 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -6080892721161662420 Time: 0.7785 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -6032793021868796623 Time: 1.19508 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -5818527483287834165 Time: 0.807412 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -5710735840878760115 Time: 0.910604 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -5589367647444470524 Time: 1.81682 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -5546257196173962281 Time: 1.13104 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -5198219374380660379 Time: 0.953852 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -4954692664176521434 Time: 0.697672 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -4627695383426341593 Time: 1.49104 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -4534876761957424274 Time: 1.23083 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176 +[02/27/2023-23:07:58] [V] [TRT] Tactic: -4142141368456048176 Time: 1.48518 +[02/27/2023-23:07:58] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -4116131327756252574 Time: 1.96677 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -3968200906158272636 Time: 1.192 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -3784342055748695733 Time: 1.67018 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -3425274793298557239 Time: 1.14208 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -3271955096576257018 Time: 1.17113 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -3237051169894153788 Time: 1.45949 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -3136088851200285532 Time: 0.720612 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -2871615028541756894 Time: 2.23568 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -2751179716463646694 Time: 1.44722 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -2634388175487609605 Time: 1.81416 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -2586046817576862066 Time: 0.683928 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -1708101578041178688 Time: 0.753136 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -1586820571068855896 Time: 1.48295 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -1020632631321619146 Time: 1.19756 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -907287437357565279 Time: 0.743064 +[02/27/2023-23:07:59] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:07:59] [V] [TRT] Tactic: -229563042944049199 Time: 0.694752 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.683928 +[02/27/2023-23:07:59] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling +[02/27/2023-23:07:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.229704 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.271304 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.229704 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 2.50277 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.202848 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.202848 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.233424 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.158776 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.158776 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.166152 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.161552 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.161552 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.334784 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.278888 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.278888 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.229484 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.254732 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.229484 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.229128 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.273568 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.229128 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.160528 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.172904 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.160528 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 2.27779 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.25476 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.25476 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.189876 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.229844 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.189876 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.190216 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.13736 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.13736 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.175264 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.120104 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.120104 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.3069 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.165112 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.165112 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.198928 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.204108 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.198928 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.35062 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.131208 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.131208 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.135672 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.117112 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.117112 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.292968 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.1926 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.1926 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.195816 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.178404 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.178404 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.288796 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.135904 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.135904 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1002 Time: 0.178796 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 0.122012 +[02/27/2023-23:07:59] [V] [TRT] Fastest Tactic: 0 Time: 0.122012 +[02/27/2023-23:07:59] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution) +[02/27/2023-23:07:59] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution) +[02/27/2023-23:07:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:07:59] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution) +[02/27/2023-23:07:59] [V] [TRT] Tactic: 0 Time: 4.28784 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 1 Time: 3.3148 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216 +[02/27/2023-23:07:59] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 56 Time: 4.50625 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 57 Time: 3.31283 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:00] [V] [TRT] Fastest Tactic: 57 Time: 3.31283 +[02/27/2023-23:08:00] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/27/2023-23:08:00] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:00] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 1754569683116234317 Time: 2.06411 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 1825138533642645384 Time: 2.25723 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 2733356012094739613 Time: 4.42558 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 3915320020053085238 Time: 2.238 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 6808617066150061604 Time: 2.53426 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 9091006216302412844 Time: 2.55901 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:00] [V] [TRT] Tactic: -8060443123034038864 Time: 2.57836 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:00] [V] [TRT] Tactic: -4420849921117327522 Time: 4.19106 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:00] [V] [TRT] Tactic: -3946921629105938337 Time: 4.52932 +[02/27/2023-23:08:00] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.06411 +[02/27/2023-23:08:00] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling +[02/27/2023-23:08:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:08:00] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:00] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution) +[02/27/2023-23:08:00] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:00] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/27/2023-23:08:00] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:00] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 861694390046228376 Time: 2.37012 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 5258189349241541167 Time: 2.29982 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 5821621277990374316 Time: 2.40513 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:00] [V] [TRT] Tactic: 5863767799113001648 Time: 3.04272 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:00] [V] [TRT] Tactic: -9147980667639709536 Time: 2.20686 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:08:00] [V] [TRT] Tactic: -8892196987859366827 Time: 2.17258 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:00] [V] [TRT] Tactic: -8850904373104590857 Time: 2.28779 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:08:00] [V] [TRT] Tactic: -8010679767156598961 Time: 3.02988 +[02/27/2023-23:08:00] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -7751035352149795660 Time: 2.22946 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -5115676123557684531 Time: 2.41865 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -493597327599791285 Time: 2.14508 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -423878181466897819 Time: 3.06328 +[02/27/2023-23:08:01] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 2.14508 +[02/27/2023-23:08:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285 +[02/27/2023-23:08:01] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:01] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution) +[02/27/2023-23:08:01] [V] [TRT] Tactic: 0 Time: 3.70049 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 1 Time: 3.06848 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 2 Time: 4.19541 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 56 Time: 3.88284 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 58 Time: 3.96442 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:01] [V] [TRT] Fastest Tactic: 1 Time: 3.06848 +[02/27/2023-23:08:01] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/27/2023-23:08:01] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:01] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/27/2023-23:08:01] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:01] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling +[02/27/2023-23:08:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:08:01] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:01] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/27/2023-23:08:01] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:01] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:01] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution) +[02/27/2023-23:08:01] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:01] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution) +[02/27/2023-23:08:01] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:01] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/27/2023-23:08:01] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:01] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 1651411198763708804 Time: 1.20842 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 2418518597804310654 Time: 1.23131 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 4318470497547290900 Time: 1.24477 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 4930470141256631146 Time: 2.08146 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 8292881859266835088 Time: 2.13231 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:01] [V] [TRT] Tactic: 8401509141903434922 Time: 1.25144 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -8654297089785671176 Time: 1.37182 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -7516584506774355935 Time: 2.08671 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -7140760933967189247 Time: 1.26017 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -6004726995029373073 Time: 2.07939 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -5719726816705110014 Time: 1.32618 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:08:01] [V] [TRT] Tactic: -4097850214384059472 Time: 2.1248 +[02/27/2023-23:08:01] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -3717489476759089008 Time: 1.21872 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -3689982367035295496 Time: 1.37599 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -2640575123064142123 Time: 1.23131 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -2534402059426524406 Time: 1.19984 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -2027588946874785071 Time: 2.13456 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -1968398013367819764 Time: 1.30401 +[02/27/2023-23:08:02] [V] [TRT] Fastest Tactic: -2534402059426524406 Time: 1.19984 +[02/27/2023-23:08:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2534402059426524406 +[02/27/2023-23:08:02] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:02] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution) +[02/27/2023-23:08:02] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:02] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/27/2023-23:08:02] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:02] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/27/2023-23:08:02] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:02] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:02] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution) +[02/27/2023-23:08:02] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:02] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution) +[02/27/2023-23:08:02] [V] [TRT] Tactic: 0 Time: 5.20447 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 56 Time: 5.20197 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:08:02] [V] [TRT] Fastest Tactic: 56 Time: 5.20197 +[02/27/2023-23:08:02] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution) +[02/27/2023-23:08:02] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:02] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution) +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 83696452256923412 Time: 0.790148 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 106549059816437840 Time: 0.810556 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 1179757074518529353 Time: 0.549896 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 2105695814191699972 Time: 0.792424 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 2148106709480872763 Time: 0.450808 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 2410442691266548717 Time: 0.489452 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 2511830168590723349 Time: 0.551792 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 2634905271404611895 Time: 0.513716 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 2689212690707793357 Time: 0.59428 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 2798075085844016892 Time: 0.574824 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 3041642431972138763 Time: 0.39122 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 3091156937974993800 Time: 0.618424 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 3199589679702517123 Time: 0.622804 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 3754069740140581927 Time: 0.807176 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 3932578551652369355 Time: 0.806268 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 4149021101886580762 Time: 0.53686 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 4555462412611657028 Time: 0.453308 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 4749226340913476230 Time: 0.79804 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 5483093640784800285 Time: 0.685652 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 5666160310350604399 Time: 0.7684 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 5900614001783877430 Time: 0.879916 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 5925270497649423688 Time: 0.725216 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 5999406432703271895 Time: 0.680812 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 6680916730816870145 Time: 0.749828 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 7107292614492808590 Time: 0.58902 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 7158029511300006471 Time: 0.820256 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 7859952145590271433 Time: 0.784836 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 8283847742354150423 Time: 0.763316 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 8468288610222482742 Time: 0.52888 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 8620567263556985011 Time: 0.516068 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 8642279798680442080 Time: 0.534576 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 8980274178270132023 Time: 0.658068 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:08:02] [V] [TRT] Tactic: 9108067304506990859 Time: 0.655072 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -9104099172933216230 Time: 1.06862 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -8992262742606384444 Time: 0.485656 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -8956720569082607796 Time: 0.87688 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -8952042869709043207 Time: 0.597824 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -8898856569474934280 Time: 0.585224 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:08:02] [V] [TRT] Tactic: -8774805574135441656 Time: 0.651032 +[02/27/2023-23:08:02] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -8749513212655756001 Time: 0.522844 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -8520017388966620486 Time: 0.759616 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -8487084252145372186 Time: 0.603876 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -8391760416076885205 Time: 0.674884 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -7990268040387498660 Time: 0.975548 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -7849113095413980300 Time: 0.605564 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -7533167286135592323 Time: 0.499904 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -6273232454637933930 Time: 0.569748 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -5818527483287834165 Time: 0.565492 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -5590418898350402100 Time: 0.664944 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -5505475137955795830 Time: 0.378016 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -5389631537202601150 Time: 0.607212 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -5332866838585594777 Time: 0.504676 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -5121883532434354186 Time: 0.380956 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -5006039300385557796 Time: 0.461012 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -4534876761957424274 Time: 0.731576 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -4352168563838861262 Time: 0.408796 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -4109084522508697633 Time: 0.530472 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -3237051169894153788 Time: 0.782776 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -3136088851200285532 Time: 0.367916 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -2827934362840121038 Time: 0.810528 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -2676138141351394855 Time: 1.0455 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -2601537631049973288 Time: 0.403732 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -2586046817576862066 Time: 0.499164 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -2569977342077121032 Time: 0.722228 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -2422160065350346448 Time: 0.775012 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -2125188058121029448 Time: 0.671828 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -2123887091022542343 Time: 0.584444 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -1838109259315759592 Time: 0.595496 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -1216445540764179377 Time: 0.503652 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -539379305772590030 Time: 1.11952 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -288413895057594820 Time: 0.476844 +[02/27/2023-23:08:03] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:03] [V] [TRT] Tactic: -229563042944049199 Time: 0.385224 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.367916 +[02/27/2023-23:08:03] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling +[02/27/2023-23:08:03] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) *************** +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:03] [V] [TRT] Tactic: 1002 Time: 0.91926 +[02/27/2023-23:08:03] [V] [TRT] Tactic: 0 Time: 1.21124 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: 1002 Time: 0.91926 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:03] [V] [TRT] Tactic: 1002 Time: 10.3592 +[02/27/2023-23:08:03] [V] [TRT] Tactic: 0 Time: 0.78778 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: 0 Time: 0.78778 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:03] [V] [TRT] Tactic: 1002 Time: 0.936292 +[02/27/2023-23:08:03] [V] [TRT] Tactic: 0 Time: 0.623488 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: 0 Time: 0.623488 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:03] [V] [TRT] Tactic: 1002 Time: 0.669408 +[02/27/2023-23:08:03] [V] [TRT] Tactic: 0 Time: 0.627756 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: 0 Time: 0.627756 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:03] [V] [TRT] Tactic: 1002 Time: 1.33914 +[02/27/2023-23:08:03] [V] [TRT] Tactic: 0 Time: 1.14278 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: 0 Time: 1.14278 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:03] [V] [TRT] Tactic: 1002 Time: 0.898568 +[02/27/2023-23:08:03] [V] [TRT] Tactic: 0 Time: 1.07603 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: 1002 Time: 0.898568 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:03] [V] [TRT] Tactic: 1002 Time: 0.885004 +[02/27/2023-23:08:03] [V] [TRT] Tactic: 0 Time: 1.19522 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: 1002 Time: 0.885004 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:03] [V] [TRT] Tactic: 1002 Time: 0.616492 +[02/27/2023-23:08:03] [V] [TRT] Tactic: 0 Time: 0.74236 +[02/27/2023-23:08:03] [V] [TRT] Fastest Tactic: 1002 Time: 0.616492 +[02/27/2023-23:08:03] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 10.4939 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 1.01098 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 1.01098 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 0.77888 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.976556 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 1002 Time: 0.77888 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 0.74862 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.548384 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.548384 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 0.723008 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.464072 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.464072 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 1.20672 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.658928 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.658928 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 0.796956 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.848724 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 1002 Time: 0.796956 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 1.43376 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.537212 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.537212 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 0.542952 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.45522 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.45522 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 1.16404 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.769656 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.769656 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 0.780124 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.699752 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.699752 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 1.14948 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.538732 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.538732 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1002 Time: 0.698144 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 0.482892 +[02/27/2023-23:08:04] [V] [TRT] Fastest Tactic: 0 Time: 0.482892 +[02/27/2023-23:08:04] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution) +[02/27/2023-23:08:04] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution) +[02/27/2023-23:08:04] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:04] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution) +[02/27/2023-23:08:04] [V] [TRT] Tactic: 0 Time: 10.0102 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 1 Time: 8.50096 +[02/27/2023-23:08:04] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:08:05] [V] [TRT] Tactic: 56 Time: 10.1942 +[02/27/2023-23:08:05] [V] [TRT] Tactic: 57 Time: 8.52143 +[02/27/2023-23:08:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:08:05] [V] [TRT] Fastest Tactic: 1 Time: 8.50096 +[02/27/2023-23:08:05] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/27/2023-23:08:05] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:08:05] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16122 +[02/27/2023-23:08:05] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:05] [V] [TRT] Tactic: 1825138533642645384 Time: 6.2429 +[02/27/2023-23:08:05] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:08:05] [V] [TRT] Tactic: 2733356012094739613 Time: 21.6757 +[02/27/2023-23:08:05] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:05] [V] [TRT] Tactic: 3915320020053085238 Time: 6.1827 +[02/27/2023-23:08:05] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:06] [V] [TRT] Tactic: 6808617066150061604 Time: 11.3932 +[02/27/2023-23:08:06] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:08:06] [V] [TRT] Tactic: 9091006216302412844 Time: 11.4978 +[02/27/2023-23:08:06] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:06] [V] [TRT] Tactic: -8060443123034038864 Time: 11.4226 +[02/27/2023-23:08:06] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:06] [V] [TRT] Tactic: -4420849921117327522 Time: 21.0246 +[02/27/2023-23:08:06] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:07] [V] [TRT] Tactic: -3946921629105938337 Time: 21.6137 +[02/27/2023-23:08:07] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 6.16122 +[02/27/2023-23:08:07] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling +[02/27/2023-23:08:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:08:07] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:07] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution) +[02/27/2023-23:08:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:07] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:07] [V] [TRT] Tactic: 861694390046228376 Time: 4.1232 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:07] [V] [TRT] Tactic: 5258189349241541167 Time: 4.9141 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:07] [V] [TRT] Tactic: 5821621277990374316 Time: 4.73188 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:07] [V] [TRT] Tactic: 5863767799113001648 Time: 5.9488 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:07] [V] [TRT] Tactic: -9147980667639709536 Time: 4.37166 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:08:07] [V] [TRT] Tactic: -8892196987859366827 Time: 4.48749 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:07] [V] [TRT] Tactic: -8850904373104590857 Time: 4.61418 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:08:07] [V] [TRT] Tactic: -8010679767156598961 Time: 5.82261 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:07] [V] [TRT] Tactic: -7751035352149795660 Time: 4.33545 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:08:07] [V] [TRT] Tactic: -5115676123557684531 Time: 4.57113 +[02/27/2023-23:08:07] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:08:08] [V] [TRT] Tactic: -493597327599791285 Time: 4.504 +[02/27/2023-23:08:08] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:08] [V] [TRT] Tactic: -423878181466897819 Time: 5.93308 +[02/27/2023-23:08:08] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.1232 +[02/27/2023-23:08:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376 +[02/27/2023-23:08:08] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:08] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution) +[02/27/2023-23:08:08] [V] [TRT] Tactic: 0 Time: 8.35317 +[02/27/2023-23:08:08] [V] [TRT] Tactic: 1 Time: 16.1032 +[02/27/2023-23:08:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:08] [V] [TRT] Tactic: 56 Time: 8.394 +[02/27/2023-23:08:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:08] [V] [TRT] Fastest Tactic: 0 Time: 8.35317 +[02/27/2023-23:08:08] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/27/2023-23:08:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:08] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling +[02/27/2023-23:08:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0 +[02/27/2023-23:08:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:08] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution) +[02/27/2023-23:08:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:08] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution) +[02/27/2023-23:08:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:08] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/27/2023-23:08:08] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:08] [V] [TRT] Tactic: 1651411198763708804 Time: 7.34085 +[02/27/2023-23:08:08] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:09] [V] [TRT] Tactic: 2418518597804310654 Time: 5.7821 +[02/27/2023-23:08:09] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:09] [V] [TRT] Tactic: 4318470497547290900 Time: 7.35034 +[02/27/2023-23:08:09] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:09] [V] [TRT] Tactic: 4930470141256631146 Time: 14.0289 +[02/27/2023-23:08:09] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:09] [V] [TRT] Tactic: 8292881859266835088 Time: 10.8415 +[02/27/2023-23:08:09] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:09] [V] [TRT] Tactic: 8401509141903434922 Time: 5.78082 +[02/27/2023-23:08:09] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:09] [V] [TRT] Tactic: -8654297089785671176 Time: 2.99598 +[02/27/2023-23:08:09] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:08:09] [V] [TRT] Tactic: -7516584506774355935 Time: 13.959 +[02/27/2023-23:08:09] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:08:10] [V] [TRT] Tactic: -7140760933967189247 Time: 5.70039 +[02/27/2023-23:08:10] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:10] [V] [TRT] Tactic: -6004726995029373073 Time: 14.0415 +[02/27/2023-23:08:10] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:10] [V] [TRT] Tactic: -5719726816705110014 Time: 3.63804 +[02/27/2023-23:08:10] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:08:10] [V] [TRT] Tactic: -4097850214384059472 Time: 10.8065 +[02/27/2023-23:08:10] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:08:10] [V] [TRT] Tactic: -3717489476759089008 Time: 7.25814 +[02/27/2023-23:08:10] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:10] [V] [TRT] Tactic: -3689982367035295496 Time: 2.95715 +[02/27/2023-23:08:10] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:08:10] [V] [TRT] Tactic: -2640575123064142123 Time: 3.88302 +[02/27/2023-23:08:10] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:08:10] [V] [TRT] Tactic: -2534402059426524406 Time: 3.17796 +[02/27/2023-23:08:10] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:11] [V] [TRT] Tactic: -2027588946874785071 Time: 10.8331 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:11] [V] [TRT] Tactic: -1968398013367819764 Time: 3.63697 +[02/27/2023-23:08:11] [V] [TRT] Fastest Tactic: -3689982367035295496 Time: 2.95715 +[02/27/2023-23:08:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3689982367035295496 +[02/27/2023-23:08:11] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:11] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution) +[02/27/2023-23:08:11] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:11] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/27/2023-23:08:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:11] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:11] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution) +[02/27/2023-23:08:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:11] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution) +[02/27/2023-23:08:11] [V] [TRT] Tactic: 0 Time: 10.9221 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1 skipped. Scratch requested: 155194880, available: 16777216 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 56 Time: 11.0038 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216 +[02/27/2023-23:08:11] [V] [TRT] Fastest Tactic: 0 Time: 10.9221 +[02/27/2023-23:08:11] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution) +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 385569945292539752 Time: 2.01925 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 833287959109025818 Time: 1.6969 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1013168150133367738 Time: 0.970776 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1067227531433278814 Time: 0.957556 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1179757074518529353 Time: 1.10693 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1554365048685552334 Time: 1.27556 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1579845938601132607 Time: 0.892928 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1796821236841789338 Time: 1.62368 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1948263663414159978 Time: 1.45224 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 1989668371181446952 Time: 1.75478 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 2027733232253711640 Time: 1.05369 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 2105695814191699972 Time: 1.62677 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 2148106709480872763 Time: 1.02499 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 2410442691266548717 Time: 0.952788 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 2511830168590723349 Time: 1.01175 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 2798075085844016892 Time: 1.13113 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:08:11] [V] [TRT] Tactic: 3041642431972138763 Time: 0.848276 +[02/27/2023-23:08:11] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 3745975654290680669 Time: 1.32298 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 3754069740140581927 Time: 1.59938 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 3784804427912340706 Time: 1.36249 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 3919868136802676679 Time: 1.085 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 4149021101886580762 Time: 1.0596 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 4555462412611657028 Time: 1.05555 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 4749226340913476230 Time: 1.68778 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 5483093640784800285 Time: 1.45133 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 5666160310350604399 Time: 1.64952 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 5848150552772236982 Time: 1.20172 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 5900614001783877430 Time: 1.75582 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 5925270497649423688 Time: 1.39236 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 5999406432703271895 Time: 1.31516 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 6103089697398018604 Time: 1.32021 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 6195603576432354734 Time: 1.60138 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 6408235920257988861 Time: 1.25795 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 6623704051070449703 Time: 1.4678 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 6680916730816870145 Time: 1.56401 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 7114340626053367917 Time: 1.49971 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 7158029511300006471 Time: 1.65 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 7612687199567064086 Time: 1.11099 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 7729555994715864793 Time: 1.13566 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 7844857443355818347 Time: 1.17039 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 7859952145590271433 Time: 1.48657 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 8283847742354150423 Time: 1.59535 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 8455608235315878803 Time: 1.64377 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:08:12] [V] [TRT] Tactic: 8668812313058150080 Time: 1.27908 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8992262742606384444 Time: 1.07629 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8952042869709043207 Time: 1.24835 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8898856569474934280 Time: 1.1211 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8774805574135441656 Time: 1.28757 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8750433364328295059 Time: 1.23046 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8749513212655756001 Time: 0.971272 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8520017388966620486 Time: 1.56174 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8487084252145372186 Time: 1.32542 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:08:12] [V] [TRT] Tactic: -8392835332206231687 Time: 1.59866 +[02/27/2023-23:08:12] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -8391760416076885205 Time: 1.41709 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -8254009616492665198 Time: 0.98542 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -7849113095413980300 Time: 1.28113 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -7615325597099025933 Time: 0.998336 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -7594446953125532601 Time: 1.27071 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -7533167286135592323 Time: 1.03684 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -7345578023323941164 Time: 2.10443 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -6828337260021572283 Time: 1.82436 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -6711815420995272523 Time: 1.62591 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -6636202818604544855 Time: 2.22976 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -6489479581011009593 Time: 1.06762 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -6273232454637933930 Time: 1.13364 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -6080892721161662420 Time: 0.83342 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -5818527483287834165 Time: 1.11063 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -5710735840878760115 Time: 0.959676 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -5589367647444470524 Time: 1.65603 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -5198219374380660379 Time: 1.03486 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -5121883532434354186 Time: 0.924224 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -5006039300385557796 Time: 1.02314 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -4627695383426341593 Time: 1.49207 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -4534876761957424274 Time: 1.44602 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -4352168563838861262 Time: 0.83868 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -4116131327756252574 Time: 1.91339 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -4109084522508697633 Time: 0.998696 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -3968200906158272636 Time: 1.29849 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -3425274793298557239 Time: 1.08451 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -3271955096576257018 Time: 1.08906 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -3237051169894153788 Time: 1.68031 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -3136088851200285532 Time: 0.851768 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -2871615028541756894 Time: 2.09907 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -2827934362840121038 Time: 1.58411 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -2676138141351394855 Time: 2.20234 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -2586046817576862066 Time: 0.977056 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -2569977342077121032 Time: 1.44193 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -2422160065350346448 Time: 1.50488 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -1838109259315759592 Time: 1.16655 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -1708101578041178688 Time: 1.01792 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:08:13] [V] [TRT] Tactic: -1586820571068855896 Time: 1.44382 +[02/27/2023-23:08:13] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:08:14] [V] [TRT] Tactic: -1216445540764179377 Time: 0.977588 +[02/27/2023-23:08:14] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:08:14] [V] [TRT] Tactic: -1020632631321619146 Time: 1.32221 +[02/27/2023-23:08:14] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:08:14] [V] [TRT] Tactic: -907287437357565279 Time: 0.99968 +[02/27/2023-23:08:14] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:08:14] [V] [TRT] Tactic: -539379305772590030 Time: 1.93907 +[02/27/2023-23:08:14] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:14] [V] [TRT] Tactic: -229563042944049199 Time: 0.869288 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: -6080892721161662420 Time: 0.83342 +[02/27/2023-23:08:14] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling +[02/27/2023-23:08:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -6080892721161662420 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.919972 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 1.24794 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.919972 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 10.3026 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.787192 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 0.787192 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.935852 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.623336 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 0.623336 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.669384 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.626884 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 0.626884 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 1.3334 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 1.14426 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 1.14426 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.897188 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 1.08641 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.897188 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.88488 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 1.19448 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.88488 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.61678 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.752872 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.61678 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 10.5146 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 1.01203 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 1.01203 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.779124 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.981268 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.779124 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.74772 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.529136 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 0.529136 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.712068 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.459036 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 0.459036 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 1.20575 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.661768 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 0.661768 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.79934 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.84824 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.79934 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 1.39216 +[02/27/2023-23:08:14] [V] [TRT] Tactic: 0 Time: 0.540708 +[02/27/2023-23:08:14] [V] [TRT] Fastest Tactic: 0 Time: 0.540708 +[02/27/2023-23:08:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:14] [V] [TRT] Tactic: 1002 Time: 0.547332 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 0 Time: 0.455256 +[02/27/2023-23:08:15] [V] [TRT] Fastest Tactic: 0 Time: 0.455256 +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:15] [V] [TRT] Tactic: 1002 Time: 1.16358 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 0 Time: 0.769836 +[02/27/2023-23:08:15] [V] [TRT] Fastest Tactic: 0 Time: 0.769836 +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:15] [V] [TRT] Tactic: 1002 Time: 0.781072 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 0 Time: 0.701776 +[02/27/2023-23:08:15] [V] [TRT] Fastest Tactic: 0 Time: 0.701776 +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:15] [V] [TRT] Tactic: 1002 Time: 1.12229 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 0 Time: 0.538736 +[02/27/2023-23:08:15] [V] [TRT] Fastest Tactic: 0 Time: 0.538736 +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:15] [V] [TRT] Tactic: 1002 Time: 0.69948 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 0 Time: 0.483248 +[02/27/2023-23:08:15] [V] [TRT] Fastest Tactic: 0 Time: 0.483248 +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution) +[02/27/2023-23:08:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution) +[02/27/2023-23:08:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution) +[02/27/2023-23:08:15] [V] [TRT] Tactic: 0 Time: 3.4218 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20723712, available: 16777216 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 56 Time: 3.57635 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20723712, available: 16777216 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:15] [V] [TRT] Fastest Tactic: 0 Time: 3.4218 +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/27/2023-23:08:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 1754569683116234317 Time: 1.86465 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 1825138533642645384 Time: 2.02863 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 2733356012094739613 Time: 3.99748 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 3915320020053085238 Time: 2.06618 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 6808617066150061604 Time: 2.28441 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 9091006216302412844 Time: 2.3336 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:15] [V] [TRT] Tactic: -8060443123034038864 Time: 2.39737 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:15] [V] [TRT] Tactic: -4420849921117327522 Time: 3.69716 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:15] [V] [TRT] Tactic: -3946921629105938337 Time: 4.07117 +[02/27/2023-23:08:15] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.86465 +[02/27/2023-23:08:15] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling +[02/27/2023-23:08:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:08:15] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution) +[02/27/2023-23:08:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/27/2023-23:08:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:15] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 861694390046228376 Time: 2.10852 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 5258189349241541167 Time: 2.23306 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:15] [V] [TRT] Tactic: 5821621277990374316 Time: 2.15178 +[02/27/2023-23:08:15] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 5863767799113001648 Time: 2.46171 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -9147980667639709536 Time: 2.03248 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -8892196987859366827 Time: 2.06649 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -8850904373104590857 Time: 2.2134 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -8010679767156598961 Time: 2.421 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -7751035352149795660 Time: 2.07042 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -5115676123557684531 Time: 2.14339 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -493597327599791285 Time: 2.18594 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -423878181466897819 Time: 2.69214 +[02/27/2023-23:08:16] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.03248 +[02/27/2023-23:08:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:08:16] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:16] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution) +[02/27/2023-23:08:16] [V] [TRT] Tactic: 0 Time: 3.25718 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 1 Time: 2.63348 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 56 Time: 3.56106 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:16] [V] [TRT] Fastest Tactic: 1 Time: 2.63348 +[02/27/2023-23:08:16] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/27/2023-23:08:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:16] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/27/2023-23:08:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:16] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling +[02/27/2023-23:08:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:08:16] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:16] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/27/2023-23:08:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:16] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:16] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution) +[02/27/2023-23:08:16] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:16] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution) +[02/27/2023-23:08:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:16] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/27/2023-23:08:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:16] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 1651411198763708804 Time: 1.03813 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 2418518597804310654 Time: 1.0516 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 4318470497547290900 Time: 1.14297 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 4930470141256631146 Time: 1.83714 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 8292881859266835088 Time: 1.87782 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:16] [V] [TRT] Tactic: 8401509141903434922 Time: 1.19855 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -8654297089785671176 Time: 1.14744 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -7516584506774355935 Time: 1.94352 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -7140760933967189247 Time: 1.14072 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -6004726995029373073 Time: 1.86532 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -5719726816705110014 Time: 1.11992 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:08:16] [V] [TRT] Tactic: -4097850214384059472 Time: 1.91518 +[02/27/2023-23:08:16] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -3717489476759089008 Time: 1.11927 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -3689982367035295496 Time: 1.12422 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -2640575123064142123 Time: 1.07818 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -2534402059426524406 Time: 1.06418 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88285 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -1968398013367819764 Time: 1.09959 +[02/27/2023-23:08:17] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.03813 +[02/27/2023-23:08:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804 +[02/27/2023-23:08:17] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:17] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution) +[02/27/2023-23:08:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:17] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/27/2023-23:08:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:17] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/27/2023-23:08:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:17] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:17] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution) +[02/27/2023-23:08:17] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:17] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution) +[02/27/2023-23:08:17] [V] [TRT] Tactic: 0 Time: 4.7727 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64752128, available: 16777216 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 56 Time: 4.78842 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:08:17] [V] [TRT] Fastest Tactic: 0 Time: 4.7727 +[02/27/2023-23:08:17] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution) +[02/27/2023-23:08:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:17] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution) +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 83696452256923412 Time: 0.705832 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 106549059816437840 Time: 0.648376 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 1179757074518529353 Time: 0.420456 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 2105695814191699972 Time: 0.652472 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 2148106709480872763 Time: 0.441388 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 2410442691266548717 Time: 0.37388 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 2511830168590723349 Time: 0.428044 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 2634905271404611895 Time: 0.505992 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 2689212690707793357 Time: 0.54506 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 2798075085844016892 Time: 0.5364 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 3041642431972138763 Time: 0.373368 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 3091156937974993800 Time: 0.524336 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 3199589679702517123 Time: 0.439096 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 3754069740140581927 Time: 0.686868 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 3932578551652369355 Time: 0.730532 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 4149021101886580762 Time: 0.518252 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 4555462412611657028 Time: 0.451724 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 4749226340913476230 Time: 0.751224 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 5483093640784800285 Time: 0.663612 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 5666160310350604399 Time: 0.687444 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 5900614001783877430 Time: 0.827676 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 5925270497649423688 Time: 0.582052 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 5999406432703271895 Time: 0.66332 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 6680916730816870145 Time: 0.582368 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 7107292614492808590 Time: 0.506128 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 7158029511300006471 Time: 0.65716 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 7859952145590271433 Time: 0.556404 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 8283847742354150423 Time: 0.646236 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 8468288610222482742 Time: 0.462132 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 8620567263556985011 Time: 0.46204 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 8642279798680442080 Time: 0.470216 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 8980274178270132023 Time: 0.610116 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:08:17] [V] [TRT] Tactic: 9108067304506990859 Time: 0.638484 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -9104099172933216230 Time: 0.897156 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8992262742606384444 Time: 0.445092 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8956720569082607796 Time: 0.844592 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8952042869709043207 Time: 0.595024 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8898856569474934280 Time: 0.49304 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8774805574135441656 Time: 0.51424 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8749513212655756001 Time: 0.463772 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8520017388966620486 Time: 0.709824 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8487084252145372186 Time: 0.526964 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -8391760416076885205 Time: 0.576224 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:08:17] [V] [TRT] Tactic: -7990268040387498660 Time: 0.962024 +[02/27/2023-23:08:17] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -7849113095413980300 Time: 0.548344 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -7533167286135592323 Time: 0.528196 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -6273232454637933930 Time: 0.451272 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -5818527483287834165 Time: 0.436348 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -5590418898350402100 Time: 0.66962 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -5505475137955795830 Time: 0.379116 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -5389631537202601150 Time: 0.547368 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -5332866838585594777 Time: 0.5339 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -5121883532434354186 Time: 0.475592 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -5006039300385557796 Time: 0.491624 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -4534876761957424274 Time: 0.574632 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -4352168563838861262 Time: 0.381176 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -4109084522508697633 Time: 0.466836 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -3237051169894153788 Time: 0.663308 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -3136088851200285532 Time: 0.372976 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -2827934362840121038 Time: 0.680428 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -2676138141351394855 Time: 0.961552 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -2601537631049973288 Time: 0.47634 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -2586046817576862066 Time: 0.38016 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -2569977342077121032 Time: 0.643352 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -2422160065350346448 Time: 0.569988 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -2125188058121029448 Time: 0.504528 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -2123887091022542343 Time: 0.563416 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -1838109259315759592 Time: 0.512052 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -1216445540764179377 Time: 0.38162 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -539379305772590030 Time: 0.91542 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -288413895057594820 Time: 0.493276 +[02/27/2023-23:08:18] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:18] [V] [TRT] Tactic: -229563042944049199 Time: 0.376236 +[02/27/2023-23:08:18] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.372976 +[02/27/2023-23:08:18] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling +[02/27/2023-23:08:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532 +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:18] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution) +[02/27/2023-23:08:18] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:18] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution) +[02/27/2023-23:08:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:18] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution) +[02/27/2023-23:08:18] [V] [TRT] Tactic: 0 Time: 7.13403 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20777472, available: 16777216 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 6 Time: 3.97512 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 56 Time: 7.78839 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20777472, available: 16777216 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 62 Time: 3.96883 +[02/27/2023-23:08:18] [V] [TRT] Fastest Tactic: 62 Time: 3.96883 +[02/27/2023-23:08:18] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/27/2023-23:08:18] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:18] [V] [TRT] Tactic: 1825138533642645384 Time: 4.44816 +[02/27/2023-23:08:18] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 2775507031594384867 Time: 3.80994 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 2842488832350522458 Time: 4.6204 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 3915320020053085238 Time: 4.45601 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 6448355332020552203 Time: 4.54844 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 6808617066150061604 Time: 4.62264 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:19] [V] [TRT] Tactic: -8060443123034038864 Time: 4.91092 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:19] [V] [TRT] Tactic: -4420849921117327522 Time: 6.43008 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:19] [V] [TRT] Tactic: -3946921629105938337 Time: 5.68833 +[02/27/2023-23:08:19] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 3.80994 +[02/27/2023-23:08:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867 +[02/27/2023-23:08:19] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:19] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution) +[02/27/2023-23:08:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:19] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 861694390046228376 Time: 4.62686 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 1017870653102653567 Time: 4.53498 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 5258189349241541167 Time: 4.65989 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:19] [V] [TRT] Tactic: 5821621277990374316 Time: 4.47314 +[02/27/2023-23:08:19] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 5863767799113001648 Time: 4.94085 +[02/27/2023-23:08:20] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:20] [V] [TRT] Tactic: -9147980667639709536 Time: 4.29026 +[02/27/2023-23:08:20] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:20] [V] [TRT] Tactic: -8850904373104590857 Time: 4.6491 +[02/27/2023-23:08:20] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:20] [V] [TRT] Tactic: -7751035352149795660 Time: 4.30862 +[02/27/2023-23:08:20] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465 +[02/27/2023-23:08:20] [V] [TRT] Tactic: -3853827649136781465 Time: 4.4822 +[02/27/2023-23:08:20] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196 +[02/27/2023-23:08:20] [V] [TRT] Tactic: -3263369460438823196 Time: 4.64782 +[02/27/2023-23:08:20] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:20] [V] [TRT] Tactic: -423878181466897819 Time: 4.9809 +[02/27/2023-23:08:20] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.29026 +[02/27/2023-23:08:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:08:20] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:20] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution) +[02/27/2023-23:08:20] [V] [TRT] Tactic: 0 Time: 6.86738 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 1 Time: 5.06334 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 56 Time: 6.99747 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216 +[02/27/2023-23:08:20] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216 +[02/27/2023-23:08:21] [V] [TRT] Fastest Tactic: 1 Time: 5.06334 +[02/27/2023-23:08:21] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/27/2023-23:08:21] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:21] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling +[02/27/2023-23:08:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:08:21] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:21] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution) +[02/27/2023-23:08:21] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:21] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution) +[02/27/2023-23:08:21] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:21] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 1145226902788474763 Time: 2.12308 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 1651411198763708804 Time: 2.45998 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 2418518597804310654 Time: 2.58694 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 4318470497547290900 Time: 2.47531 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 4653005425971292725 Time: 2.49627 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 4930470141256631146 Time: 2.8103 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 8292881859266835088 Time: 2.90902 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:21] [V] [TRT] Tactic: 8401509141903434922 Time: 2.52802 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -8654297089785671176 Time: 2.40514 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -7448936905981214224 Time: 2.83852 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -6004726995029373073 Time: 2.79224 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -5719726816705110014 Time: 2.4304 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -3754890472406891741 Time: 2.41827 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -3689982367035295496 Time: 2.31582 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -3140347171730126532 Time: 1.88747 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -2894005464278291378 Time: 2.77185 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -2027588946874785071 Time: 2.83225 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -1968398013367819764 Time: 2.48618 +[02/27/2023-23:08:21] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743 +[02/27/2023-23:08:21] [V] [TRT] Tactic: -245090590808296743 Time: 2.48938 +[02/27/2023-23:08:21] [V] [TRT] Fastest Tactic: -3140347171730126532 Time: 1.88747 +[02/27/2023-23:08:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3140347171730126532 +[02/27/2023-23:08:21] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:21] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution) +[02/27/2023-23:08:21] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:21] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/27/2023-23:08:21] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:21] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:21] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution) +[02/27/2023-23:08:21] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:21] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution) +[02/27/2023-23:08:22] [V] [TRT] Tactic: 0 Time: 9.93737 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1 skipped. Scratch requested: 26872320, available: 16777216 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 56 Time: 9.91339 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216 +[02/27/2023-23:08:22] [V] [TRT] Fastest Tactic: 56 Time: 9.91339 +[02/27/2023-23:08:22] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution) +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 46202665595848747 Time: 1.0149 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 239013563835492727 Time: 1.47771 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 385569945292539752 Time: 2.10853 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 671037109694951988 Time: 1.07799 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 833287959109025818 Time: 1.24313 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 864841579020773074 Time: 0.63906 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 912634305247603909 Time: 1.06039 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1013168150133367738 Time: 0.84268 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1014187170474222133 Time: 1.06781 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1067227531433278814 Time: 0.732 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1554365048685552334 Time: 1.10998 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1579845938601132607 Time: 0.708408 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1796821236841789338 Time: 1.58118 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1837941418294761657 Time: 1.11657 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1948263663414159978 Time: 1.30452 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 1989668371181446952 Time: 1.63948 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 2027733232253711640 Time: 0.82536 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 2148106709480872763 Time: 0.799228 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 2154731107061273008 Time: 1.01286 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 2410442691266548717 Time: 0.607516 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 3464689803495983377 Time: 0.77394 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 3636831327753843771 Time: 0.710472 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 3745975654290680669 Time: 1.16889 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 3754069740140581927 Time: 1.29981 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 3784804427912340706 Time: 1.44355 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 3823144360994712832 Time: 0.724304 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 3919868136802676679 Time: 1.08856 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567 +[02/27/2023-23:08:22] [V] [TRT] Tactic: 5263029549013613567 Time: 0.64088 +[02/27/2023-23:08:22] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 5506334059535811602 Time: 0.628732 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 5635311898703673455 Time: 0.61982 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 5786991692145244692 Time: 2.0695 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 5848150552772236982 Time: 1.07978 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 5925270497649423688 Time: 1.10423 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 5932046018238429951 Time: 1.39376 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 6103089697398018604 Time: 1.14789 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 6195603576432354734 Time: 1.42191 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 6252808259936499253 Time: 1.33524 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 6408235920257988861 Time: 1.11785 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 6623704051070449703 Time: 1.1894 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 6680916730816870145 Time: 1.25376 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 7114340626053367917 Time: 1.48036 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 7158029511300006471 Time: 1.24333 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 7612687199567064086 Time: 1.08777 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 7729555994715864793 Time: 1.079 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 7844857443355818347 Time: 1.14227 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 7849296535223586261 Time: 1.15398 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 7859952145590271433 Time: 1.24657 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 8219150286974756863 Time: 1.88416 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 8283847742354150423 Time: 1.23975 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 8455608235315878803 Time: 1.49422 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:08:23] [V] [TRT] Tactic: 8668812313058150080 Time: 1.18152 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -8992262742606384444 Time: 0.862428 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -8750433364328295059 Time: 1.14107 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -8682550625095202832 Time: 0.838 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -8392835332206231687 Time: 1.61946 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -8254009616492665198 Time: 0.671268 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -7615325597099025933 Time: 0.679556 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -7594446953125532601 Time: 1.07947 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -7345578023323941164 Time: 1.85791 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -6828337260021572283 Time: 1.66723 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -6711815420995272523 Time: 1.44166 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -6636202818604544855 Time: 2.04841 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -6489479581011009593 Time: 0.844812 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -6320761427625651496 Time: 0.8105 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -6273232454637933930 Time: 0.738872 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -6080892721161662420 Time: 0.663276 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -6032793021868796623 Time: 1.10242 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -5818527483287834165 Time: 0.70764 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -5710735840878760115 Time: 0.736952 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:08:23] [V] [TRT] Tactic: -5589367647444470524 Time: 1.66963 +[02/27/2023-23:08:23] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -5546257196173962281 Time: 1.04428 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -5198219374380660379 Time: 0.7998 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -4954692664176521434 Time: 0.635112 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -4627695383426341593 Time: 1.41137 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -4534876761957424274 Time: 1.1142 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -4142141368456048176 Time: 1.3706 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -4116131327756252574 Time: 1.83927 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -3968200906158272636 Time: 1.10442 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -3784342055748695733 Time: 1.55763 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -3425274793298557239 Time: 1.03302 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -3271955096576257018 Time: 1.04684 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -3237051169894153788 Time: 1.22999 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -3136088851200285532 Time: 0.62702 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -2871615028541756894 Time: 2.07528 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -2751179716463646694 Time: 1.39635 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -2634388175487609605 Time: 1.71264 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -2586046817576862066 Time: 0.649804 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -1708101578041178688 Time: 0.668668 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -1586820571068855896 Time: 1.42544 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -1020632631321619146 Time: 1.1401 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -907287437357565279 Time: 0.65918 +[02/27/2023-23:08:24] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:24] [V] [TRT] Tactic: -229563042944049199 Time: 0.644736 +[02/27/2023-23:08:24] [V] [TRT] Fastest Tactic: 2410442691266548717 Time: 0.607516 +[02/27/2023-23:08:24] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling +[02/27/2023-23:08:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2410442691266548717 +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:24] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution) +[02/27/2023-23:08:24] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:24] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution) +[02/27/2023-23:08:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:24] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution) +[02/27/2023-23:08:24] [V] [TRT] Tactic: 0 Time: 6.62788 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 1 Time: 5.3413 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 56 Time: 6.57856 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 57 Time: 5.33887 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:24] [V] [TRT] Fastest Tactic: 57 Time: 5.33887 +[02/27/2023-23:08:24] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/27/2023-23:08:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:24] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/27/2023-23:08:24] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 1754569683116234317 Time: 2.42573 +[02/27/2023-23:08:24] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:24] [V] [TRT] Tactic: 1825138533642645384 Time: 2.51425 +[02/27/2023-23:08:24] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:08:25] [V] [TRT] Tactic: 2733356012094739613 Time: 5.05496 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:25] [V] [TRT] Tactic: 3915320020053085238 Time: 2.52267 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:25] [V] [TRT] Tactic: 6808617066150061604 Time: 2.96456 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:08:25] [V] [TRT] Tactic: 9091006216302412844 Time: 2.99496 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -8060443123034038864 Time: 2.97169 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -4420849921117327522 Time: 4.73876 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -3946921629105938337 Time: 5.14953 +[02/27/2023-23:08:25] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.42573 +[02/27/2023-23:08:25] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling +[02/27/2023-23:08:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:08:25] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:25] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution) +[02/27/2023-23:08:25] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:25] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/27/2023-23:08:25] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:25] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:25] [V] [TRT] Tactic: 861694390046228376 Time: 2.45098 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:25] [V] [TRT] Tactic: 5258189349241541167 Time: 2.43383 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:25] [V] [TRT] Tactic: 5821621277990374316 Time: 2.50174 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:25] [V] [TRT] Tactic: 5863767799113001648 Time: 3.6081 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -9147980667639709536 Time: 2.33426 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -8892196987859366827 Time: 2.43059 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -8850904373104590857 Time: 2.4083 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -8010679767156598961 Time: 3.63594 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -7751035352149795660 Time: 2.34171 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -5115676123557684531 Time: 2.46734 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:08:25] [V] [TRT] Tactic: -493597327599791285 Time: 2.28334 +[02/27/2023-23:08:25] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -423878181466897819 Time: 3.61393 +[02/27/2023-23:08:26] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 2.28334 +[02/27/2023-23:08:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285 +[02/27/2023-23:08:26] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:26] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution) +[02/27/2023-23:08:26] [V] [TRT] Tactic: 0 Time: 5.09332 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 1 Time: 4.24752 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 2 Time: 5.41645 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 56 Time: 5.34358 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 58 Time: 5.23456 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216 +[02/27/2023-23:08:26] [V] [TRT] Fastest Tactic: 1 Time: 4.24752 +[02/27/2023-23:08:26] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/27/2023-23:08:26] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:26] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/27/2023-23:08:26] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:26] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling +[02/27/2023-23:08:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:08:26] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:26] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution) +[02/27/2023-23:08:26] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:26] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution) +[02/27/2023-23:08:26] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:26] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/27/2023-23:08:26] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:26] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 1651411198763708804 Time: 1.45318 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 2418518597804310654 Time: 1.49327 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 4318470497547290900 Time: 1.50706 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 4930470141256631146 Time: 2.38049 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 8292881859266835088 Time: 2.43817 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:26] [V] [TRT] Tactic: 8401509141903434922 Time: 1.49793 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -8654297089785671176 Time: 1.41522 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -7516584506774355935 Time: 2.39018 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -7140760933967189247 Time: 1.4811 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -6004726995029373073 Time: 2.3786 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -5719726816705110014 Time: 1.42026 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -4097850214384059472 Time: 2.436 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -3717489476759089008 Time: 1.44473 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:26] [V] [TRT] Tactic: -3689982367035295496 Time: 1.46402 +[02/27/2023-23:08:26] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -2640575123064142123 Time: 1.32774 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -2534402059426524406 Time: 1.32653 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -2027588946874785071 Time: 2.43826 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -1968398013367819764 Time: 1.44095 +[02/27/2023-23:08:27] [V] [TRT] Fastest Tactic: -2534402059426524406 Time: 1.32653 +[02/27/2023-23:08:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2534402059426524406 +[02/27/2023-23:08:27] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:27] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution) +[02/27/2023-23:08:27] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:27] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/27/2023-23:08:27] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:27] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/27/2023-23:08:27] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:27] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:27] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution) +[02/27/2023-23:08:27] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:27] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution) +[02/27/2023-23:08:27] [V] [TRT] Tactic: 0 Time: 6.60483 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 56 Time: 6.60782 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:08:27] [V] [TRT] Fastest Tactic: 0 Time: 6.60483 +[02/27/2023-23:08:27] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution) +[02/27/2023-23:08:27] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:27] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution) +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 83696452256923412 Time: 0.826316 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 106549059816437840 Time: 0.842728 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 1179757074518529353 Time: 0.674168 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 2105695814191699972 Time: 0.986008 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 2148106709480872763 Time: 0.612144 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 2410442691266548717 Time: 0.71162 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 2511830168590723349 Time: 0.614188 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 2634905271404611895 Time: 0.557936 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 2689212690707793357 Time: 0.815392 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 2798075085844016892 Time: 0.658984 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 3041642431972138763 Time: 0.61076 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 3091156937974993800 Time: 0.661856 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 3199589679702517123 Time: 0.602544 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 3754069740140581927 Time: 0.934296 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 3932578551652369355 Time: 0.849876 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 4149021101886580762 Time: 0.587544 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 4555462412611657028 Time: 0.602344 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 4749226340913476230 Time: 0.84906 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 5483093640784800285 Time: 0.714964 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 5666160310350604399 Time: 0.89956 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 5900614001783877430 Time: 0.92096 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 5925270497649423688 Time: 0.928732 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 5999406432703271895 Time: 0.7269 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 6680916730816870145 Time: 0.873312 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 7107292614492808590 Time: 0.62052 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 7158029511300006471 Time: 1.0226 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 7859952145590271433 Time: 0.906088 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 8283847742354150423 Time: 0.90006 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 8468288610222482742 Time: 0.718544 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 8620567263556985011 Time: 0.712088 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 8642279798680442080 Time: 0.591004 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 8980274178270132023 Time: 0.730896 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:08:27] [V] [TRT] Tactic: 9108067304506990859 Time: 0.74998 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -9104099172933216230 Time: 1.17539 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -8992262742606384444 Time: 0.679156 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -8956720569082607796 Time: 0.95772 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -8952042869709043207 Time: 0.678244 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:08:27] [V] [TRT] Tactic: -8898856569474934280 Time: 0.642172 +[02/27/2023-23:08:27] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -8774805574135441656 Time: 0.76042 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -8749513212655756001 Time: 0.714556 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -8520017388966620486 Time: 0.816696 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -8487084252145372186 Time: 0.82888 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -8391760416076885205 Time: 0.92308 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -7990268040387498660 Time: 1.03992 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -7849113095413980300 Time: 0.849112 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -7533167286135592323 Time: 0.583128 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -6273232454637933930 Time: 0.720264 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -5818527483287834165 Time: 0.717356 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -5590418898350402100 Time: 0.707276 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -5505475137955795830 Time: 0.526 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -5389631537202601150 Time: 0.88194 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -5332866838585594777 Time: 0.586672 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -5121883532434354186 Time: 0.548624 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -5006039300385557796 Time: 0.600476 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -4534876761957424274 Time: 0.918796 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -4352168563838861262 Time: 0.536924 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -4109084522508697633 Time: 0.69214 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -3237051169894153788 Time: 0.957 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -3136088851200285532 Time: 0.621452 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -2827934362840121038 Time: 0.831144 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -2676138141351394855 Time: 1.07214 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -2601537631049973288 Time: 0.548188 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -2586046817576862066 Time: 0.729048 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -2569977342077121032 Time: 0.783712 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -2422160065350346448 Time: 0.890764 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -2125188058121029448 Time: 0.749456 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -2123887091022542343 Time: 0.653028 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -1838109259315759592 Time: 0.608244 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -1216445540764179377 Time: 0.70648 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -539379305772590030 Time: 1.04218 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -288413895057594820 Time: 0.615428 +[02/27/2023-23:08:28] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:28] [V] [TRT] Tactic: -229563042944049199 Time: 0.622668 +[02/27/2023-23:08:28] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 0.526 +[02/27/2023-23:08:28] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling +[02/27/2023-23:08:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830 +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CublasConvolution) +[02/27/2023-23:08:28] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CublasConvolution) +[02/27/2023-23:08:28] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CublasConvolution) +[02/27/2023-23:08:28] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CublasConvolution) +[02/27/2023-23:08:28] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CublasConvolution) +[02/27/2023-23:08:28] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CublasConvolution) +[02/27/2023-23:08:28] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CublasConvolution) +[02/27/2023-23:08:28] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CudnnConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CublasConvolution) +[02/27/2023-23:08:28] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CaskConvolution) +[02/27/2023-23:08:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(100352,196,14,1) *************** +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution) +[02/27/2023-23:08:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution) +[02/27/2023-23:08:28] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:28] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution) +[02/27/2023-23:08:29] [V] [TRT] Tactic: 0 Time: 7.11746 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 1 Time: 4.82835 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 56 Time: 7.34767 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 57 Time: 4.79672 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216 +[02/27/2023-23:08:29] [V] [TRT] Fastest Tactic: 57 Time: 4.79672 +[02/27/2023-23:08:29] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/27/2023-23:08:29] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:29] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/27/2023-23:08:29] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 1754569683116234317 Time: 3.89544 +[02/27/2023-23:08:29] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 1825138533642645384 Time: 4.32554 +[02/27/2023-23:08:29] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 2733356012094739613 Time: 8.08838 +[02/27/2023-23:08:29] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 3915320020053085238 Time: 4.32653 +[02/27/2023-23:08:29] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 6808617066150061604 Time: 4.76139 +[02/27/2023-23:08:29] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:08:29] [V] [TRT] Tactic: 9091006216302412844 Time: 4.80427 +[02/27/2023-23:08:29] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:29] [V] [TRT] Tactic: -8060443123034038864 Time: 5.03258 +[02/27/2023-23:08:29] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:30] [V] [TRT] Tactic: -4420849921117327522 Time: 7.47109 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:30] [V] [TRT] Tactic: -3946921629105938337 Time: 8.21742 +[02/27/2023-23:08:30] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 3.89544 +[02/27/2023-23:08:30] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling +[02/27/2023-23:08:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:08:30] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(100352,1,7168,512) *************** +[02/27/2023-23:08:30] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution) +[02/27/2023-23:08:30] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:30] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/27/2023-23:08:30] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:30] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:30] [V] [TRT] Tactic: 861694390046228376 Time: 4.34691 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:30] [V] [TRT] Tactic: 5258189349241541167 Time: 4.43949 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:30] [V] [TRT] Tactic: 5821621277990374316 Time: 4.28576 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:30] [V] [TRT] Tactic: 5863767799113001648 Time: 4.87996 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:30] [V] [TRT] Tactic: -9147980667639709536 Time: 4.09475 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:08:30] [V] [TRT] Tactic: -8892196987859366827 Time: 4.17543 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:30] [V] [TRT] Tactic: -8850904373104590857 Time: 4.3906 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:08:30] [V] [TRT] Tactic: -8010679767156598961 Time: 4.81092 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:30] [V] [TRT] Tactic: -7751035352149795660 Time: 4.10357 +[02/27/2023-23:08:30] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:08:31] [V] [TRT] Tactic: -5115676123557684531 Time: 4.31829 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:08:31] [V] [TRT] Tactic: -493597327599791285 Time: 4.30481 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:31] [V] [TRT] Tactic: -423878181466897819 Time: 4.97629 +[02/27/2023-23:08:31] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.09475 +[02/27/2023-23:08:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:08:31] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(100352,196,14,1) *************** +[02/27/2023-23:08:31] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution) +[02/27/2023-23:08:31] [V] [TRT] Tactic: 0 Time: 6.72231 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 1 Time: 5.27828 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 56 Time: 7.18372 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216 +[02/27/2023-23:08:31] [V] [TRT] Fastest Tactic: 1 Time: 5.27828 +[02/27/2023-23:08:31] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/27/2023-23:08:31] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:31] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/27/2023-23:08:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:31] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling +[02/27/2023-23:08:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:08:31] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(100352,196,14,1) *************** +[02/27/2023-23:08:31] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/27/2023-23:08:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:31] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196:2,14,1) *************** +[02/27/2023-23:08:31] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution) +[02/27/2023-23:08:31] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:31] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution) +[02/27/2023-23:08:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:31] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/27/2023-23:08:31] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:31] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 1651411198763708804 Time: 2.06119 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 2418518597804310654 Time: 2.44046 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 4318470497547290900 Time: 2.5195 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 4930470141256631146 Time: 3.79266 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 8292881859266835088 Time: 3.83135 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:31] [V] [TRT] Tactic: 8401509141903434922 Time: 2.41696 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:31] [V] [TRT] Tactic: -8654297089785671176 Time: 2.37668 +[02/27/2023-23:08:31] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -7516584506774355935 Time: 3.89827 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -7140760933967189247 Time: 2.33037 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -6004726995029373073 Time: 3.82362 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -5719726816705110014 Time: 2.23662 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -4097850214384059472 Time: 3.87692 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -3717489476759089008 Time: 2.3165 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -3689982367035295496 Time: 2.36923 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -2640575123064142123 Time: 2.25466 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -2534402059426524406 Time: 2.30135 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -2027588946874785071 Time: 3.84083 +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:32] [V] [TRT] Tactic: -1968398013367819764 Time: 2.52051 +[02/27/2023-23:08:32] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.06119 +[02/27/2023-23:08:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804 +[02/27/2023-23:08:32] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(100352,196,14,1) *************** +[02/27/2023-23:08:32] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution) +[02/27/2023-23:08:32] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:32] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/27/2023-23:08:32] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:32] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/27/2023-23:08:32] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:32] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(12544,1:8,896,64) *************** +[02/27/2023-23:08:32] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution) +[02/27/2023-23:08:32] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:32] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution) +[02/27/2023-23:08:32] [V] [TRT] Tactic: 0 Time: 9.61397 +[02/27/2023-23:08:32] [V] [TRT] Tactic: 1 skipped. Scratch requested: 78122496, available: 16777216 +[02/27/2023-23:08:32] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216 +[02/27/2023-23:08:32] [V] [TRT] Tactic: 56 Time: 9.53489 +[02/27/2023-23:08:32] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216 +[02/27/2023-23:08:32] [V] [TRT] Fastest Tactic: 56 Time: 9.53489 +[02/27/2023-23:08:32] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution) +[02/27/2023-23:08:32] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:32] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution) +[02/27/2023-23:08:32] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 83696452256923412 Time: 1.35995 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 106549059816437840 Time: 1.25917 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 1179757074518529353 Time: 0.752252 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 2105695814191699972 Time: 1.34509 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 2148106709480872763 Time: 0.796408 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 2410442691266548717 Time: 0.652844 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 2511830168590723349 Time: 0.86492 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 2634905271404611895 Time: 1.01267 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 2689212690707793357 Time: 1.10146 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 2798075085844016892 Time: 1.06028 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 3041642431972138763 Time: 0.633844 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 3091156937974993800 Time: 1.02214 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 3199589679702517123 Time: 0.871132 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34119 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 3932578551652369355 Time: 1.43492 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 4149021101886580762 Time: 0.960972 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 4555462412611657028 Time: 0.818936 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 4749226340913476230 Time: 1.57585 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 5483093640784800285 Time: 1.38088 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 5666160310350604399 Time: 1.34623 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 5900614001783877430 Time: 1.68846 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 5925270497649423688 Time: 1.09532 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 5999406432703271895 Time: 1.32232 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 6680916730816870145 Time: 1.22974 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 7107292614492808590 Time: 1.1083 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 7158029511300006471 Time: 1.32748 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 7859952145590271433 Time: 1.15688 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 8283847742354150423 Time: 1.30197 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 8468288610222482742 Time: 0.747416 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 8620567263556985011 Time: 0.74452 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 8642279798680442080 Time: 0.982712 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 8980274178270132023 Time: 1.29224 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:08:33] [V] [TRT] Tactic: 9108067304506990859 Time: 1.37778 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -9104099172933216230 Time: 2.01971 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8992262742606384444 Time: 0.84154 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8956720569082607796 Time: 1.68767 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8952042869709043207 Time: 1.08005 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8898856569474934280 Time: 1.0414 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8774805574135441656 Time: 1.13236 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8749513212655756001 Time: 0.775988 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8520017388966620486 Time: 1.49664 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8487084252145372186 Time: 1.05929 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:08:33] [V] [TRT] Tactic: -8391760416076885205 Time: 1.09688 +[02/27/2023-23:08:33] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -7990268040387498660 Time: 1.97054 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -7849113095413980300 Time: 1.06144 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -7533167286135592323 Time: 0.989936 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -6273232454637933930 Time: 0.821248 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -5818527483287834165 Time: 0.790176 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -5590418898350402100 Time: 1.38051 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -5505475137955795830 Time: 0.675284 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -5389631537202601150 Time: 1.11583 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -5332866838585594777 Time: 1.04213 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -5121883532434354186 Time: 0.761996 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -5006039300385557796 Time: 0.872624 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -4534876761957424274 Time: 1.1624 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -4352168563838861262 Time: 0.678024 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -4109084522508697633 Time: 0.7822 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -3237051169894153788 Time: 1.32693 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -3136088851200285532 Time: 0.64106 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -2827934362840121038 Time: 1.44142 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -2676138141351394855 Time: 2.0557 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -2601537631049973288 Time: 0.751144 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -2586046817576862066 Time: 0.669288 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -2569977342077121032 Time: 1.32349 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -2422160065350346448 Time: 1.20264 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -2125188058121029448 Time: 1.09527 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -2123887091022542343 Time: 1.06532 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -1838109259315759592 Time: 1.08694 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -1216445540764179377 Time: 0.675384 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -539379305772590030 Time: 1.91656 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -288413895057594820 Time: 0.845476 +[02/27/2023-23:08:34] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:34] [V] [TRT] Tactic: -229563042944049199 Time: 0.641488 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.633844 +[02/27/2023-23:08:34] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling +[02/27/2023-23:08:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Float(100352,1,7168,512) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.456404 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.575176 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 1002 Time: 0.456404 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(100352,196,14,1) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 4.85376 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.398384 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 0 Time: 0.398384 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(50176,196:2,14,1) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.464476 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.315192 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 0 Time: 0.315192 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(12544,1:8,896,64) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.331556 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.316496 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 0 Time: 0.316496 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Float(100352,196,14,1) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.664724 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.559308 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 0 Time: 0.559308 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(100352,196,14,1) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.452076 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.505028 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 1002 Time: 0.452076 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(50176,196:2,14,1) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.447448 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.55406 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 1002 Time: 0.447448 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(12544,1:8,896,64) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.313156 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.36722 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 1002 Time: 0.313156 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,196,14,1) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 5.02034 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.50692 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 0 Time: 0.50692 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,1,7168,512) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.381488 +[02/27/2023-23:08:34] [V] [TRT] Tactic: 0 Time: 0.475768 +[02/27/2023-23:08:34] [V] [TRT] Fastest Tactic: 1002 Time: 0.381488 +[02/27/2023-23:08:34] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(50176,196:2,14,1) *************** +[02/27/2023-23:08:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:34] [V] [TRT] Tactic: 1002 Time: 0.372884 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.264376 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.264376 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(12544,1:8,896,64) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.350716 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.232844 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.232844 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,196,14,1) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.60592 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.331084 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.331084 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,1,7168,512) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.390472 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.411756 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.390472 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(100352,196,14,1) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.683144 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.255912 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.255912 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(12544,1:8,896,64) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.26802 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.229412 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.229412 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,196,14,1) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.583724 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.386564 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.386564 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,1,7168,512) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.39114 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.350552 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.350552 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(100352,196,14,1) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.562164 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.271488 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.271488 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(50176,196:2,14,1) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1002 Time: 0.351272 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 0.242928 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 0.242928 +[02/27/2023-23:08:35] [V] [TRT] *************** Autotuning format combination: Float(100352,196,14,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution) +[02/27/2023-23:08:35] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution) +[02/27/2023-23:08:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution) +[02/27/2023-23:08:35] [V] [TRT] Tactic: 0 Time: 7.31797 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1 skipped. Scratch requested: 66544128, available: 16777216 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 56 Time: 7.64272 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 57 skipped. Scratch requested: 66544128, available: 16777216 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216 +[02/27/2023-23:08:35] [V] [TRT] Fastest Tactic: 0 Time: 7.31797 +[02/27/2023-23:08:35] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/27/2023-23:08:35] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 1825138533642645384 Time: 4.0981 +[02/27/2023-23:08:35] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 2842488832350522458 Time: 5.15572 +[02/27/2023-23:08:35] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 3915320020053085238 Time: 4.55692 +[02/27/2023-23:08:35] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 6448355332020552203 Time: 4.56922 +[02/27/2023-23:08:35] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:35] [V] [TRT] Tactic: 6808617066150061604 Time: 5.00131 +[02/27/2023-23:08:35] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:36] [V] [TRT] Tactic: -8060443123034038864 Time: 5.29154 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:36] [V] [TRT] Tactic: -4420849921117327522 Time: 7.86046 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:36] [V] [TRT] Tactic: -3946921629105938337 Time: 7.22622 +[02/27/2023-23:08:36] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.0981 +[02/27/2023-23:08:36] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling +[02/27/2023-23:08:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384 +[02/27/2023-23:08:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,7168,512) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:08:36] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution) +[02/27/2023-23:08:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:36] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:36] [V] [TRT] Tactic: 861694390046228376 Time: 4.87404 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567 +[02/27/2023-23:08:36] [V] [TRT] Tactic: 1017870653102653567 Time: 4.49983 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:36] [V] [TRT] Tactic: 5258189349241541167 Time: 4.66628 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:36] [V] [TRT] Tactic: 5821621277990374316 Time: 4.52592 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:36] [V] [TRT] Tactic: 5863767799113001648 Time: 4.94077 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:36] [V] [TRT] Tactic: -9147980667639709536 Time: 4.5113 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:36] [V] [TRT] Tactic: -8850904373104590857 Time: 4.81453 +[02/27/2023-23:08:36] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:37] [V] [TRT] Tactic: -7751035352149795660 Time: 4.57629 +[02/27/2023-23:08:37] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465 +[02/27/2023-23:08:37] [V] [TRT] Tactic: -3853827649136781465 Time: 4.61231 +[02/27/2023-23:08:37] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196 +[02/27/2023-23:08:37] [V] [TRT] Tactic: -3263369460438823196 Time: 4.7924 +[02/27/2023-23:08:37] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:37] [V] [TRT] Tactic: -423878181466897819 Time: 5.06018 +[02/27/2023-23:08:37] [V] [TRT] Fastest Tactic: 1017870653102653567 Time: 4.49983 +[02/27/2023-23:08:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1017870653102653567 +[02/27/2023-23:08:37] [V] [TRT] *************** Autotuning format combination: Half(100352,196,14,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:08:37] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution) +[02/27/2023-23:08:37] [V] [TRT] Tactic: 0 Time: 7.07428 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 1 Time: 5.69628 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 56 Time: 7.31779 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216 +[02/27/2023-23:08:37] [V] [TRT] Fastest Tactic: 1 Time: 5.69628 +[02/27/2023-23:08:37] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/27/2023-23:08:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:37] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling +[02/27/2023-23:08:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:08:37] [V] [TRT] *************** Autotuning format combination: Half(50176,196:2,14,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:08:37] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution) +[02/27/2023-23:08:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:37] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution) +[02/27/2023-23:08:37] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:37] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/27/2023-23:08:37] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 1145226902788474763 Time: 2.2147 +[02/27/2023-23:08:37] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 1651411198763708804 Time: 2.70148 +[02/27/2023-23:08:37] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:37] [V] [TRT] Tactic: 2418518597804310654 Time: 2.72018 +[02/27/2023-23:08:37] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:38] [V] [TRT] Tactic: 4318470497547290900 Time: 2.61175 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725 +[02/27/2023-23:08:38] [V] [TRT] Tactic: 4653005425971292725 Time: 2.66972 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:38] [V] [TRT] Tactic: 4930470141256631146 Time: 3.51286 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:38] [V] [TRT] Tactic: 8292881859266835088 Time: 3.54858 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:38] [V] [TRT] Tactic: 8401509141903434922 Time: 2.63257 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -8654297089785671176 Time: 2.4898 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -7448936905981214224 Time: 3.26734 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -6004726995029373073 Time: 3.48339 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -5719726816705110014 Time: 2.43854 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -3754890472406891741 Time: 2.34153 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -3689982367035295496 Time: 2.40601 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -2894005464278291378 Time: 3.39672 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -2027588946874785071 Time: 3.3369 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -1968398013367819764 Time: 2.53595 +[02/27/2023-23:08:38] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743 +[02/27/2023-23:08:38] [V] [TRT] Tactic: -245090590808296743 Time: 2.40331 +[02/27/2023-23:08:38] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.2147 +[02/27/2023-23:08:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763 +[02/27/2023-23:08:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Float(25088,49,7,1) *************** +[02/27/2023-23:08:38] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution) +[02/27/2023-23:08:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:38] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/27/2023-23:08:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:08:38] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution) +[02/27/2023-23:08:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:38] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution) +[02/27/2023-23:08:39] [V] [TRT] Tactic: 0 Time: 10.6907 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1 skipped. Scratch requested: 36833792, available: 16777216 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 56 Time: 10.9212 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:08:39] [V] [TRT] Fastest Tactic: 0 Time: 10.6907 +[02/27/2023-23:08:39] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution) +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 46202665595848747 Time: 1.1945 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 239013563835492727 Time: 1.48655 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 385569945292539752 Time: 2.27503 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 671037109694951988 Time: 1.16837 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 833287959109025818 Time: 1.36131 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 864841579020773074 Time: 0.752984 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 912634305247603909 Time: 1.09902 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1013168150133367738 Time: 0.901104 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1014187170474222133 Time: 1.09069 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1067227531433278814 Time: 0.764052 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1554365048685552334 Time: 1.08394 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1579845938601132607 Time: 0.745664 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1796821236841789338 Time: 1.59186 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1837941418294761657 Time: 1.38453 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1948263663414159978 Time: 1.33427 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 1989668371181446952 Time: 1.7487 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 2027733232253711640 Time: 0.839732 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 2148106709480872763 Time: 0.82354 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 2154731107061273008 Time: 1.03129 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 2410442691266548717 Time: 0.708944 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 3464689803495983377 Time: 0.7996 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 3636831327753843771 Time: 0.723172 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 3745975654290680669 Time: 1.27159 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 3754069740140581927 Time: 1.25415 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 3784804427912340706 Time: 1.43825 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 3823144360994712832 Time: 0.733784 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:08:39] [V] [TRT] Tactic: 3919868136802676679 Time: 1.11907 +[02/27/2023-23:08:39] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 5263029549013613567 Time: 0.675852 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 5506334059535811602 Time: 0.749708 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 5635311898703673455 Time: 0.630272 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 5786991692145244692 Time: 2.14516 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 5848150552772236982 Time: 1.1817 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 5925270497649423688 Time: 1.36189 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 5932046018238429951 Time: 1.46237 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 6103089697398018604 Time: 1.37588 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 6195603576432354734 Time: 1.4931 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 6252808259936499253 Time: 1.49834 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 6408235920257988861 Time: 1.22009 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 6623704051070449703 Time: 1.3251 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 6680916730816870145 Time: 1.26487 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 7114340626053367917 Time: 1.48902 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 7158029511300006471 Time: 1.31035 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 7612687199567064086 Time: 1.11695 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 7729555994715864793 Time: 1.14185 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 7844857443355818347 Time: 1.23367 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 7849296535223586261 Time: 1.19208 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 7859952145590271433 Time: 1.21626 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 8219150286974756863 Time: 1.95176 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 8283847742354150423 Time: 1.34356 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 8455608235315878803 Time: 1.61045 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:08:40] [V] [TRT] Tactic: 8668812313058150080 Time: 1.30824 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -8992262742606384444 Time: 0.967824 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -8750433364328295059 Time: 1.23128 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -8682550625095202832 Time: 0.87634 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -8392835332206231687 Time: 1.61546 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -8254009616492665198 Time: 0.7936 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -7615325597099025933 Time: 0.83636 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -7594446953125532601 Time: 1.31839 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -7345578023323941164 Time: 1.89162 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -6828337260021572283 Time: 1.88114 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -6711815420995272523 Time: 1.60218 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -6636202818604544855 Time: 2.14512 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -6489479581011009593 Time: 0.864184 +[02/27/2023-23:08:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496 +[02/27/2023-23:08:40] [V] [TRT] Tactic: -6320761427625651496 Time: 0.807164 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -6273232454637933930 Time: 0.700816 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -6080892721161662420 Time: 0.674216 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -6032793021868796623 Time: 1.07323 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -5818527483287834165 Time: 0.696596 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -5710735840878760115 Time: 0.784724 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -5589367647444470524 Time: 1.7191 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -5546257196173962281 Time: 1.14692 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -5198219374380660379 Time: 0.912528 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -4954692664176521434 Time: 0.790184 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -4627695383426341593 Time: 1.47221 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -4534876761957424274 Time: 1.34086 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -4142141368456048176 Time: 1.38626 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -4116131327756252574 Time: 1.94219 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -3968200906158272636 Time: 1.14342 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -3784342055748695733 Time: 1.61632 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13226 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -3271955096576257018 Time: 1.16459 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -3237051169894153788 Time: 1.29292 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -3136088851200285532 Time: 0.638584 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -2871615028541756894 Time: 2.08588 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -2751179716463646694 Time: 1.495 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -2634388175487609605 Time: 1.82847 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -2586046817576862066 Time: 0.772392 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -1708101578041178688 Time: 0.815192 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -1586820571068855896 Time: 1.45459 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -1020632631321619146 Time: 1.33701 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -907287437357565279 Time: 0.758204 +[02/27/2023-23:08:41] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:41] [V] [TRT] Tactic: -229563042944049199 Time: 0.637196 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 5635311898703673455 Time: 0.630272 +[02/27/2023-23:08:41] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling +[02/27/2023-23:08:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 5635311898703673455 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.115144 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.136416 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 1002 Time: 0.115144 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 1.36056 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.105104 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.105104 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.118004 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.08146 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.08146 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.084032 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.083276 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.083276 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.164056 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.127304 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.127304 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.111876 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.115292 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 1002 Time: 0.111876 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.116084 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.122192 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 1002 Time: 0.116084 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.082504 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.089776 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 1002 Time: 0.082504 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 1.29468 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.128764 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.128764 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.092956 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.112852 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 1002 Time: 0.092956 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.099044 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.0686 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.0686 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.099076 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.060196 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.060196 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.148128 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.08316 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.08316 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.092628 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.099144 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 1002 Time: 0.092628 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.1592 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.067092 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.067092 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.068432 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.066928 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.066928 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.140692 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.105396 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.105396 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.094728 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.091856 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.091856 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.132372 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.075608 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.075608 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:41] [V] [TRT] Tactic: 1002 Time: 0.091736 +[02/27/2023-23:08:41] [V] [TRT] Tactic: 0 Time: 0.065372 +[02/27/2023-23:08:41] [V] [TRT] Fastest Tactic: 0 Time: 0.065372 +[02/27/2023-23:08:41] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution) +[02/27/2023-23:08:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:41] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution) +[02/27/2023-23:08:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:42] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution) +[02/27/2023-23:08:42] [V] [TRT] Tactic: 0 Time: 3.53824 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 1 Time: 2.55465 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 2 Time: 4.0283 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 56 Time: 3.78619 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 57 Time: 2.60848 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 58 Time: 3.87602 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:08:42] [V] [TRT] Fastest Tactic: 1 Time: 2.55465 +[02/27/2023-23:08:42] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/27/2023-23:08:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:42] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 1754569683116234317 Time: 2.06187 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 1825138533642645384 Time: 2.27144 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 2733356012094739613 Time: 4.03259 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 3915320020053085238 Time: 2.20697 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 6808617066150061604 Time: 2.42288 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 9091006216302412844 Time: 2.4532 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:42] [V] [TRT] Tactic: -8060443123034038864 Time: 2.44841 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:42] [V] [TRT] Tactic: -4420849921117327522 Time: 3.78847 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:42] [V] [TRT] Tactic: -3946921629105938337 Time: 4.05926 +[02/27/2023-23:08:42] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.06187 +[02/27/2023-23:08:42] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling +[02/27/2023-23:08:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:08:42] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:42] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution) +[02/27/2023-23:08:42] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:42] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/27/2023-23:08:42] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:42] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:42] [V] [TRT] Tactic: 861694390046228376 Time: 2.21724 +[02/27/2023-23:08:42] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 5258189349241541167 Time: 2.22978 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 5821621277990374316 Time: 2.13285 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 5863767799113001648 Time: 2.63753 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:43] [V] [TRT] Tactic: -9147980667639709536 Time: 2.05147 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:08:43] [V] [TRT] Tactic: -8892196987859366827 Time: 2.06528 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:43] [V] [TRT] Tactic: -8850904373104590857 Time: 2.17498 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:08:43] [V] [TRT] Tactic: -8010679767156598961 Time: 2.58551 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:43] [V] [TRT] Tactic: -7751035352149795660 Time: 2.05174 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:08:43] [V] [TRT] Tactic: -5115676123557684531 Time: 2.15595 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:08:43] [V] [TRT] Tactic: -493597327599791285 Time: 2.19731 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:43] [V] [TRT] Tactic: -423878181466897819 Time: 2.67049 +[02/27/2023-23:08:43] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.05147 +[02/27/2023-23:08:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:08:43] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:43] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution) +[02/27/2023-23:08:43] [V] [TRT] Tactic: 0 Time: 3.29705 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 1 Time: 2.56537 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 2 Time: 3.78226 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 56 Time: 3.57345 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 58 Time: 3.6831 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:08:43] [V] [TRT] Fastest Tactic: 1 Time: 2.56537 +[02/27/2023-23:08:43] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/27/2023-23:08:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:43] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/27/2023-23:08:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:43] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling +[02/27/2023-23:08:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:08:43] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:43] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/27/2023-23:08:43] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:43] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:43] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution) +[02/27/2023-23:08:43] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:43] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution) +[02/27/2023-23:08:43] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:43] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/27/2023-23:08:43] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:43] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 1651411198763708804 Time: 1.08402 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 2418518597804310654 Time: 1.10154 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:43] [V] [TRT] Tactic: 4318470497547290900 Time: 1.13837 +[02/27/2023-23:08:43] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 4930470141256631146 Time: 1.6402 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 8292881859266835088 Time: 1.6914 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 8401509141903434922 Time: 1.22048 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -8654297089785671176 Time: 1.18729 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -7516584506774355935 Time: 1.71509 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -7140760933967189247 Time: 1.17943 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -6004726995029373073 Time: 1.6744 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -5719726816705110014 Time: 1.18596 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -4097850214384059472 Time: 1.7892 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -3717489476759089008 Time: 1.14338 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -3689982367035295496 Time: 1.22696 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -2640575123064142123 Time: 1.12224 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -2534402059426524406 Time: 1.09292 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -2027588946874785071 Time: 1.7124 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:44] [V] [TRT] Tactic: -1968398013367819764 Time: 1.1741 +[02/27/2023-23:08:44] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.08402 +[02/27/2023-23:08:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804 +[02/27/2023-23:08:44] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:44] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution) +[02/27/2023-23:08:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:44] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/27/2023-23:08:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:44] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/27/2023-23:08:44] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:44] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:44] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution) +[02/27/2023-23:08:44] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:44] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution) +[02/27/2023-23:08:44] [V] [TRT] Tactic: 0 Time: 4.78212 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 56 Time: 4.88162 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216 +[02/27/2023-23:08:44] [V] [TRT] Fastest Tactic: 0 Time: 4.78212 +[02/27/2023-23:08:44] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution) +[02/27/2023-23:08:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:44] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution) +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 83696452256923412 Time: 0.715192 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 106549059816437840 Time: 0.680256 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 1179757074518529353 Time: 0.4277 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 2105695814191699972 Time: 0.656908 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 2148106709480872763 Time: 0.405176 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 2410442691266548717 Time: 0.3834 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 2511830168590723349 Time: 0.482968 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 2634905271404611895 Time: 0.475536 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 2689212690707793357 Time: 0.545904 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 2798075085844016892 Time: 0.52468 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 3041642431972138763 Time: 0.345512 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 3091156937974993800 Time: 0.507168 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 3199589679702517123 Time: 0.496032 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 3754069740140581927 Time: 0.687476 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 3932578551652369355 Time: 0.74502 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 4149021101886580762 Time: 0.49304 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 4555462412611657028 Time: 0.42248 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 4749226340913476230 Time: 0.770856 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 5483093640784800285 Time: 0.672996 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 5666160310350604399 Time: 0.68064 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 5900614001783877430 Time: 0.801132 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:44] [V] [TRT] Tactic: 5925270497649423688 Time: 0.59592 +[02/27/2023-23:08:44] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 5999406432703271895 Time: 0.639864 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 6680916730816870145 Time: 0.664144 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 7107292614492808590 Time: 0.5507 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 7158029511300006471 Time: 0.696356 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 7859952145590271433 Time: 0.649832 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 8283847742354150423 Time: 0.684144 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 8468288610222482742 Time: 0.412288 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 8620567263556985011 Time: 0.410712 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 8642279798680442080 Time: 0.489264 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 8980274178270132023 Time: 0.626896 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 9108067304506990859 Time: 0.6342 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -9104099172933216230 Time: 0.949148 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8992262742606384444 Time: 0.427852 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8956720569082607796 Time: 0.824224 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8952042869709043207 Time: 0.534108 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8898856569474934280 Time: 0.507464 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8774805574135441656 Time: 0.602148 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8749513212655756001 Time: 0.410424 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8520017388966620486 Time: 0.716368 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8487084252145372186 Time: 0.558504 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -8391760416076885205 Time: 0.592004 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -7990268040387498660 Time: 0.914004 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -7849113095413980300 Time: 0.54514 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -7533167286135592323 Time: 0.476352 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -6273232454637933930 Time: 0.454636 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -5818527483287834165 Time: 0.449924 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -5590418898350402100 Time: 0.646052 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -5505475137955795830 Time: 0.342564 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -5389631537202601150 Time: 0.555372 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -5332866838585594777 Time: 0.47178 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -5121883532434354186 Time: 0.357168 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -5006039300385557796 Time: 0.41182 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -4534876761957424274 Time: 0.596152 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -4352168563838861262 Time: 0.339392 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -4109084522508697633 Time: 0.409328 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -3237051169894153788 Time: 0.659696 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -3136088851200285532 Time: 0.348748 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -2827934362840121038 Time: 0.721732 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -2676138141351394855 Time: 0.96062 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -2601537631049973288 Time: 0.365116 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -2586046817576862066 Time: 0.390944 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -2569977342077121032 Time: 0.63566 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -2422160065350346448 Time: 0.619532 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -2125188058121029448 Time: 0.5822 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -2123887091022542343 Time: 0.533256 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -1838109259315759592 Time: 0.547272 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -1216445540764179377 Time: 0.396488 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -539379305772590030 Time: 0.941944 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -288413895057594820 Time: 0.419572 +[02/27/2023-23:08:45] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:45] [V] [TRT] Tactic: -229563042944049199 Time: 0.353092 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 0.339392 +[02/27/2023-23:08:45] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling +[02/27/2023-23:08:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) *************** +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:45] [V] [TRT] Tactic: 1002 Time: 0.445032 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 0 Time: 0.614348 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: 1002 Time: 0.445032 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:45] [V] [TRT] Tactic: 1002 Time: 5.58057 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 0 Time: 0.398468 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: 0 Time: 0.398468 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:45] [V] [TRT] Tactic: 1002 Time: 0.451048 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 0 Time: 0.313032 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: 0 Time: 0.313032 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:45] [V] [TRT] Tactic: 1002 Time: 0.321272 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 0 Time: 0.313392 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: 0 Time: 0.313392 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:45] [V] [TRT] Tactic: 1002 Time: 0.647332 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 0 Time: 0.479696 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: 0 Time: 0.479696 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:45] [V] [TRT] Tactic: 1002 Time: 0.427244 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 0 Time: 0.439424 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: 1002 Time: 0.427244 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:45] [V] [TRT] Tactic: 1002 Time: 0.446608 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 0 Time: 0.474176 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: 1002 Time: 0.446608 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:45] [V] [TRT] Tactic: 1002 Time: 0.314396 +[02/27/2023-23:08:45] [V] [TRT] Tactic: 0 Time: 0.347776 +[02/27/2023-23:08:45] [V] [TRT] Fastest Tactic: 1002 Time: 0.314396 +[02/27/2023-23:08:45] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:45] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 5.51276 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.507104 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.507104 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.36314 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.441688 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 1002 Time: 0.36314 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.379352 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.26626 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.26626 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.384144 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.229864 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.229864 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.580608 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.3321 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.3321 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.370636 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.409608 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 1002 Time: 0.370636 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.592884 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.254828 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.254828 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.24732 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.261464 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 1002 Time: 0.24732 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.550852 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.411184 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.411184 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.374232 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.354252 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.354252 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.492296 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.28954 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.28954 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1002 Time: 0.349188 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 0.24998 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 0.24998 +[02/27/2023-23:08:46] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution) +[02/27/2023-23:08:46] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution) +[02/27/2023-23:08:46] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution) +[02/27/2023-23:08:46] [V] [TRT] Tactic: 0 Time: 9.17022 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1 skipped. Scratch requested: 22842880, available: 16777216 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 56 Time: 9.2065 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 57 skipped. Scratch requested: 22842880, available: 16777216 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:46] [V] [TRT] Fastest Tactic: 0 Time: 9.17022 +[02/27/2023-23:08:46] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/27/2023-23:08:46] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1754569683116234317 Time: 7.3281 +[02/27/2023-23:08:46] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:46] [V] [TRT] Tactic: 1825138533642645384 Time: 7.33456 +[02/27/2023-23:08:46] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:08:47] [V] [TRT] Tactic: 2733356012094739613 Time: 27.2814 +[02/27/2023-23:08:47] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:47] [V] [TRT] Tactic: 3915320020053085238 Time: 7.33397 +[02/27/2023-23:08:47] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:47] [V] [TRT] Tactic: 6808617066150061604 Time: 14.249 +[02/27/2023-23:08:47] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:08:48] [V] [TRT] Tactic: 9091006216302412844 Time: 14.3635 +[02/27/2023-23:08:48] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:48] [V] [TRT] Tactic: -8060443123034038864 Time: 14.2512 +[02/27/2023-23:08:48] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:48] [V] [TRT] Tactic: -4420849921117327522 Time: 25.5193 +[02/27/2023-23:08:48] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:49] [V] [TRT] Tactic: -3946921629105938337 Time: 27.3401 +[02/27/2023-23:08:49] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 7.3281 +[02/27/2023-23:08:49] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling +[02/27/2023-23:08:49] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:08:49] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:49] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution) +[02/27/2023-23:08:49] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:49] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:49] [V] [TRT] Tactic: 861694390046228376 Time: 3.84058 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:49] [V] [TRT] Tactic: 5258189349241541167 Time: 4.89737 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:49] [V] [TRT] Tactic: 5821621277990374316 Time: 4.43158 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:49] [V] [TRT] Tactic: 5863767799113001648 Time: 5.13312 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:49] [V] [TRT] Tactic: -9147980667639709536 Time: 4.10892 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:08:49] [V] [TRT] Tactic: -8892196987859366827 Time: 4.25934 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:49] [V] [TRT] Tactic: -8850904373104590857 Time: 4.33584 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:08:49] [V] [TRT] Tactic: -8010679767156598961 Time: 5.14596 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:49] [V] [TRT] Tactic: -7751035352149795660 Time: 4.13948 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:08:49] [V] [TRT] Tactic: -5115676123557684531 Time: 4.36505 +[02/27/2023-23:08:49] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:08:50] [V] [TRT] Tactic: -493597327599791285 Time: 4.40799 +[02/27/2023-23:08:50] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:50] [V] [TRT] Tactic: -423878181466897819 Time: 5.23283 +[02/27/2023-23:08:50] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 3.84058 +[02/27/2023-23:08:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376 +[02/27/2023-23:08:50] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1), Half(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:50] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution) +[02/27/2023-23:08:50] [V] [TRT] Tactic: 0 Time: 7.50953 +[02/27/2023-23:08:50] [V] [TRT] Tactic: 1 Time: 14.8896 +[02/27/2023-23:08:50] [V] [TRT] Tactic: 2 Time: 7.259 +[02/27/2023-23:08:50] [V] [TRT] Tactic: 56 Time: 7.89031 +[02/27/2023-23:08:50] [V] [TRT] Tactic: 58 Time: 7.56354 +[02/27/2023-23:08:50] [V] [TRT] Fastest Tactic: 2 Time: 7.259 +[02/27/2023-23:08:50] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/27/2023-23:08:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 2 +[02/27/2023-23:08:50] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:50] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution) +[02/27/2023-23:08:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:50] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution) +[02/27/2023-23:08:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:51] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/27/2023-23:08:51] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:51] [V] [TRT] Tactic: 1651411198763708804 Time: 7.01732 +[02/27/2023-23:08:51] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:51] [V] [TRT] Tactic: 2418518597804310654 Time: 6.9698 +[02/27/2023-23:08:51] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:51] [V] [TRT] Tactic: 4318470497547290900 Time: 7.02693 +[02/27/2023-23:08:51] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:51] [V] [TRT] Tactic: 4930470141256631146 Time: 13.5223 +[02/27/2023-23:08:51] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:51] [V] [TRT] Tactic: 8292881859266835088 Time: 13.304 +[02/27/2023-23:08:51] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:51] [V] [TRT] Tactic: 8401509141903434922 Time: 6.98004 +[02/27/2023-23:08:51] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:52] [V] [TRT] Tactic: -8654297089785671176 Time: 3.49979 +[02/27/2023-23:08:52] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:08:52] [V] [TRT] Tactic: -7516584506774355935 Time: 13.7618 +[02/27/2023-23:08:52] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:08:52] [V] [TRT] Tactic: -7140760933967189247 Time: 7.00052 +[02/27/2023-23:08:52] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:52] [V] [TRT] Tactic: -6004726995029373073 Time: 13.5299 +[02/27/2023-23:08:52] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:52] [V] [TRT] Tactic: -5719726816705110014 Time: 3.44719 +[02/27/2023-23:08:52] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:08:52] [V] [TRT] Tactic: -4097850214384059472 Time: 13.5249 +[02/27/2023-23:08:52] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:08:53] [V] [TRT] Tactic: -3717489476759089008 Time: 7.02095 +[02/27/2023-23:08:53] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:53] [V] [TRT] Tactic: -3689982367035295496 Time: 3.48712 +[02/27/2023-23:08:53] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:08:53] [V] [TRT] Tactic: -2640575123064142123 Time: 3.59518 +[02/27/2023-23:08:53] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:08:53] [V] [TRT] Tactic: -2534402059426524406 Time: 3.62298 +[02/27/2023-23:08:53] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:53] [V] [TRT] Tactic: -2027588946874785071 Time: 13.3448 +[02/27/2023-23:08:53] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:53] [V] [TRT] Tactic: -1968398013367819764 Time: 3.4466 +[02/27/2023-23:08:53] [V] [TRT] Fastest Tactic: -1968398013367819764 Time: 3.4466 +[02/27/2023-23:08:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -1968398013367819764 +[02/27/2023-23:08:53] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:53] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution) +[02/27/2023-23:08:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:53] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/27/2023-23:08:53] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:53] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:53] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution) +[02/27/2023-23:08:53] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:53] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution) +[02/27/2023-23:08:53] [V] [TRT] Tactic: 0 Time: 9.92689 +[02/27/2023-23:08:53] [V] [TRT] Tactic: 1 skipped. Scratch requested: 81273344, available: 16777216 +[02/27/2023-23:08:53] [V] [TRT] Tactic: 2 skipped. Scratch requested: 38535680, available: 16777216 +[02/27/2023-23:08:53] [V] [TRT] Tactic: 56 Time: 10.0183 +[02/27/2023-23:08:53] [V] [TRT] Tactic: 58 skipped. Scratch requested: 38535680, available: 16777216 +[02/27/2023-23:08:53] [V] [TRT] Fastest Tactic: 0 Time: 9.92689 +[02/27/2023-23:08:53] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution) +[02/27/2023-23:08:53] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 385569945292539752 Time: 1.94076 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 833287959109025818 Time: 1.37577 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 1013168150133367738 Time: 1.05529 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 1067227531433278814 Time: 0.939944 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 1179757074518529353 Time: 0.88778 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 1554365048685552334 Time: 1.20617 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 1579845938601132607 Time: 0.923664 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 1796821236841789338 Time: 1.68984 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 1948263663414159978 Time: 1.55635 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 1989668371181446952 Time: 1.81738 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 2027733232253711640 Time: 0.981456 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 2105695814191699972 Time: 1.42466 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 2148106709480872763 Time: 0.852196 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 2410442691266548717 Time: 0.72436 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 2511830168590723349 Time: 0.908548 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 2798075085844016892 Time: 1.06035 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 3041642431972138763 Time: 0.725296 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 3745975654290680669 Time: 1.17948 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 3754069740140581927 Time: 1.40956 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 3784804427912340706 Time: 1.45844 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 3919868136802676679 Time: 1.1207 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 4149021101886580762 Time: 1.34006 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 4555462412611657028 Time: 0.894492 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 4749226340913476230 Time: 1.69834 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 5483093640784800285 Time: 1.5545 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 5666160310350604399 Time: 1.47667 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 5848150552772236982 Time: 1.13103 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 5900614001783877430 Time: 1.7631 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 5925270497649423688 Time: 1.2225 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 5999406432703271895 Time: 1.46884 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 6103089697398018604 Time: 1.22792 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 6195603576432354734 Time: 1.83647 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 6408235920257988861 Time: 1.51011 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 6623704051070449703 Time: 1.2912 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 6680916730816870145 Time: 1.35862 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55881 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:54] [V] [TRT] Tactic: 7158029511300006471 Time: 1.51225 +[02/27/2023-23:08:54] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:08:55] [V] [TRT] Tactic: 7612687199567064086 Time: 1.39595 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:08:55] [V] [TRT] Tactic: 7729555994715864793 Time: 1.33814 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:08:55] [V] [TRT] Tactic: 7844857443355818347 Time: 1.16451 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:55] [V] [TRT] Tactic: 7859952145590271433 Time: 1.30747 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:55] [V] [TRT] Tactic: 8283847742354150423 Time: 1.35977 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:08:55] [V] [TRT] Tactic: 8455608235315878803 Time: 1.67547 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:08:55] [V] [TRT] Tactic: 8668812313058150080 Time: 1.41811 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8992262742606384444 Time: 0.980928 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8952042869709043207 Time: 1.2189 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8898856569474934280 Time: 1.08225 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8774805574135441656 Time: 1.15251 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8750433364328295059 Time: 1.16158 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8749513212655756001 Time: 0.813664 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8520017388966620486 Time: 1.68057 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8487084252145372186 Time: 1.21599 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8392835332206231687 Time: 1.71 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8391760416076885205 Time: 1.22197 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -8254009616492665198 Time: 0.795028 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -7849113095413980300 Time: 1.1248 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -7615325597099025933 Time: 0.81754 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -7594446953125532601 Time: 1.11132 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -7533167286135592323 Time: 1.35526 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -7345578023323941164 Time: 1.91537 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -6828337260021572283 Time: 1.95096 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -6711815420995272523 Time: 1.7121 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -6636202818604544855 Time: 2.21422 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -6489479581011009593 Time: 1.06236 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -6273232454637933930 Time: 0.961412 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -6080892721161662420 Time: 0.781136 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -5818527483287834165 Time: 0.876268 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -5710735840878760115 Time: 0.860972 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -5589367647444470524 Time: 1.73239 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -5198219374380660379 Time: 1.08732 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -5121883532434354186 Time: 0.94994 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -5006039300385557796 Time: 1.04592 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -4627695383426341593 Time: 1.52958 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -4534876761957424274 Time: 1.31067 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:08:55] [V] [TRT] Tactic: -4352168563838861262 Time: 0.782032 +[02/27/2023-23:08:55] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -4116131327756252574 Time: 1.89158 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -4109084522508697633 Time: 0.830136 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -3968200906158272636 Time: 1.1979 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -3425274793298557239 Time: 1.37315 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -3271955096576257018 Time: 1.32265 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -3237051169894153788 Time: 1.46253 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -3136088851200285532 Time: 0.721696 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -2871615028541756894 Time: 2.08143 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -2827934362840121038 Time: 1.86132 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -2676138141351394855 Time: 2.32279 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -2586046817576862066 Time: 0.787624 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -2569977342077121032 Time: 1.45624 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -2422160065350346448 Time: 1.27319 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -1838109259315759592 Time: 1.48516 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -1708101578041178688 Time: 0.819336 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -1586820571068855896 Time: 1.49362 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -1216445540764179377 Time: 0.801572 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -1020632631321619146 Time: 1.20847 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -907287437357565279 Time: 0.809024 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -539379305772590030 Time: 1.98449 +[02/27/2023-23:08:56] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:08:56] [V] [TRT] Tactic: -229563042944049199 Time: 0.785712 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.721696 +[02/27/2023-23:08:56] [V] [TRT] Setting workspace to 38535680enables more tactics for profiling +[02/27/2023-23:08:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.439776 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.678144 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 1002 Time: 0.439776 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 5.93643 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.398144 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 0 Time: 0.398144 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.45098 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.312312 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 0 Time: 0.312312 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.321328 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.313476 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 0 Time: 0.313476 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.647304 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.479416 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 0 Time: 0.479416 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.427576 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.439548 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 1002 Time: 0.427576 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.446488 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.473348 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 1002 Time: 0.446488 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.314048 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.35418 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 1002 Time: 0.314048 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 5.60564 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.506568 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 0 Time: 0.506568 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.362016 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.43676 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 1002 Time: 0.362016 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:56] [V] [TRT] Tactic: 1002 Time: 0.376368 +[02/27/2023-23:08:56] [V] [TRT] Tactic: 0 Time: 0.26306 +[02/27/2023-23:08:56] [V] [TRT] Fastest Tactic: 0 Time: 0.26306 +[02/27/2023-23:08:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:56] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.385708 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.23032 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 0 Time: 0.23032 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.580988 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.33178 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 0 Time: 0.33178 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.37206 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.408176 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 1002 Time: 0.37206 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.592796 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.254692 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 0 Time: 0.254692 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.247752 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.260236 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 1002 Time: 0.247752 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.551132 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.411416 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 0 Time: 0.411416 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.375108 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.352028 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 0 Time: 0.352028 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.492544 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.289472 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 0 Time: 0.289472 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1002 Time: 0.349172 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 0.249768 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 0 Time: 0.249768 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution) +[02/27/2023-23:08:57] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution) +[02/27/2023-23:08:57] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution) +[02/27/2023-23:08:57] [V] [TRT] Tactic: 0 Time: 3.1641 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1 skipped. Scratch requested: 18747904, available: 16777216 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 56 Time: 3.33488 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 57 skipped. Scratch requested: 18747904, available: 16777216 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 0 Time: 3.1641 +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/27/2023-23:08:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1754569683116234317 Time: 1.855 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 1825138533642645384 Time: 1.94081 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 2733356012094739613 Time: 3.75188 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 3915320020053085238 Time: 2.0532 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 6808617066150061604 Time: 2.2943 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 9091006216302412844 Time: 2.32626 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:08:57] [V] [TRT] Tactic: -8060443123034038864 Time: 2.38576 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:08:57] [V] [TRT] Tactic: -4420849921117327522 Time: 3.63595 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:08:57] [V] [TRT] Tactic: -3946921629105938337 Time: 3.91038 +[02/27/2023-23:08:57] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.855 +[02/27/2023-23:08:57] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling +[02/27/2023-23:08:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:08:57] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution) +[02/27/2023-23:08:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/27/2023-23:08:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:57] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 861694390046228376 Time: 2.06202 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:08:57] [V] [TRT] Tactic: 5258189349241541167 Time: 2.15467 +[02/27/2023-23:08:57] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 5821621277990374316 Time: 2.03312 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 5863767799113001648 Time: 2.30006 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -9147980667639709536 Time: 1.96406 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -8892196987859366827 Time: 2.01453 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -8850904373104590857 Time: 2.15649 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -8010679767156598961 Time: 2.25877 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -7751035352149795660 Time: 2.03425 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -5115676123557684531 Time: 2.08862 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -493597327599791285 Time: 2.11469 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -423878181466897819 Time: 2.36397 +[02/27/2023-23:08:58] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 1.96406 +[02/27/2023-23:08:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:08:58] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:08:58] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution) +[02/27/2023-23:08:58] [V] [TRT] Tactic: 0 Time: 3.12536 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 1 Time: 2.40458 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 56 Time: 3.40562 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:08:58] [V] [TRT] Fastest Tactic: 1 Time: 2.40458 +[02/27/2023-23:08:58] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/27/2023-23:08:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:58] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/27/2023-23:08:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:58] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling +[02/27/2023-23:08:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:08:58] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:08:58] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/27/2023-23:08:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:58] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:08:58] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution) +[02/27/2023-23:08:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:58] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution) +[02/27/2023-23:08:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:58] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/27/2023-23:08:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:58] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 1651411198763708804 Time: 1.00239 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 2418518597804310654 Time: 1.028 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 4318470497547290900 Time: 1.08046 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 4930470141256631146 Time: 1.73426 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 8292881859266835088 Time: 1.67008 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:08:58] [V] [TRT] Tactic: 8401509141903434922 Time: 1.1805 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -8654297089785671176 Time: 1.07331 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -7516584506774355935 Time: 1.81184 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -7140760933967189247 Time: 1.1185 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -6004726995029373073 Time: 1.67236 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:08:58] [V] [TRT] Tactic: -5719726816705110014 Time: 1.07039 +[02/27/2023-23:08:58] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -4097850214384059472 Time: 1.74655 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -3717489476759089008 Time: 1.11203 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -3689982367035295496 Time: 1.02951 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -2640575123064142123 Time: 1.02563 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -2534402059426524406 Time: 1.0543 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -2027588946874785071 Time: 1.71396 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -1968398013367819764 Time: 1.11951 +[02/27/2023-23:08:59] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.00239 +[02/27/2023-23:08:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804 +[02/27/2023-23:08:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) *************** +[02/27/2023-23:08:59] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution) +[02/27/2023-23:08:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:59] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/27/2023-23:08:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:59] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/27/2023-23:08:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:08:59] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution) +[02/27/2023-23:08:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:59] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution) +[02/27/2023-23:08:59] [V] [TRT] Tactic: 0 Time: 4.62732 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34212352, available: 16777216 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 56 Time: 4.61689 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216 +[02/27/2023-23:08:59] [V] [TRT] Fastest Tactic: 56 Time: 4.61689 +[02/27/2023-23:08:59] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution) +[02/27/2023-23:08:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:08:59] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution) +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 83696452256923412 Time: 0.673196 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 106549059816437840 Time: 0.607664 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 1179757074518529353 Time: 0.313264 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 2105695814191699972 Time: 0.60284 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 2148106709480872763 Time: 0.400392 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 2410442691266548717 Time: 0.355792 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 2511830168590723349 Time: 0.3962 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 2634905271404611895 Time: 0.499708 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 2689212690707793357 Time: 0.580176 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 2798075085844016892 Time: 0.472084 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 3041642431972138763 Time: 0.297392 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 3091156937974993800 Time: 0.467352 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 3199589679702517123 Time: 0.364964 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 3754069740140581927 Time: 0.60784 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 3932578551652369355 Time: 0.683512 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 4149021101886580762 Time: 0.464688 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 4555462412611657028 Time: 0.3745 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 4749226340913476230 Time: 0.714988 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 5483093640784800285 Time: 0.628968 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 5666160310350604399 Time: 0.593056 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 5900614001783877430 Time: 0.739052 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 5925270497649423688 Time: 0.587412 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 5999406432703271895 Time: 0.621492 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 6680916730816870145 Time: 0.54828 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 7107292614492808590 Time: 0.489636 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 7158029511300006471 Time: 0.584976 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 7859952145590271433 Time: 0.524244 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 8283847742354150423 Time: 0.605048 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 8468288610222482742 Time: 0.389552 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 8620567263556985011 Time: 0.393716 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 8642279798680442080 Time: 0.471128 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 8980274178270132023 Time: 0.608568 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:08:59] [V] [TRT] Tactic: 9108067304506990859 Time: 0.633516 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -9104099172933216230 Time: 0.877812 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -8992262742606384444 Time: 0.386792 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -8956720569082607796 Time: 0.783924 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -8952042869709043207 Time: 0.512604 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -8898856569474934280 Time: 0.475824 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -8774805574135441656 Time: 0.492128 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:08:59] [V] [TRT] Tactic: -8749513212655756001 Time: 0.389212 +[02/27/2023-23:08:59] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -8520017388966620486 Time: 0.696848 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -8487084252145372186 Time: 0.565772 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -8391760416076885205 Time: 0.585984 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -7990268040387498660 Time: 0.976956 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -7849113095413980300 Time: 0.600704 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -7533167286135592323 Time: 0.476384 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -6273232454637933930 Time: 0.338552 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -5818527483287834165 Time: 0.324384 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -5590418898350402100 Time: 0.603484 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -5505475137955795830 Time: 0.328084 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -5389631537202601150 Time: 0.5977 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -5332866838585594777 Time: 0.484172 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -5121883532434354186 Time: 0.37704 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -5006039300385557796 Time: 0.410528 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -4534876761957424274 Time: 0.603004 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -4352168563838861262 Time: 0.308964 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -4109084522508697633 Time: 0.381364 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -3237051169894153788 Time: 0.55734 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -3136088851200285532 Time: 0.29338 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -2827934362840121038 Time: 0.607532 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -2676138141351394855 Time: 0.866744 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -2601537631049973288 Time: 0.369112 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -2586046817576862066 Time: 0.330776 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -2569977342077121032 Time: 0.609508 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -2422160065350346448 Time: 0.528776 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -2125188058121029448 Time: 0.493688 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -2123887091022542343 Time: 0.508336 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -1838109259315759592 Time: 0.500892 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -1216445540764179377 Time: 0.334572 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -539379305772590030 Time: 0.86876 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -288413895057594820 Time: 0.40956 +[02/27/2023-23:09:00] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:00] [V] [TRT] Tactic: -229563042944049199 Time: 0.305912 +[02/27/2023-23:09:00] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.29338 +[02/27/2023-23:09:00] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling +[02/27/2023-23:09:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532 +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:00] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution) +[02/27/2023-23:09:00] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:00] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution) +[02/27/2023-23:09:00] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:00] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution) +[02/27/2023-23:09:00] [V] [TRT] Tactic: 0 Time: 7.03751 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 1 skipped. Scratch requested: 29915648, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 6 skipped. Scratch requested: 26218496, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 56 Time: 7.08451 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 57 skipped. Scratch requested: 29915648, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 62 skipped. Scratch requested: 26218496, available: 16777216 +[02/27/2023-23:09:00] [V] [TRT] Fastest Tactic: 0 Time: 7.03751 +[02/27/2023-23:09:00] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/27/2023-23:09:00] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 1825138533642645384 Time: 4.17825 +[02/27/2023-23:09:00] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867 +[02/27/2023-23:09:00] [V] [TRT] Tactic: 2775507031594384867 Time: 7.32864 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458 +[02/27/2023-23:09:01] [V] [TRT] Tactic: 2842488832350522458 Time: 4.92975 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:09:01] [V] [TRT] Tactic: 3915320020053085238 Time: 4.34572 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203 +[02/27/2023-23:09:01] [V] [TRT] Tactic: 6448355332020552203 Time: 4.71531 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:09:01] [V] [TRT] Tactic: 6808617066150061604 Time: 4.65593 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:09:01] [V] [TRT] Tactic: -8060443123034038864 Time: 4.99671 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:09:01] [V] [TRT] Tactic: -4420849921117327522 Time: 6.82354 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:09:01] [V] [TRT] Tactic: -3946921629105938337 Time: 5.76599 +[02/27/2023-23:09:01] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.17825 +[02/27/2023-23:09:01] [V] [TRT] Setting workspace to 26218496enables more tactics for profiling +[02/27/2023-23:09:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384 +[02/27/2023-23:09:01] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:01] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution) +[02/27/2023-23:09:01] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:01] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:09:01] [V] [TRT] Tactic: 861694390046228376 Time: 4.65209 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567 +[02/27/2023-23:09:01] [V] [TRT] Tactic: 1017870653102653567 Time: 4.40175 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:09:01] [V] [TRT] Tactic: 5258189349241541167 Time: 4.60136 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:09:01] [V] [TRT] Tactic: 5821621277990374316 Time: 4.39194 +[02/27/2023-23:09:01] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:09:02] [V] [TRT] Tactic: 5863767799113001648 Time: 4.94373 +[02/27/2023-23:09:02] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:09:02] [V] [TRT] Tactic: -9147980667639709536 Time: 4.25609 +[02/27/2023-23:09:02] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:09:02] [V] [TRT] Tactic: -8850904373104590857 Time: 4.67325 +[02/27/2023-23:09:02] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:09:02] [V] [TRT] Tactic: -7751035352149795660 Time: 4.34004 +[02/27/2023-23:09:02] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465 +[02/27/2023-23:09:02] [V] [TRT] Tactic: -3853827649136781465 Time: 4.42256 +[02/27/2023-23:09:02] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196 +[02/27/2023-23:09:02] [V] [TRT] Tactic: -3263369460438823196 Time: 4.69765 +[02/27/2023-23:09:02] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:09:02] [V] [TRT] Tactic: -423878181466897819 Time: 4.96558 +[02/27/2023-23:09:02] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.25609 +[02/27/2023-23:09:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:09:02] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:02] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution) +[02/27/2023-23:09:02] [V] [TRT] Tactic: 0 Time: 6.72488 +[02/27/2023-23:09:02] [V] [TRT] Tactic: 1 Time: 5.15411 +[02/27/2023-23:09:02] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216 +[02/27/2023-23:09:02] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216 +[02/27/2023-23:09:02] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216 +[02/27/2023-23:09:02] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 56 Time: 6.96429 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216 +[02/27/2023-23:09:03] [V] [TRT] Fastest Tactic: 1 Time: 5.15411 +[02/27/2023-23:09:03] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/27/2023-23:09:03] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:03] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling +[02/27/2023-23:09:03] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:09:03] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:03] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution) +[02/27/2023-23:09:03] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:03] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution) +[02/27/2023-23:09:03] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:03] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 1145226902788474763 Time: 2.1894 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 1651411198763708804 Time: 2.64466 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 2418518597804310654 Time: 2.51435 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 4318470497547290900 Time: 2.43182 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 4653005425971292725 Time: 2.52108 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 4930470141256631146 Time: 3.19817 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 8292881859266835088 Time: 3.07462 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:09:03] [V] [TRT] Tactic: 8401509141903434922 Time: 2.47747 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:09:03] [V] [TRT] Tactic: -8654297089785671176 Time: 2.25081 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224 +[02/27/2023-23:09:03] [V] [TRT] Tactic: -7448936905981214224 Time: 3.0675 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:09:03] [V] [TRT] Tactic: -6004726995029373073 Time: 2.72714 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:09:03] [V] [TRT] Tactic: -5719726816705110014 Time: 2.30016 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741 +[02/27/2023-23:09:03] [V] [TRT] Tactic: -3754890472406891741 Time: 2.48596 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:09:03] [V] [TRT] Tactic: -3689982367035295496 Time: 2.42764 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532 +[02/27/2023-23:09:03] [V] [TRT] Tactic: -3140347171730126532 Time: 3.46928 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378 +[02/27/2023-23:09:03] [V] [TRT] Tactic: -2894005464278291378 Time: 3.32326 +[02/27/2023-23:09:03] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:09:04] [V] [TRT] Tactic: -2027588946874785071 Time: 2.77072 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:09:04] [V] [TRT] Tactic: -1968398013367819764 Time: 2.54125 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743 +[02/27/2023-23:09:04] [V] [TRT] Tactic: -245090590808296743 Time: 2.41707 +[02/27/2023-23:09:04] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.1894 +[02/27/2023-23:09:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763 +[02/27/2023-23:09:04] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:04] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution) +[02/27/2023-23:09:04] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:04] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/27/2023-23:09:04] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:04] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:04] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution) +[02/27/2023-23:09:04] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:04] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution) +[02/27/2023-23:09:04] [V] [TRT] Tactic: 0 Time: 9.49366 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1 skipped. Scratch requested: 17566208, available: 16777216 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 56 Time: 9.51961 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216 +[02/27/2023-23:09:04] [V] [TRT] Fastest Tactic: 0 Time: 9.49366 +[02/27/2023-23:09:04] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution) +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 46202665595848747 Time: 1.1699 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 239013563835492727 Time: 1.44703 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 385569945292539752 Time: 2.12178 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 671037109694951988 Time: 1.15453 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 833287959109025818 Time: 1.25054 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 864841579020773074 Time: 0.722272 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 912634305247603909 Time: 1.0493 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1013168150133367738 Time: 0.84546 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1014187170474222133 Time: 1.12396 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1067227531433278814 Time: 0.743836 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1554365048685552334 Time: 1.11528 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1579845938601132607 Time: 0.693984 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1796821236841789338 Time: 1.60451 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1837941418294761657 Time: 1.31657 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978 +[02/27/2023-23:09:04] [V] [TRT] Tactic: 1948263663414159978 Time: 1.24554 +[02/27/2023-23:09:04] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 1989668371181446952 Time: 1.64595 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 2027733232253711640 Time: 0.824484 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 2148106709480872763 Time: 0.833 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 2154731107061273008 Time: 1.03752 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 2410442691266548717 Time: 0.733968 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 3464689803495983377 Time: 0.768488 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 3636831327753843771 Time: 0.688596 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 3745975654290680669 Time: 1.28179 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 3754069740140581927 Time: 1.21974 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 3784804427912340706 Time: 1.39656 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 3823144360994712832 Time: 0.727308 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 3919868136802676679 Time: 1.09763 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 5263029549013613567 Time: 0.637528 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 5506334059535811602 Time: 0.727096 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 5635311898703673455 Time: 0.609332 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 5786991692145244692 Time: 1.98648 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 5848150552772236982 Time: 1.14163 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 5925270497649423688 Time: 1.29378 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 5932046018238429951 Time: 1.31832 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 6103089697398018604 Time: 1.38642 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 6195603576432354734 Time: 1.43615 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 6252808259936499253 Time: 1.4686 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 6408235920257988861 Time: 1.18163 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 6623704051070449703 Time: 1.18449 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 6680916730816870145 Time: 1.23914 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 7114340626053367917 Time: 1.46395 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 7158029511300006471 Time: 1.22474 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 7612687199567064086 Time: 1.06587 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 7729555994715864793 Time: 1.09379 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 7844857443355818347 Time: 1.11501 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 7849296535223586261 Time: 1.1067 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 7859952145590271433 Time: 1.19981 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 8219150286974756863 Time: 1.86224 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 8283847742354150423 Time: 1.39109 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 8455608235315878803 Time: 1.6218 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080 +[02/27/2023-23:09:05] [V] [TRT] Tactic: 8668812313058150080 Time: 1.31031 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:09:05] [V] [TRT] Tactic: -8992262742606384444 Time: 0.928332 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059 +[02/27/2023-23:09:05] [V] [TRT] Tactic: -8750433364328295059 Time: 1.1566 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832 +[02/27/2023-23:09:05] [V] [TRT] Tactic: -8682550625095202832 Time: 0.826132 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687 +[02/27/2023-23:09:05] [V] [TRT] Tactic: -8392835332206231687 Time: 1.58766 +[02/27/2023-23:09:05] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -8254009616492665198 Time: 0.799012 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -7615325597099025933 Time: 0.809768 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -7594446953125532601 Time: 1.30111 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -7345578023323941164 Time: 1.82986 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -6828337260021572283 Time: 1.80308 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -6711815420995272523 Time: 1.50565 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -6636202818604544855 Time: 2.1772 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -6489479581011009593 Time: 0.88608 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -6320761427625651496 Time: 0.816196 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -6273232454637933930 Time: 0.733036 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -6080892721161662420 Time: 0.65178 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -6032793021868796623 Time: 1.11545 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -5818527483287834165 Time: 0.677268 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -5710735840878760115 Time: 0.706652 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -5589367647444470524 Time: 1.67001 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -5546257196173962281 Time: 1.06156 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -5198219374380660379 Time: 0.780376 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -4954692664176521434 Time: 0.71934 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -4627695383426341593 Time: 1.37481 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -4534876761957424274 Time: 1.3782 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -4142141368456048176 Time: 1.35288 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -4116131327756252574 Time: 1.72742 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -3968200906158272636 Time: 1.10729 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -3784342055748695733 Time: 1.51281 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -3425274793298557239 Time: 1.06957 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -3271955096576257018 Time: 1.09761 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -3237051169894153788 Time: 1.21393 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -3136088851200285532 Time: 0.610768 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -2871615028541756894 Time: 2.01098 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -2751179716463646694 Time: 1.44804 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -2634388175487609605 Time: 1.72622 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -2586046817576862066 Time: 0.723696 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -1708101578041178688 Time: 0.737168 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -1586820571068855896 Time: 1.36531 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -1020632631321619146 Time: 1.33062 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -907287437357565279 Time: 0.750552 +[02/27/2023-23:09:06] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:06] [V] [TRT] Tactic: -229563042944049199 Time: 0.618076 +[02/27/2023-23:09:06] [V] [TRT] Fastest Tactic: 5635311898703673455 Time: 0.609332 +[02/27/2023-23:09:06] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling +[02/27/2023-23:09:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 5635311898703673455 +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:06] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution) +[02/27/2023-23:09:06] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:06] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution) +[02/27/2023-23:09:06] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:06] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution) +[02/27/2023-23:09:06] [V] [TRT] Tactic: 0 Time: 4.8898 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 1 Time: 3.62618 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 2 Time: 4.99046 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 56 Time: 4.98336 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 57 Time: 3.62628 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 58 Time: 5.04275 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:09:07] [V] [TRT] Fastest Tactic: 1 Time: 3.62618 +[02/27/2023-23:09:07] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/27/2023-23:09:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:07] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 1754569683116234317 Time: 2.23843 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 1825138533642645384 Time: 2.4 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 2733356012094739613 Time: 4.446 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 3915320020053085238 Time: 2.40106 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 6808617066150061604 Time: 2.64888 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 9091006216302412844 Time: 2.73989 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:09:07] [V] [TRT] Tactic: -8060443123034038864 Time: 2.68202 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:09:07] [V] [TRT] Tactic: -4420849921117327522 Time: 4.2496 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:09:07] [V] [TRT] Tactic: -3946921629105938337 Time: 4.49725 +[02/27/2023-23:09:07] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.23843 +[02/27/2023-23:09:07] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling +[02/27/2023-23:09:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317 +[02/27/2023-23:09:07] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:07] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution) +[02/27/2023-23:09:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:07] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/27/2023-23:09:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:07] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:09:07] [V] [TRT] Tactic: 861694390046228376 Time: 2.24527 +[02/27/2023-23:09:07] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 5258189349241541167 Time: 2.30612 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 5821621277990374316 Time: 2.28618 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 5863767799113001648 Time: 2.90152 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:09:08] [V] [TRT] Tactic: -9147980667639709536 Time: 2.10774 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:09:08] [V] [TRT] Tactic: -8892196987859366827 Time: 2.13973 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:09:08] [V] [TRT] Tactic: -8850904373104590857 Time: 2.2663 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:09:08] [V] [TRT] Tactic: -8010679767156598961 Time: 2.95924 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:09:08] [V] [TRT] Tactic: -7751035352149795660 Time: 2.17007 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:09:08] [V] [TRT] Tactic: -5115676123557684531 Time: 2.29838 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:09:08] [V] [TRT] Tactic: -493597327599791285 Time: 2.27121 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:09:08] [V] [TRT] Tactic: -423878181466897819 Time: 3.02302 +[02/27/2023-23:09:08] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.10774 +[02/27/2023-23:09:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536 +[02/27/2023-23:09:08] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:08] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution) +[02/27/2023-23:09:08] [V] [TRT] Tactic: 0 Time: 4.23441 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 1 Time: 3.27452 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 2 Time: 4.38053 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 56 Time: 4.2461 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 58 Time: 4.36904 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216 +[02/27/2023-23:09:08] [V] [TRT] Fastest Tactic: 1 Time: 3.27452 +[02/27/2023-23:09:08] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/27/2023-23:09:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:08] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/27/2023-23:09:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:08] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling +[02/27/2023-23:09:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1 +[02/27/2023-23:09:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:08] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution) +[02/27/2023-23:09:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:08] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution) +[02/27/2023-23:09:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:08] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/27/2023-23:09:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:08] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 1651411198763708804 Time: 1.20958 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 2418518597804310654 Time: 1.24254 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 4318470497547290900 Time: 1.2768 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:09:08] [V] [TRT] Tactic: 4930470141256631146 Time: 1.90639 +[02/27/2023-23:09:08] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 8292881859266835088 Time: 1.93426 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 8401509141903434922 Time: 1.31078 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -8654297089785671176 Time: 1.21525 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -7516584506774355935 Time: 1.97286 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -7140760933967189247 Time: 1.2985 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -6004726995029373073 Time: 1.85969 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -5719726816705110014 Time: 1.22836 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -4097850214384059472 Time: 1.93104 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -3717489476759089008 Time: 1.2764 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -3689982367035295496 Time: 1.1951 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -2640575123064142123 Time: 1.15426 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -2534402059426524406 Time: 1.15971 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -2027588946874785071 Time: 1.91932 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:09:09] [V] [TRT] Tactic: -1968398013367819764 Time: 1.21571 +[02/27/2023-23:09:09] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.15426 +[02/27/2023-23:09:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123 +[02/27/2023-23:09:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:09] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution) +[02/27/2023-23:09:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:09] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/27/2023-23:09:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:09] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/27/2023-23:09:09] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:09] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution) +[02/27/2023-23:09:09] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:09] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution) +[02/27/2023-23:09:09] [V] [TRT] Tactic: 0 Time: 5.56109 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 56 Time: 5.60304 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216 +[02/27/2023-23:09:09] [V] [TRT] Fastest Tactic: 0 Time: 5.56109 +[02/27/2023-23:09:09] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution) +[02/27/2023-23:09:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:09] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution) +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 83696452256923412 Time: 0.738452 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 106549059816437840 Time: 0.711436 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 1179757074518529353 Time: 0.51758 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 2105695814191699972 Time: 0.745664 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 2148106709480872763 Time: 0.493032 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 2410442691266548717 Time: 0.462284 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 2511830168590723349 Time: 0.554388 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 2634905271404611895 Time: 0.492928 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 2689212690707793357 Time: 0.616588 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 2798075085844016892 Time: 0.559284 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 3041642431972138763 Time: 0.414016 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 3091156937974993800 Time: 0.554164 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 3199589679702517123 Time: 0.558668 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 3754069740140581927 Time: 0.812584 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 3932578551652369355 Time: 0.776372 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 4149021101886580762 Time: 0.523592 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 4555462412611657028 Time: 0.509392 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 4749226340913476230 Time: 0.781588 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 5483093640784800285 Time: 0.677452 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 5666160310350604399 Time: 0.772368 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 5900614001783877430 Time: 0.834464 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 5925270497649423688 Time: 0.678236 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:09:09] [V] [TRT] Tactic: 5999406432703271895 Time: 0.661232 +[02/27/2023-23:09:09] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 6680916730816870145 Time: 0.71568 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 7107292614492808590 Time: 0.548272 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 7158029511300006471 Time: 0.765232 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 7859952145590271433 Time: 0.70118 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8283847742354150423 Time: 0.766856 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8468288610222482742 Time: 0.488536 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8620567263556985011 Time: 0.481308 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8642279798680442080 Time: 0.523512 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8980274178270132023 Time: 0.683872 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 9108067304506990859 Time: 0.663496 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -9104099172933216230 Time: 0.965732 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8992262742606384444 Time: 0.509888 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8956720569082607796 Time: 0.8559 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8952042869709043207 Time: 0.626068 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8898856569474934280 Time: 0.54596 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8774805574135441656 Time: 0.678568 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8749513212655756001 Time: 0.497124 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8520017388966620486 Time: 0.752468 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8487084252145372186 Time: 0.640528 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -8391760416076885205 Time: 0.671636 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -7990268040387498660 Time: 0.951948 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -7849113095413980300 Time: 0.635968 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -7533167286135592323 Time: 0.50666 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -6273232454637933930 Time: 0.540208 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -5818527483287834165 Time: 0.533632 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -5590418898350402100 Time: 0.669412 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -5505475137955795830 Time: 0.466968 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -5389631537202601150 Time: 0.636328 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -5332866838585594777 Time: 0.500784 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -5121883532434354186 Time: 0.475432 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -5006039300385557796 Time: 0.514696 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -4534876761957424274 Time: 0.692988 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -4352168563838861262 Time: 0.4682 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -4109084522508697633 Time: 0.486096 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -3237051169894153788 Time: 0.75472 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -3136088851200285532 Time: 0.42018 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -2827934362840121038 Time: 0.731852 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -2676138141351394855 Time: 0.977268 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -2601537631049973288 Time: 0.477572 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -2586046817576862066 Time: 0.474032 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -2569977342077121032 Time: 0.713968 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -2422160065350346448 Time: 0.723248 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -2125188058121029448 Time: 0.677024 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -2123887091022542343 Time: 0.606448 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -1838109259315759592 Time: 0.52644 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -1216445540764179377 Time: 0.463824 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -539379305772590030 Time: 0.930184 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -288413895057594820 Time: 0.51306 +[02/27/2023-23:09:10] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:10] [V] [TRT] Tactic: -229563042944049199 Time: 0.426868 +[02/27/2023-23:09:10] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.414016 +[02/27/2023-23:09:10] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling +[02/27/2023-23:09:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763 +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution) +[02/27/2023-23:09:10] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CudnnConvolution) +[02/27/2023-23:09:10] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CublasConvolution) +[02/27/2023-23:09:10] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution) +[02/27/2023-23:09:10] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CudnnConvolution) +[02/27/2023-23:09:10] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CaskConvolution) +[02/27/2023-23:09:10] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CudnnConvolution) +[02/27/2023-23:09:10] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CublasConvolution) +[02/27/2023-23:09:10] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CaskConvolution) +[02/27/2023-23:09:10] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) *************** +[02/27/2023-23:09:10] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(2048,1,1,1) *************** +[02/27/2023-23:09:10] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling) +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8192257 Time: 0.540852 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8257793 Time: 0.497456 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8323329 Time: 0.490176 +[02/27/2023-23:09:10] [V] [TRT] Tactic: 8388865 Time: 0.482144 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8454401 Time: 0.480288 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8519937 Time: 0.478228 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8585473 Time: 0.477896 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8651009 Time: 0.476628 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 8651009 Time: 0.476628 +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling) +[02/27/2023-23:09:11] [V] [TRT] Tactic: -1 Time: 0.263128 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: -1 Time: 0.263128 +[02/27/2023-23:09:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling) +[02/27/2023-23:09:11] [V] [TRT] TiledPooling has no valid tactics for this config, skipping +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling) +[02/27/2023-23:09:11] [V] [TRT] Tactic: -1 Time: 0.145588 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: -1 Time: 0.145588 +[02/27/2023-23:09:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(1024,1:2,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8192257 Time: 0.273016 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8257793 Time: 0.249964 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8323329 Time: 0.246196 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8388865 Time: 0.244788 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8454401 Time: 0.244868 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8519937 Time: 0.247088 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8585473 Time: 0.250412 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 8651009 Time: 0.252208 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 8388865 Time: 0.244788 +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling) +[02/27/2023-23:09:11] [V] [TRT] Tactic: -3 Time: 0.468744 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: -3 Time: 0.468744 +[02/27/2023-23:09:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 8388865 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(256,1:8,256,256) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling) +[02/27/2023-23:09:11] [V] [TRT] TiledPooling has no valid tactics for this config, skipping +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling) +[02/27/2023-23:09:11] [V] [TRT] Tactic: -2 Time: 0.104552 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: -2 Time: 0.104552 +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling) +[02/27/2023-23:09:11] [V] [TRT] Tactic: -1 Time: 0.139696 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: -1 Time: 0.139696 +[02/27/2023-23:09:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -2 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Float(2048,1,2048,2048) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.008088 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.00838 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.008088 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.008252 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.00892 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.008252 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(1024,1:2,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.083364 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.006748 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.006748 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(256,1:8,256,256) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.007504 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.007004 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.007004 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Float(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.008464 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.00834 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.00834 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.007988 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.008544 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.007988 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(1024,1:2,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.08312 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.008864 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.008864 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(256,1:8,256,256) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.006672 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.009272 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.006672 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.00884 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.008872 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.00884 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,2048,2048) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.008024 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.008756 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.008024 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(1024,1:2,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.084936 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.00686 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.00686 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(256,1:8,256,256) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.007224 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.006856 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.006856 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.083904 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.006816 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.006816 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,2048,2048) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.00732 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.009284 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.00732 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.0847 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.00646 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.00646 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(256,1:8,256,256) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.007336 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.074212 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.007336 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.083928 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.006072 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.006072 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,2048,2048) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.007104 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.0094 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1002 Time: 0.007104 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(2048,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.084844 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.00582 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.00582 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(1024,1:2,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1002 Time: 0.084788 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.074736 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 0 Time: 0.074736 +[02/27/2023-23:09:11] [V] [TRT] *************** Autotuning format combination: Float(2048,1,1,1) -> Float(1000,1,1,1) *************** +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution) +[02/27/2023-23:09:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution) +[02/27/2023-23:09:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution) +[02/27/2023-23:09:11] [V] [TRT] Tactic: 0 Time: 0.413472 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 1 Time: 0.189892 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 2 Time: 0.250928 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 56 Time: 0.4104 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 57 Time: 0.1903 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 58 Time: 0.251196 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216 +[02/27/2023-23:09:11] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216 +[02/27/2023-23:09:11] [V] [TRT] Fastest Tactic: 1 Time: 0.189892 +[02/27/2023-23:09:11] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/27/2023-23:09:12] [V] [TRT] Tactic: 0 Time: 0.122628 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 1 Time: 0.109356 +[02/27/2023-23:09:12] [V] [TRT] Fastest Tactic: 1 Time: 0.109356 +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 1754569683116234317 Time: 0.528 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 1825138533642645384 Time: 0.524052 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 2733356012094739613 Time: 0.462756 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 3915320020053085238 Time: 0.533948 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 6808617066150061604 Time: 0.36654 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 9091006216302412844 Time: 0.357684 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -8060443123034038864 Time: 0.378892 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -4420849921117327522 Time: 0.47912 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -3946921629105938337 Time: 0.49838 +[02/27/2023-23:09:12] [V] [TRT] Fastest Tactic: 9091006216302412844 Time: 0.357684 +[02/27/2023-23:09:12] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling +[02/27/2023-23:09:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1 +[02/27/2023-23:09:12] [V] [TRT] *************** Autotuning format combination: Float(2048,1,2048,2048) -> Float(1000,1,1000,1000) *************** +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution) +[02/27/2023-23:09:12] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/27/2023-23:09:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 861694390046228376 Time: 0.355752 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 5258189349241541167 Time: 0.184384 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 5821621277990374316 Time: 0.355708 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 5863767799113001648 Time: 0.103056 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -9147980667639709536 Time: 0.344184 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -8892196987859366827 Time: 0.34342 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -8850904373104590857 Time: 0.185096 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -8010679767156598961 Time: 0.100944 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -7751035352149795660 Time: 0.34654 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -5115676123557684531 Time: 0.351744 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -493597327599791285 Time: 0.179164 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819 +[02/27/2023-23:09:12] [V] [TRT] Tactic: -423878181466897819 Time: 0.103888 +[02/27/2023-23:09:12] [V] [TRT] Fastest Tactic: -8010679767156598961 Time: 0.100944 +[02/27/2023-23:09:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8010679767156598961 +[02/27/2023-23:09:12] [V] [TRT] *************** Autotuning format combination: Half(2048,1,1,1) -> Half(1000,1,1,1) *************** +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution) +[02/27/2023-23:09:12] [V] [TRT] Tactic: 0 Time: 0.413312 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 1 Time: 0.456208 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 2 Time: 0.29278 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 56 Time: 0.41294 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 58 Time: 0.291764 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216 +[02/27/2023-23:09:12] [V] [TRT] Fastest Tactic: 58 Time: 0.291764 +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/27/2023-23:09:12] [V] [TRT] Tactic: 0 Time: 0.04748 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 1 Time: 0.041176 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 2 Time: 0.047148 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 3 Time: 0.041216 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 4 Time: 0.0628 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 5 Time: 0.0627 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 6 Time: 0.047576 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 7 Time: 0.043004 +[02/27/2023-23:09:12] [V] [TRT] Fastest Tactic: 1 Time: 0.041176 +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/27/2023-23:09:12] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:12] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling +[02/27/2023-23:09:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1 +[02/27/2023-23:09:12] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(1000,1,1,1) *************** +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/27/2023-23:09:12] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:12] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(500,1:2,1,1) *************** +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution) +[02/27/2023-23:09:12] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution) +[02/27/2023-23:09:12] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/27/2023-23:09:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:12] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 1651411198763708804 Time: 0.192516 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 2418518597804310654 Time: 0.192596 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900 +[02/27/2023-23:09:12] [V] [TRT] Tactic: 4318470497547290900 Time: 0.187808 +[02/27/2023-23:09:12] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 4930470141256631146 Time: 0.333616 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 8292881859266835088 Time: 0.33772 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 8401509141903434922 Time: 0.186292 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8654297089785671176 Time: 0.270828 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -7516584506774355935 Time: 0.216668 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -7140760933967189247 Time: 0.183848 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -6004726995029373073 Time: 0.319652 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -5719726816705110014 Time: 0.271332 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -4097850214384059472 Time: 0.226756 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -3717489476759089008 Time: 0.182944 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -3689982367035295496 Time: 0.265736 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2640575123064142123 Time: 0.268544 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2534402059426524406 Time: 0.268472 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2027588946874785071 Time: 0.33206 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -1968398013367819764 Time: 0.268952 +[02/27/2023-23:09:13] [V] [TRT] Fastest Tactic: -3717489476759089008 Time: 0.182944 +[02/27/2023-23:09:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3717489476759089008 +[02/27/2023-23:09:13] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Float(1000,1,1,1) *************** +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution) +[02/27/2023-23:09:13] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/27/2023-23:09:13] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/27/2023-23:09:13] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:13] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Half(125,1:8,125,125) *************** +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution) +[02/27/2023-23:09:13] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution) +[02/27/2023-23:09:13] [V] [TRT] Tactic: 0 Time: 0.413468 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 1 Time: 0.453236 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 2 Time: 0.291696 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 56 Time: 0.41312 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 58 Time: 0.29178 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216 +[02/27/2023-23:09:13] [V] [TRT] Fastest Tactic: 2 Time: 0.291696 +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution) +[02/27/2023-23:09:13] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution) +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 83696452256923412 Time: 0.05516 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 106549059816437840 Time: 0.035016 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 1179757074518529353 Time: 0.054644 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 2105695814191699972 Time: 0.092352 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 2148106709480872763 Time: 0.065704 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 2410442691266548717 Time: 0.094852 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 2511830168590723349 Time: 0.065016 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 2634905271404611895 Time: 0.056896 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 2689212690707793357 Time: 0.176172 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 2798075085844016892 Time: 0.094696 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 3041642431972138763 Time: 0.05396 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 3091156937974993800 Time: 0.094216 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 3199589679702517123 Time: 0.064076 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 3754069740140581927 Time: 0.107072 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 3932578551652369355 Time: 0.038012 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 4149021101886580762 Time: 0.056952 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 4555462412611657028 Time: 0.066688 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 4749226340913476230 Time: 0.054184 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 5483093640784800285 Time: 0.066784 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 5666160310350604399 Time: 0.103696 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 5900614001783877430 Time: 0.06676 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 5925270497649423688 Time: 0.175308 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 5999406432703271895 Time: 0.06118 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 6680916730816870145 Time: 0.096444 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 7107292614492808590 Time: 0.032716 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 7158029511300006471 Time: 0.093612 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 7859952145590271433 Time: 0.0949 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 8283847742354150423 Time: 0.105552 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 8468288610222482742 Time: 0.096156 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 8620567263556985011 Time: 0.104716 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 8642279798680442080 Time: 0.094624 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 8980274178270132023 Time: 0.058584 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 9108067304506990859 Time: 0.06104 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -9104099172933216230 Time: 0.044172 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8992262742606384444 Time: 0.07082 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8956720569082607796 Time: 0.065632 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8952042869709043207 Time: 0.094124 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8898856569474934280 Time: 0.09438 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8774805574135441656 Time: 0.09278 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8749513212655756001 Time: 0.096888 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8520017388966620486 Time: 0.038268 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8487084252145372186 Time: 0.176828 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -8391760416076885205 Time: 0.17486 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -7990268040387498660 Time: 0.057172 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -7849113095413980300 Time: 0.176056 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -7533167286135592323 Time: 0.062988 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -6273232454637933930 Time: 0.056384 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -5818527483287834165 Time: 0.054228 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -5590418898350402100 Time: 0.065948 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -5505475137955795830 Time: 0.058072 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -5389631537202601150 Time: 0.17616 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -5332866838585594777 Time: 0.06106 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -5121883532434354186 Time: 0.08164 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -5006039300385557796 Time: 0.069732 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -4534876761957424274 Time: 0.174612 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -4352168563838861262 Time: 0.058632 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -4109084522508697633 Time: 0.104268 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -3237051169894153788 Time: 0.092188 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -3136088851200285532 Time: 0.054508 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2827934362840121038 Time: 0.035756 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2676138141351394855 Time: 0.057544 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2601537631049973288 Time: 0.08072 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2586046817576862066 Time: 0.095968 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2569977342077121032 Time: 0.059828 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2422160065350346448 Time: 0.09532 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2125188058121029448 Time: 0.092412 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -2123887091022542343 Time: 0.094316 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -1838109259315759592 Time: 0.03232 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -1216445540764179377 Time: 0.095368 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -539379305772590030 Time: 0.044776 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -288413895057594820 Time: 0.069516 +[02/27/2023-23:09:13] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:13] [V] [TRT] Tactic: -229563042944049199 Time: 0.057476 +[02/27/2023-23:09:13] [V] [TRT] Fastest Tactic: -1838109259315759592 Time: 0.03232 +[02/27/2023-23:09:13] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling +[02/27/2023-23:09:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -1838109259315759592 +[02/27/2023-23:09:13] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1,1) -> Half(1000,1,1,1) *************** +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:13] [V] [TRT] Tactic: 1002 Time: 0.006932 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 0 Time: 0.006884 +[02/27/2023-23:09:13] [V] [TRT] Fastest Tactic: 0 Time: 0.006884 +[02/27/2023-23:09:13] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Float(1000,1,1,1) *************** +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:13] [V] [TRT] Tactic: 1002 Time: 0.007356 +[02/27/2023-23:09:13] [V] [TRT] Tactic: 0 Time: 0.006244 +[02/27/2023-23:09:13] [V] [TRT] Fastest Tactic: 0 Time: 0.006244 +[02/27/2023-23:09:13] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Half(1000,1,1,1) *************** +[02/27/2023-23:09:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1002 Time: 0.006576 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.006196 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.006196 +[02/27/2023-23:09:14] [V] [TRT] *************** Autotuning Reformat:Half(1000,1,1,1) -> Float(1000,1,1,1) *************** +[02/27/2023-23:09:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1002 Time: 0.007056 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.006272 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.006272 +[02/27/2023-23:09:14] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Float(1000,1,1,1) *************** +[02/27/2023-23:09:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1002 Time: 0.044428 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.004852 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.004852 +[02/27/2023-23:09:14] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Half(1000,1,1,1) *************** +[02/27/2023-23:09:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1002 Time: 0.044936 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.00506 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.00506 +[02/27/2023-23:09:14] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Float(1000,1,1,1) *************** +[02/27/2023-23:09:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1002 Time: 0.044276 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.004784 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.004784 +[02/27/2023-23:09:14] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Half(1000,1,1,1) *************** +[02/27/2023-23:09:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1002 Time: 0.044952 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.004752 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.004752 +[02/27/2023-23:09:14] [V] [TRT] *************** Autotuning format combination: Float(1000,1,1,1) -> Float(1000,1) *************** +[02/27/2023-23:09:14] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.004856 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1 Time: 0.010464 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.004856 +[02/27/2023-23:09:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0 +[02/27/2023-23:09:14] [V] [TRT] *************** Autotuning format combination: Half(1000,1,1,1) -> Half(1000,1) *************** +[02/27/2023-23:09:14] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.004228 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1 Time: 0.010032 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.004228 +[02/27/2023-23:09:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0 +[02/27/2023-23:09:14] [V] [TRT] *************** Autotuning Reformat:Half(1000,1) -> Float(1000,1) *************** +[02/27/2023-23:09:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat) +[02/27/2023-23:09:14] [V] [TRT] Tactic: 1002 Time: 0.006908 +[02/27/2023-23:09:14] [V] [TRT] Tactic: 0 Time: 0.0065 +[02/27/2023-23:09:14] [V] [TRT] Fastest Tactic: 0 Time: 0.0065 +[02/27/2023-23:09:14] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to Conv_0 + Relu_1 (input) from Float(150528,50176,224,1) to Half(50176,1:4,224,1) +[02/27/2023-23:09:14] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] ((Unnamed Layer* 132) [Fully Connected]_output) from Half(125,1:8,125,125) to Float(1000,1,1,1) +[02/27/2023-23:09:14] [V] [TRT] For layer (Unnamed Layer* 136) [Shuffle] a non-conforming implementation was chosen than was requested i.e. requested layer computation precision and output precision types were ignored because it resulted in faster network performance. Enable strict mode to try force choose a conforming implementation. +[02/27/2023-23:09:14] [V] [TRT] Formats and tactics selection completed in 200.541 seconds. +[02/27/2023-23:09:14] [V] [TRT] After reformat layers: 59 layers +[02/27/2023-23:09:14] [V] [TRT] Block size 205520896 +[02/27/2023-23:09:14] [V] [TRT] Block size 205520896 +[02/27/2023-23:09:14] [V] [TRT] Block size 102760448 +[02/27/2023-23:09:14] [V] [TRT] Block size 16777216 +[02/27/2023-23:09:14] [V] [TRT] Total Activation Memory: 530579456 +[02/27/2023-23:09:14] [I] [TRT] Detected 1 inputs and 1 output network tensors. +[02/27/2023-23:09:14] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927 +[02/27/2023-23:09:14] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840 +[02/27/2023-23:09:14] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:09:14] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:09:14] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:09:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:09:14] [V] [TRT] Conv_13 + Relu_14 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:09:14] [V] [TRT] Conv_15 + Add_16 + Relu_17 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:09:14] [V] [TRT] Conv_18 + Relu_19 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038 +[02/27/2023-23:09:14] [V] [TRT] Conv_20 + Relu_21 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377 +[02/27/2023-23:09:14] [V] [TRT] Conv_22 + Add_23 + Relu_24 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448 +[02/27/2023-23:09:14] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:14] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:14] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:14] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:09:14] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:09:14] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:14] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:09:14] [V] [TRT] Conv_40 + Relu_41 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:09:14] [V] [TRT] Conv_42 + Relu_43 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:14] [V] [TRT] Conv_44 + Add_45 + Relu_46 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:09:14] [V] [TRT] Conv_47 + Relu_48 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:09:14] [V] [TRT] Conv_49 + Relu_50 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199 +[02/27/2023-23:09:14] [V] [TRT] Conv_51 + Add_52 + Relu_53 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349 +[02/27/2023-23:09:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:09:14] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066 +[02/27/2023-23:09:14] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420 +[02/27/2023-23:09:14] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:09:14] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:14] [V] [TRT] Conv_69 + Relu_70 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_71 + Relu_72 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:09:14] [V] [TRT] Conv_73 + Add_74 + Relu_75 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:14] [V] [TRT] Conv_76 + Relu_77 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_78 + Relu_79 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:09:14] [V] [TRT] Conv_80 + Add_81 + Relu_82 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:14] [V] [TRT] Conv_83 + Relu_84 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_85 + Relu_86 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:09:14] [V] [TRT] Conv_87 + Add_88 + Relu_89 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:14] [V] [TRT] Conv_90 + Relu_91 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_92 + Relu_93 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717 +[02/27/2023-23:09:14] [V] [TRT] Conv_94 + Add_95 + Relu_96 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830 +[02/27/2023-23:09:14] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:09:14] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:09:14] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262 +[02/27/2023-23:09:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:09:14] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:09:14] [V] [TRT] Conv_112 + Relu_113 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532 +[02/27/2023-23:09:14] [V] [TRT] Conv_114 + Relu_115 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455 +[02/27/2023-23:09:14] [V] [TRT] Conv_116 + Add_117 + Relu_118 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763 +[02/27/2023-23:09:14] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592 +[02/27/2023-23:09:14] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1 HostPersistent: 0 DevicePersistent: 0 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_0 + Relu_1 HostPersistent: 256 DevicePersistent: 25600 +[02/27/2023-23:09:14] [V] [TRT] Layer: MaxPool_2 HostPersistent: 48 DevicePersistent: 0 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_3 + Relu_4 HostPersistent: 3776 DevicePersistent: 8704 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_5 + Relu_6 HostPersistent: 3776 DevicePersistent: 74240 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_7 HostPersistent: 3776 DevicePersistent: 34304 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_8 + Add_9 + Relu_10 HostPersistent: 3776 DevicePersistent: 34304 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_11 + Relu_12 HostPersistent: 3776 DevicePersistent: 33280 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_13 + Relu_14 HostPersistent: 3776 DevicePersistent: 74240 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_15 + Add_16 + Relu_17 HostPersistent: 3776 DevicePersistent: 34304 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_18 + Relu_19 HostPersistent: 3776 DevicePersistent: 33280 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_20 + Relu_21 HostPersistent: 3776 DevicePersistent: 74240 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_22 + Add_23 + Relu_24 HostPersistent: 3776 DevicePersistent: 34304 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_25 + Relu_26 HostPersistent: 3776 DevicePersistent: 66560 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_27 + Relu_28 HostPersistent: 2176 DevicePersistent: 300032 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_29 HostPersistent: 2176 DevicePersistent: 137216 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_30 + Add_31 + Relu_32 HostPersistent: 3776 DevicePersistent: 265216 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_33 + Relu_34 HostPersistent: 3776 DevicePersistent: 132096 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_35 + Relu_36 HostPersistent: 2176 DevicePersistent: 300032 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_37 + Add_38 + Relu_39 HostPersistent: 3776 DevicePersistent: 134144 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_40 + Relu_41 HostPersistent: 3776 DevicePersistent: 132096 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_42 + Relu_43 HostPersistent: 2176 DevicePersistent: 300032 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_44 + Add_45 + Relu_46 HostPersistent: 3776 DevicePersistent: 134144 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_47 + Relu_48 HostPersistent: 3776 DevicePersistent: 132096 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_49 + Relu_50 HostPersistent: 2176 DevicePersistent: 300032 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_51 + Add_52 + Relu_53 HostPersistent: 3776 DevicePersistent: 134144 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_54 + Relu_55 HostPersistent: 3776 DevicePersistent: 263680 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_56 + Relu_57 HostPersistent: 2176 DevicePersistent: 1181696 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_58 HostPersistent: 1664 DevicePersistent: 527872 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_59 + Add_60 + Relu_61 HostPersistent: 3776 DevicePersistent: 1054720 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_62 + Relu_63 HostPersistent: 1664 DevicePersistent: 526336 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_64 + Relu_65 HostPersistent: 1664 DevicePersistent: 1181696 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_66 + Add_67 + Relu_68 HostPersistent: 3776 DevicePersistent: 530432 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_69 + Relu_70 HostPersistent: 1664 DevicePersistent: 526336 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_71 + Relu_72 HostPersistent: 1664 DevicePersistent: 1181696 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_73 + Add_74 + Relu_75 HostPersistent: 3776 DevicePersistent: 530432 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_76 + Relu_77 HostPersistent: 1664 DevicePersistent: 526336 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_78 + Relu_79 HostPersistent: 1664 DevicePersistent: 1181696 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_80 + Add_81 + Relu_82 HostPersistent: 3776 DevicePersistent: 530432 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_83 + Relu_84 HostPersistent: 1664 DevicePersistent: 526336 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_85 + Relu_86 HostPersistent: 1664 DevicePersistent: 1181696 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_87 + Add_88 + Relu_89 HostPersistent: 3776 DevicePersistent: 530432 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_90 + Relu_91 HostPersistent: 1664 DevicePersistent: 526336 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_92 + Relu_93 HostPersistent: 1664 DevicePersistent: 1181696 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_94 + Add_95 + Relu_96 HostPersistent: 3776 DevicePersistent: 530432 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_97 + Relu_98 HostPersistent: 3200 DevicePersistent: 1051136 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_99 + Relu_100 HostPersistent: 4224 DevicePersistent: 4720128 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_101 HostPersistent: 3776 DevicePersistent: 2109440 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_102 + Add_103 + Relu_104 HostPersistent: 1664 DevicePersistent: 4198912 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_105 + Relu_106 HostPersistent: 1664 DevicePersistent: 2098688 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_107 + Relu_108 HostPersistent: 4224 DevicePersistent: 4720128 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_109 + Add_110 + Relu_111 HostPersistent: 3200 DevicePersistent: 2101760 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_112 + Relu_113 HostPersistent: 1664 DevicePersistent: 2098688 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_114 + Relu_115 HostPersistent: 4224 DevicePersistent: 4720128 +[02/27/2023-23:09:14] [V] [TRT] Layer: Conv_116 + Add_117 + Relu_118 HostPersistent: 3200 DevicePersistent: 2101760 +[02/27/2023-23:09:14] [V] [TRT] Layer: GlobalAveragePool_119 HostPersistent: 0 DevicePersistent: 0 +[02/27/2023-23:09:14] [V] [TRT] Layer: Gemm_121 HostPersistent: 3776 DevicePersistent: 4102144 +[02/27/2023-23:09:14] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] HostPersistent: 0 DevicePersistent: 0 +[02/27/2023-23:09:14] [I] [TRT] Total Host Persistent Memory: 160880 +[02/27/2023-23:09:14] [I] [TRT] Total Device Persistent Memory: 51171840 +[02/27/2023-23:09:14] [I] [TRT] Total Scratch Memory: 0 +[02/27/2023-23:09:14] [I] [TRT] [MemUsageStats] Peak memory usage of TRT CPU/GPU memory allocators: CPU 53 MiB, GPU 256 MiB +[02/27/2023-23:09:14] [V] [TRT] Using cublasLt a tactic source +[02/27/2023-23:09:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1662, GPU 879 (MiB) +[02/27/2023-23:09:14] [V] [TRT] Using cuDNN as a tactic source +[02/27/2023-23:09:14] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 887 (MiB) +[02/27/2023-23:09:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 871 (MiB) +[02/27/2023-23:09:14] [V] [TRT] Engine generation completed in 203.842 seconds. +[02/27/2023-23:09:14] [V] [TRT] Deleting timing cache: 515 entries, 1506 hits +[02/27/2023-23:09:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB) +[02/27/2023-23:09:14] [V] [TRT] Engine Layer Information: +Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1, Tactic: 1002, input[Float(-2,3,224,224)] -> Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)] +Layer(CaskConvolution): Conv_0 + Relu_1, Tactic: -8357652348141719927, Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)] -> 323[Half(-2,64,112,112)] +Layer(CudnnPooling): MaxPool_2, Tactic: -1, 323[Half(-2,64,112,112)] -> 324[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_3 + Relu_4, Tactic: 106549059816437840, 324[Half(-2,64,56,56)] -> 327[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_5 + Relu_6, Tactic: 3464689803495983377, 327[Half(-2,64,56,56)] -> 330[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_7, Tactic: 2511830168590723349, 330[Half(-2,64,56,56)] -> 505[Half(-2,256,56,56)] +Layer(CaskConvolution): Conv_8 + Add_9 + Relu_10, Tactic: -2125188058121029448, 324[Half(-2,64,56,56)], 505[Half(-2,256,56,56)] -> 336[Half(-2,256,56,56)] +Layer(CaskConvolution): Conv_11 + Relu_12, Tactic: -2827934362840121038, 336[Half(-2,256,56,56)] -> 339[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_13 + Relu_14, Tactic: 3464689803495983377, 339[Half(-2,64,56,56)] -> 342[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_15 + Add_16 + Relu_17, Tactic: -2125188058121029448, 342[Half(-2,64,56,56)], 336[Half(-2,256,56,56)] -> 346[Half(-2,256,56,56)] +Layer(CaskConvolution): Conv_18 + Relu_19, Tactic: -2827934362840121038, 346[Half(-2,256,56,56)] -> 349[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_20 + Relu_21, Tactic: 3464689803495983377, 349[Half(-2,64,56,56)] -> 352[Half(-2,64,56,56)] +Layer(CaskConvolution): Conv_22 + Add_23 + Relu_24, Tactic: -2125188058121029448, 352[Half(-2,64,56,56)], 346[Half(-2,256,56,56)] -> 356[Half(-2,256,56,56)] +Layer(CaskConvolution): Conv_25 + Relu_26, Tactic: -5505475137955795830, 356[Half(-2,256,56,56)] -> 359[Half(-2,128,56,56)] +Layer(CaskConvolution): Conv_27 + Relu_28, Tactic: -229563042944049199, 359[Half(-2,128,56,56)] -> 362[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_29, Tactic: -229563042944049199, 362[Half(-2,128,28,28)] -> 535[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_30 + Add_31 + Relu_32, Tactic: -4352168563838861262, 356[Half(-2,256,56,56)], 535[Half(-2,512,28,28)] -> 368[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_33 + Relu_34, Tactic: -1838109259315759592, 368[Half(-2,512,28,28)] -> 371[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_35 + Relu_36, Tactic: -229563042944049199, 371[Half(-2,128,28,28)] -> 374[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_37 + Add_38 + Relu_39, Tactic: 2511830168590723349, 374[Half(-2,128,28,28)], 368[Half(-2,512,28,28)] -> 378[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_40 + Relu_41, Tactic: -1838109259315759592, 378[Half(-2,512,28,28)] -> 381[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_42 + Relu_43, Tactic: -229563042944049199, 381[Half(-2,128,28,28)] -> 384[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_44 + Add_45 + Relu_46, Tactic: 2511830168590723349, 384[Half(-2,128,28,28)], 378[Half(-2,512,28,28)] -> 388[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_47 + Relu_48, Tactic: -1838109259315759592, 388[Half(-2,512,28,28)] -> 391[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_49 + Relu_50, Tactic: -229563042944049199, 391[Half(-2,128,28,28)] -> 394[Half(-2,128,28,28)] +Layer(CaskConvolution): Conv_51 + Add_52 + Relu_53, Tactic: 2511830168590723349, 394[Half(-2,128,28,28)], 388[Half(-2,512,28,28)] -> 398[Half(-2,512,28,28)] +Layer(CaskConvolution): Conv_54 + Relu_55, Tactic: -4352168563838861262, 398[Half(-2,512,28,28)] -> 401[Half(-2,256,28,28)] +Layer(CaskConvolution): Conv_56 + Relu_57, Tactic: -2586046817576862066, 401[Half(-2,256,28,28)] -> 404[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_58, Tactic: -3136088851200285532, 404[Half(-2,256,14,14)] -> 574[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_59 + Add_60 + Relu_61, Tactic: -6080892721161662420, 398[Half(-2,512,28,28)], 574[Half(-2,1024,14,14)] -> 410[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_62 + Relu_63, Tactic: -3136088851200285532, 410[Half(-2,1024,14,14)] -> 413[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_64 + Relu_65, Tactic: 2410442691266548717, 413[Half(-2,256,14,14)] -> 416[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_66 + Add_67 + Relu_68, Tactic: -5505475137955795830, 416[Half(-2,256,14,14)], 410[Half(-2,1024,14,14)] -> 420[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_69 + Relu_70, Tactic: -3136088851200285532, 420[Half(-2,1024,14,14)] -> 423[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_71 + Relu_72, Tactic: 2410442691266548717, 423[Half(-2,256,14,14)] -> 426[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_73 + Add_74 + Relu_75, Tactic: -5505475137955795830, 426[Half(-2,256,14,14)], 420[Half(-2,1024,14,14)] -> 430[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_76 + Relu_77, Tactic: -3136088851200285532, 430[Half(-2,1024,14,14)] -> 433[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_78 + Relu_79, Tactic: 2410442691266548717, 433[Half(-2,256,14,14)] -> 436[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_80 + Add_81 + Relu_82, Tactic: -5505475137955795830, 436[Half(-2,256,14,14)], 430[Half(-2,1024,14,14)] -> 440[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_83 + Relu_84, Tactic: -3136088851200285532, 440[Half(-2,1024,14,14)] -> 443[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_85 + Relu_86, Tactic: 2410442691266548717, 443[Half(-2,256,14,14)] -> 446[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_87 + Add_88 + Relu_89, Tactic: -5505475137955795830, 446[Half(-2,256,14,14)], 440[Half(-2,1024,14,14)] -> 450[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_90 + Relu_91, Tactic: -3136088851200285532, 450[Half(-2,1024,14,14)] -> 453[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_92 + Relu_93, Tactic: 2410442691266548717, 453[Half(-2,256,14,14)] -> 456[Half(-2,256,14,14)] +Layer(CaskConvolution): Conv_94 + Add_95 + Relu_96, Tactic: -5505475137955795830, 456[Half(-2,256,14,14)], 450[Half(-2,1024,14,14)] -> 460[Half(-2,1024,14,14)] +Layer(CaskConvolution): Conv_97 + Relu_98, Tactic: 3041642431972138763, 460[Half(-2,1024,14,14)] -> 463[Half(-2,512,14,14)] +Layer(CaskConvolution): Conv_99 + Relu_100, Tactic: 5635311898703673455, 463[Half(-2,512,14,14)] -> 466[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_101, Tactic: -4352168563838861262, 466[Half(-2,512,7,7)] -> 631[Half(-2,2048,7,7)] +Layer(CaskConvolution): Conv_102 + Add_103 + Relu_104, Tactic: -3136088851200285532, 460[Half(-2,1024,14,14)], 631[Half(-2,2048,7,7)] -> 472[Half(-2,2048,7,7)] +Layer(CaskConvolution): Conv_105 + Relu_106, Tactic: -3136088851200285532, 472[Half(-2,2048,7,7)] -> 475[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_107 + Relu_108, Tactic: 5635311898703673455, 475[Half(-2,512,7,7)] -> 478[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_109 + Add_110 + Relu_111, Tactic: 3041642431972138763, 478[Half(-2,512,7,7)], 472[Half(-2,2048,7,7)] -> 482[Half(-2,2048,7,7)] +Layer(CaskConvolution): Conv_112 + Relu_113, Tactic: -3136088851200285532, 482[Half(-2,2048,7,7)] -> 485[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_114 + Relu_115, Tactic: 5635311898703673455, 485[Half(-2,512,7,7)] -> 488[Half(-2,512,7,7)] +Layer(CaskConvolution): Conv_116 + Add_117 + Relu_118, Tactic: 3041642431972138763, 488[Half(-2,512,7,7)], 482[Half(-2,2048,7,7)] -> 492[Half(-2,2048,7,7)] +Layer(CudaPooling): GlobalAveragePool_119, Tactic: -2, 492[Half(-2,2048,7,7)] -> 493[Half(-2,2048,1,1)] +Layer(CaskConvolution): Gemm_121, Tactic: -1838109259315759592, 493[Half(-2,2048,1,1)] -> (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)] +Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle], Tactic: 0, (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)] -> Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle][Float(-2,1000,1,1)] +[02/27/2023-23:09:14] [I] [TRT] [MemUsageSnapshot] Builder end: CPU 1662 MiB, GPU 853 MiB +[02/27/2023-23:09:14] [I] [TRT] Loaded engine size: 49 MB +[02/27/2023-23:09:14] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine begin: CPU 1662 MiB, GPU 803 MiB +[02/27/2023-23:09:14] [V] [TRT] Using cublasLt a tactic source +[02/27/2023-23:09:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1662, GPU 863 (MiB) +[02/27/2023-23:09:14] [V] [TRT] Using cuDNN as a tactic source +[02/27/2023-23:09:14] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 871 (MiB) +[02/27/2023-23:09:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB) +[02/27/2023-23:09:14] [V] [TRT] Deserialization required 157215 microseconds. +[02/27/2023-23:09:14] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine end: CPU 1662 MiB, GPU 853 MiB +[02/27/2023-23:09:15] [I] Engine built in 206.653 sec. +[02/27/2023-23:09:15] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation begin: CPU 1514 MiB, GPU 853 MiB +[02/27/2023-23:09:15] [V] [TRT] Using cublasLt a tactic source +[02/27/2023-23:09:15] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1514, GPU 863 (MiB) +[02/27/2023-23:09:15] [V] [TRT] Using cuDNN as a tactic source +[02/27/2023-23:09:15] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1514, GPU 871 (MiB) +[02/27/2023-23:09:15] [V] [TRT] Total per-runner device memory is 51171840 +[02/27/2023-23:09:15] [V] [TRT] Total per-runner host memory is 160880 +[02/27/2023-23:09:15] [V] [TRT] Allocated activation device memory of size 513802240 +[02/27/2023-23:09:15] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation end: CPU 1514 MiB, GPU 1411 MiB +[02/27/2023-23:09:15] [I] Created input binding for input with dimensions 128x3x224x224 +[02/27/2023-23:09:15] [I] Created output binding for output with dimensions 128x1000 +[02/27/2023-23:09:15] [I] Starting inference +[02/27/2023-23:09:18] [I] Warmup completed 4 queries over 200 ms +[02/27/2023-23:09:18] [I] Timing trace has 58 queries over 3.13403 s +[02/27/2023-23:09:18] [I] +[02/27/2023-23:09:18] [I] === Trace details === +[02/27/2023-23:09:18] [I] Trace averages of 10 runs: +[02/27/2023-23:09:18] [I] Average on 10 runs - GPU latency: 52.395 ms - Host latency: 64.8304 ms (end to end 105.381 ms, enqueue 0.350032 ms) +[02/27/2023-23:09:18] [I] Average on 10 runs - GPU latency: 53.4959 ms - Host latency: 65.9283 ms (end to end 106.767 ms, enqueue 0.332428 ms) +[02/27/2023-23:09:18] [I] Average on 10 runs - GPU latency: 52.6192 ms - Host latency: 65.0522 ms (end to end 105.264 ms, enqueue 0.347791 ms) +[02/27/2023-23:09:18] [I] Average on 10 runs - GPU latency: 53.4996 ms - Host latency: 65.9305 ms (end to end 106.895 ms, enqueue 0.343738 ms) +[02/27/2023-23:09:18] [I] Average on 10 runs - GPU latency: 52.7442 ms - Host latency: 65.1746 ms (end to end 105.462 ms, enqueue 0.332715 ms) +[02/27/2023-23:09:18] [I] +[02/27/2023-23:09:18] [I] === Performance summary === +[02/27/2023-23:09:18] [I] Throughput: 18.5065 qps +[02/27/2023-23:09:18] [I] Latency: min = 63.905 ms, max = 68.8389 ms, mean = 65.4559 ms, median = 65.4097 ms, percentile(99%) = 68.8389 ms +[02/27/2023-23:09:18] [I] End-to-End Host Latency: min = 104.064 ms, max = 111.349 ms, mean = 106.073 ms, median = 105.509 ms, percentile(99%) = 111.349 ms +[02/27/2023-23:09:18] [I] Enqueue Time: min = 0.312256 ms, max = 0.398926 ms, mean = 0.339097 ms, median = 0.336304 ms, percentile(99%) = 0.398926 ms +[02/27/2023-23:09:18] [I] H2D Latency: min = 12.3384 ms, max = 12.3742 ms, mean = 12.3486 ms, median = 12.3476 ms, percentile(99%) = 12.3742 ms +[02/27/2023-23:09:18] [I] GPU Compute Time: min = 51.4478 ms, max = 56.4122 ms, mean = 53.024 ms, median = 52.9692 ms, percentile(99%) = 56.4122 ms +[02/27/2023-23:09:18] [I] D2H Latency: min = 0.0820312 ms, max = 0.0861816 ms, mean = 0.0833282 ms, median = 0.083252 ms, percentile(99%) = 0.0861816 ms +[02/27/2023-23:09:18] [I] Total Host Walltime: 3.13403 s +[02/27/2023-23:09:18] [I] Total GPU Compute Time: 3.07539 s +[02/27/2023-23:09:18] [I] Explanations of the performance metrics are printed in the verbose logs. +[02/27/2023-23:09:18] [V] +[02/27/2023-23:09:18] [V] === Explanations of the performance metrics === +[02/27/2023-23:09:18] [V] Total Host Walltime: the host walltime from when the first query (after warmups) is enqueued to when the last query is completed. +[02/27/2023-23:09:18] [V] GPU Compute Time: the GPU latency to execute the kernels for a query. +[02/27/2023-23:09:18] [V] Total GPU Compute Time: the summation of the GPU Compute Time of all the queries. If this is significantly shorter than Total Host Walltime, the GPU may be under-utilized because of host-side overheads or data transfers. +[02/27/2023-23:09:18] [V] Throughput: the observed throughput computed by dividing the number of queries by the Total Host Walltime. If this is significantly lower than the reciprocal of GPU Compute Time, the GPU may be under-utilized because of host-side overheads or data transfers. +[02/27/2023-23:09:18] [V] Enqueue Time: the host latency to enqueue a query. If this is longer than GPU Compute Time, the GPU may be under-utilized. +[02/27/2023-23:09:18] [V] H2D Latency: the latency for host-to-device data transfers for input tensors of a single query. +[02/27/2023-23:09:18] [V] D2H Latency: the latency for device-to-host data transfers for output tensors of a single query. +[02/27/2023-23:09:18] [V] Latency: the summation of H2D Latency, GPU Compute Time, and D2H Latency. This is the latency to infer a single query. +[02/27/2023-23:09:18] [V] End-to-End Host Latency: the duration from when the H2D of a query is called to when the D2H of the same query is completed, which includes the latency to wait for the completion of the previous query. This is the latency of a query if multiple queries are enqueued consecutively. +[02/27/2023-23:09:18] [I] +&&&& PASSED TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose +[02/27/2023-23:09:18] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1514, GPU 1343 (MiB) diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/generate_models.sh b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/generate_models.sh new file mode 100644 index 0000000000..c5d1fd4ccb --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/generate_models.sh @@ -0,0 +1,4 @@ +#!/bin/bash +python onnx_exporter.py +python pt_exporter.py +trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose | tee conversion.txt From dae0f2fc39a2da5a20928284cf3525ea2e2b258d Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:26:42 -0700 Subject: [PATCH 18/32] Add files via upload --- .../workspace/onnx_exporter.py | 27 +++++++++++++++++++ .../workspace/pt_exporter.py | 22 +++++++++++++++ 2 files changed, 49 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/onnx_exporter.py create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/pt_exporter.py diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/onnx_exporter.py b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/onnx_exporter.py new file mode 100644 index 0000000000..6099c07fa4 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/onnx_exporter.py @@ -0,0 +1,27 @@ +import torch +import torchvision.models as models +import argparse +import os + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--save", default="model.onnx") + args = parser.parse_args() + + resnet50 = models.resnet50(pretrained=True) + dummy_input = torch.randn(1, 3, 224, 224) + resnet50 = resnet50.eval() + + torch.onnx.export( + resnet50, + dummy_input, + args.save, + export_params=True, + opset_version=11, + do_constant_folding=True, + input_names=["input"], + output_names=["output"], + dynamic_axes={"input": {0: "batch_size"}, "output": {0: "batch_size"}}, + ) + + print("Saved {}".format(args.save)) diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/pt_exporter.py b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/pt_exporter.py new file mode 100644 index 0000000000..31f2a77c42 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/pt_exporter.py @@ -0,0 +1,22 @@ +import torch +import torchvision.models as models +import argparse +import os + +device = "cuda" if torch.cuda.is_available() else "cpu" +print("Using {} device".format(device)) + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--save", default="model.pt") + args = parser.parse_args() + + resnet50 = models.resnet50(pretrained=True) + dummy_input = torch.randn(1, 3, 224, 224) + resnet50 = resnet50.eval() + resnet50.to(device) + + resnet50_jit = torch.jit.script(resnet50) + resnet50_jit.save(args.save) + + print("Saved {}".format(args.save)) From 40b4a5c89b5c1994fa8a7968c2b0346f8b3d8f3c Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:28:44 -0700 Subject: [PATCH 19/32] Create test.txt --- .../triton-serve-pt/resnet/test.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/test.txt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/test.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/test.txt new file mode 100644 index 0000000000..8b13789179 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/test.txt @@ -0,0 +1 @@ + From 993d9eb9f4a352804e5ba0dca70bcb48a4ba1933 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:29:13 -0700 Subject: [PATCH 20/32] Add files via upload --- .../triton-serve-pt/resnet/config.pbtxt | 22 +++++++++++++++++++ 1 file changed, 22 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/config.pbtxt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/config.pbtxt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/config.pbtxt new file mode 100644 index 0000000000..d8242eae49 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/config.pbtxt @@ -0,0 +1,22 @@ +name: "resnet" +platform: "pytorch_libtorch" +max_batch_size: 128 +input { + name: "INPUT__0" + data_type: TYPE_FP32 + dims: 3 + dims: 224 + dims: 224 +} +output { + name: "OUTPUT__0" + data_type: TYPE_FP32 + dims: 1000 +} +instance_group { + count: 1 + kind: KIND_GPU +} +dynamic_batching { + preferred_batch_size: 128 +} From edb75ddbfa2c765ce5da64430c2d394a6098edf7 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:30:26 -0700 Subject: [PATCH 21/32] Delete test.txt --- .../triton/single-model/resnet_pytorch_python-backend/test.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/test.txt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/test.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/test.txt deleted file mode 100644 index 8b13789179..0000000000 --- a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/test.txt +++ /dev/null @@ -1 +0,0 @@ - From 156a9cdfa4d48e0787697efeaf4f74f1105e77f6 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:31:35 -0700 Subject: [PATCH 22/32] Delete test.txt --- .../resnet_pytorch_python-backend/workspace/test.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/test.txt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/test.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/test.txt deleted file mode 100644 index 8b13789179..0000000000 --- a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/workspace/test.txt +++ /dev/null @@ -1 +0,0 @@ - From 67d27f8ba3a9e830af09dbd0087b8a7e98c9266a Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 09:32:57 -0700 Subject: [PATCH 23/32] Delete text.txt --- .../resnet_pytorch_python-backend/triton-serve-pt/text.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/text.txt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/text.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/text.txt deleted file mode 100644 index 8b13789179..0000000000 --- a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/text.txt +++ /dev/null @@ -1 +0,0 @@ - From d41b5a4fd48c1e458ac1bbb65878b8507cd194da Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 11:33:51 -0700 Subject: [PATCH 24/32] Delete test.txt --- .../triton-serve-pt/resnet/test.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/test.txt diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/test.txt b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/test.txt deleted file mode 100644 index 8b13789179..0000000000 --- a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/triton-serve-pt/resnet/test.txt +++ /dev/null @@ -1 +0,0 @@ - From 3a9c193c4d07e7f9f9d03d4470dd341ac2a84c33 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 14:40:55 -0700 Subject: [PATCH 25/32] Add files via upload --- .../renet_pytorch_trt_backend_SME.ipynb | 14941 ++++++++++++++++ 1 file changed, 14941 insertions(+) create mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/renet_pytorch_trt_backend_SME.ipynb diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/renet_pytorch_trt_backend_SME.ipynb b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/renet_pytorch_trt_backend_SME.ipynb new file mode 100644 index 0000000000..6ed93f90a2 --- /dev/null +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/renet_pytorch_trt_backend_SME.ipynb @@ -0,0 +1,14941 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "60a1fdce", + "metadata": {}, + "source": [ + "# Triton on SageMaker - Deploying a PyTorch Resnet50 model\n", + "\n", + "[Amazon SageMaker](https://aws.amazon.com/sagemaker/) is a fully managed service for data science and machine learning workflows. It helps data scientists and developers to prepare, build, train, and deploy high-quality ML models quickly by bringing together a broad set of capabilities purpose-built for ML.\n", + "\n", + "Now, [NVIDIA Triton Inference Server](https://github.com/triton-inference-server/server/) can be used to serve models for inference in Amazon SageMaker. Thanks to the new NVIDIA Triton container image, you can easily serve ML models and benefit from the performance optimizations, dynamic batching, and multi-framework support provided by NVIDIA Triton. Triton helps maximize the utilization of GPU and CPU, further lowering the cost of inference.\n", + "\n", + "This notebook was tested with the `conda_python3` kernel on an Amazon SageMaker notebook instance of type `g4dn`." + ] + }, + { + "cell_type": "markdown", + "id": "12dec6ce", + "metadata": {}, + "source": [ + "## Contents\n", + "1. [Introduction to NVIDIA Triton Server](#Introduction-to-NVIDIA-Triton-Server)\n", + "1. [Set up the environment](#Set-up-the-environment)\n", + "1. [Add utility methods for preparing request payload](#Add-utility-methods-for-preparing-request-payload)\n", + "1. [Basic: PyTorch Resnet50](#PyTorch-Resnet50)\n", + " 1. [PyTorch: Packaging model files and uploading to s3](#PyTorch:-Packaging-model-files-and-uploading-to-s3)\n", + " 1. [PyTorch: Create SageMaker Endpoint](#PyTorch:-Create-SageMaker-Endpoint)\n", + " 1. [PyTorch: Run inference](#PyTorch:-Run-inference)\n", + " 1. [PyTorch: Terminate endpoint and clean up artifacts](#PyTorch:-Terminate-endpoint-and-clean-up-artifacts)" + ] + }, + { + "cell_type": "markdown", + "id": "b16f14ea", + "metadata": {}, + "source": [ + "## Introduction to NVIDIA Triton Server\n", + "\n", + "[NVIDIA Triton Inference Server](https://github.com/triton-inference-server/server/) was developed specifically to enable scalable, cost-effective, and easy deployment of models in production. NVIDIA Triton Inference Server is open-source inference serving software that simplifies the inference serving process and provides high inference performance.\n", + "\n", + "Some key features of Triton are:\n", + "* **Support for Multiple frameworks**: Triton can be used to deploy models from all major frameworks. Triton supports TensorFlow GraphDef, TensorFlow SavedModel, ONNX, PyTorch TorchScript, TensorRT, RAPIDS FIL for tree based models, and OpenVINO model formats. \n", + "* **Model pipelines**: Triton model ensemble represents a pipeline of one or more models or pre/post processing logic and the connection of input and output tensors between them. A single inference request to an ensemble will trigger the execution of the entire pipeline.\n", + "* **Concurrent model execution**: Multiple models (or multiple instances of the same model) can run simultaneously on the same GPU or on multiple GPUs for different model management needs.\n", + "* **Dynamic batching**: For models that support batching, Triton has multiple built-in scheduling and batching algorithms that combine individual inference requests together to improve inference throughput. These scheduling and batching decisions are transparent to the client requesting inference.\n", + "* **Diverse CPUs and GPUs**: The models can be executed on CPUs or GPUs for maximum flexibility and to support heterogeneous computing requirements.\n", + "\n", + "**Note**: This initial release of NVIDIA Triton on SageMaker will only support a single model. Future releases will have multi-model support. A minimal `config.pbtxt` configuration file is **required** in the model artifacts. This release doesn't support inferring the model config automatically." + ] + }, + { + "cell_type": "markdown", + "id": "cf042bea", + "metadata": {}, + "source": [ + "## Set up the environment\n", + "\n", + "Installs the dependencies required to package the model and run inferences using Triton server.\n", + "\n", + "Also define the IAM role that will give SageMaker access to the model artifacts and the NVIDIA Triton ECR image." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "7788c22c", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", + "aiobotocore 2.0.1 requires botocore<1.22.9,>=1.22.8, but you have botocore 1.29.91 which is incompatible.\u001b[0m\u001b[31m\n", + "\u001b[0mLooking in indexes: https://pypi.org/simple, https://pip.repos.neuron.amazonaws.com, https://pypi.ngc.nvidia.com\n", + "Requirement already satisfied: nvidia-pyindex in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (1.0.9)\n", + "Looking in indexes: https://pypi.org/simple, https://pip.repos.neuron.amazonaws.com, https://pypi.ngc.nvidia.com\n", + "Requirement already satisfied: tritonclient[http] in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (2.30.0)\n", + "Requirement already satisfied: numpy>=1.19.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (1.20.3)\n", + "Requirement already satisfied: python-rapidjson>=0.9.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (1.9)\n", + "Requirement already satisfied: aiohttp>=3.8.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (3.8.1)\n", + "Requirement already satisfied: geventhttpclient<=2.0.2,>=1.4.4 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (2.0.2)\n", + "Requirement already satisfied: aiosignal>=1.1.2 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.2.0)\n", + "Requirement already satisfied: yarl<2.0,>=1.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.7.2)\n", + "Requirement already satisfied: attrs>=17.3.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (21.2.0)\n", + "Requirement already satisfied: multidict<7.0,>=4.5 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (5.2.0)\n", + "Requirement already satisfied: frozenlist>=1.1.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.2.0)\n", + "Requirement already satisfied: charset-normalizer<3.0,>=2.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (2.0.8)\n", + "Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (4.0.1)\n", + "Requirement already satisfied: brotli in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.0.9)\n", + "Requirement already satisfied: six in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.16.0)\n", + "Requirement already satisfied: certifi in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (2021.10.8)\n", + "Requirement already satisfied: gevent>=0.13 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (21.8.0)\n", + "Requirement already satisfied: typing-extensions>=3.6.5 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from async-timeout<5.0,>=4.0.0a3->aiohttp>=3.8.1->tritonclient[http]) (4.0.0)\n", + "Requirement already satisfied: greenlet<2.0,>=1.1.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.1.2)\n", + "Requirement already satisfied: setuptools in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (59.4.0)\n", + "Requirement already satisfied: zope.event in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (4.5.0)\n", + "Requirement already satisfied: zope.interface in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (5.4.0)\n", + "Requirement already satisfied: idna>=2.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from yarl<2.0,>=1.0->aiohttp>=3.8.1->tritonclient[http]) (3.1)\n" + ] + } + ], + "source": [ + "!pip install -qU pip awscli boto3 sagemaker\n", + "!pip install nvidia-pyindex\n", + "!pip install tritonclient[http]" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "4aec711f", + "metadata": {}, + "outputs": [], + "source": [ + "import boto3, json, sagemaker, time\n", + "from sagemaker import get_execution_role\n", + "\n", + "sm_client = boto3.client(service_name=\"sagemaker\")\n", + "runtime_sm_client = boto3.client(\"sagemaker-runtime\")\n", + "sagemaker_session = sagemaker.Session(boto_session=boto3.Session())\n", + "role = get_execution_role()" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "bbc64c0b", + "metadata": {}, + "outputs": [], + "source": [ + "account_id_map = {\n", + " 'us-east-1': '785573368785',\n", + " 'us-east-2': '007439368137',\n", + " 'us-west-1': '710691900526',\n", + " 'us-west-2': '301217895009',\n", + " 'eu-west-1': '802834080501',\n", + " 'eu-west-2': '205493899709',\n", + " 'eu-west-3': '254080097072',\n", + " 'eu-north-1': '601324751636',\n", + " 'eu-south-1': '966458181534',\n", + " 'eu-central-1': '746233611703',\n", + " 'ap-east-1': '110948597952',\n", + " 'ap-south-1': '763008648453',\n", + " 'ap-northeast-1': '941853720454',\n", + " 'ap-northeast-2': '151534178276',\n", + " 'ap-southeast-1': '324986816169',\n", + " 'ap-southeast-2': '355873309152',\n", + " 'cn-northwest-1': '474822919863',\n", + " 'cn-north-1': '472730292857',\n", + " 'sa-east-1': '756306329178',\n", + " 'ca-central-1': '464438896020',\n", + " 'me-south-1': '836785723513',\n", + " 'af-south-1': '774647643957'\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "9616dd32", + "metadata": {}, + "outputs": [], + "source": [ + "region = boto3.Session().region_name\n", + "if region not in account_id_map.keys():\n", + " raise(\"UNSUPPORTED REGION\")" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "65934acb", + "metadata": {}, + "outputs": [], + "source": [ + "base = \"amazonaws.com.cn\" if region.startswith(\"cn-\") else \"amazonaws.com\"\n", + "triton_image_uri = \"{account_id}.dkr.ecr.{region}.{base}/sagemaker-tritonserver:21.08-py3\".format(\n", + " account_id=account_id_map[region], region=region, base=base\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "4f618f8e", + "metadata": {}, + "source": [ + "## Add utility methods for preparing request payload\n", + "\n", + "The following method transforms a sample image we will be using for inference into the payload that can be sent for inference to the Triton server." + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "5ef2c6e0", + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "from PIL import Image\n", + "\n", + "s3_client = boto3.client('s3')\n", + "s3_client.download_file(\n", + " \"sagemaker-sample-files\",\n", + " \"datasets/image/pets/shiba_inu_dog.jpg\",\n", + " \"shiba_inu_dog.jpg\"\n", + ")\n", + "\n", + "def get_sample_image():\n", + " image_path = \"./shiba_inu_dog.jpg\"\n", + " img = Image.open(image_path).convert(\"RGB\")\n", + " img = img.resize((224, 224))\n", + " img = (np.array(img).astype(np.float32) / 255) - np.array(\n", + " [0.485, 0.456, 0.406], dtype=np.float32\n", + " ).reshape(1, 1, 3)\n", + " img = img / np.array([0.229, 0.224, 0.225], dtype=np.float32).reshape(1, 1, 3)\n", + " img = np.transpose(img, (2, 0, 1))\n", + " return img.tolist()" + ] + }, + { + "cell_type": "markdown", + "id": "c171f622", + "metadata": {}, + "source": [ + "The `tritonclient` package provides utility methods to generate the payload without having to know the details of the specification. We'll use the following methods to convert our inference request into a binary format which provides lower latencies for inference." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "f9799f41", + "metadata": {}, + "outputs": [], + "source": [ + "import tritonclient.http as httpclient\n", + "\n", + "\n", + "def _get_sample_image_binary(input_name, output_name):\n", + " inputs = []\n", + " outputs = []\n", + " inputs.append(httpclient.InferInput(input_name, [1, 3, 224, 224], \"FP32\"))\n", + " input_data = np.array(get_sample_image(), dtype=np.float32)\n", + " input_data = np.expand_dims(input_data, axis=0)\n", + " inputs[0].set_data_from_numpy(input_data, binary_data=True)\n", + " outputs.append(httpclient.InferRequestedOutput(output_name, binary_data=True))\n", + " request_body, header_length = httpclient.InferenceServerClient.generate_request_body(\n", + " inputs, outputs=outputs\n", + " )\n", + " return request_body, header_length\n", + "\n", + "\n", + "def get_sample_image_binary_pt():\n", + " return _get_sample_image_binary(\"INPUT__0\", \"OUTPUT__0\")\n", + "\n", + "\n", + "def get_sample_image_binary_trt():\n", + " return _get_sample_image_binary(\"input\", \"output\")" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "fa670b92", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "=============\n", + "== PyTorch ==\n", + "=============\n", + "\n", + "NVIDIA Release 21.08 (build 26011915)\n", + "PyTorch Version 1.10.0a0+3fd9dcf\n", + "\n", + "Container image Copyright (c) 2021, NVIDIA CORPORATION. All rights reserved.\n", + "\n", + "Copyright (c) 2014-2021 Facebook Inc.\n", + "Copyright (c) 2011-2014 Idiap Research Institute (Ronan Collobert)\n", + "Copyright (c) 2012-2014 Deepmind Technologies (Koray Kavukcuoglu)\n", + "Copyright (c) 2011-2012 NEC Laboratories America (Koray Kavukcuoglu)\n", + "Copyright (c) 2011-2013 NYU (Clement Farabet)\n", + "Copyright (c) 2006-2010 NEC Laboratories America (Ronan Collobert, Leon Bottou, Iain Melvin, Jason Weston)\n", + "Copyright (c) 2006 Idiap Research Institute (Samy Bengio)\n", + "Copyright (c) 2001-2004 Idiap Research Institute (Ronan Collobert, Samy Bengio, Johnny Mariethoz)\n", + "Copyright (c) 2015 Google Inc.\n", + "Copyright (c) 2015 Yangqing Jia\n", + "Copyright (c) 2013-2016 The Caffe contributors\n", + "All rights reserved.\n", + "\n", + "NVIDIA Deep Learning Profiler (dlprof) Copyright (c) 2021, NVIDIA CORPORATION. All rights reserved.\n", + "\n", + "Various files include modifications (c) NVIDIA CORPORATION. All rights reserved.\n", + "\n", + "This container image and its contents are governed by the NVIDIA Deep Learning Container License.\n", + "By pulling and using the container, you accept the terms and conditions of this license:\n", + "https://developer.nvidia.com/ngc/nvidia-deep-learning-container-license\n", + "\n", + "NOTE: MOFED driver for multi-node communication was not detected.\n", + " Multi-node communication performance may be reduced.\n", + "\n", + "NOTE: The SHMEM allocation limit is set to the default of 64MB. This may be\n", + " insufficient for PyTorch. NVIDIA recommends the use of the following flags:\n", + " nvidia-docker run --ipc=host ...\n", + "\n", + "Downloading: \"https://download.pytorch.org/models/resnet50-0676ba61.pth\" to /root/.cache/torch/hub/checkpoints/resnet50-0676ba61.pth\n", + "100%|███████████████████████████████████████| 97.8M/97.8M [00:00<00:00, 256MB/s]\n", + "Saved model.onnx\n", + "Using cuda device\n", + "Saved model.pt\n", + "&&&& RUNNING TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose\n", + "[03/14/2023-21:25:12] [I] === Model Options ===\n", + "[03/14/2023-21:25:12] [I] Format: ONNX\n", + "[03/14/2023-21:25:12] [I] Model: model.onnx\n", + "[03/14/2023-21:25:12] [I] Output:\n", + "[03/14/2023-21:25:12] [I] === Build Options ===\n", + "[03/14/2023-21:25:12] [I] Max batch: explicit\n", + "[03/14/2023-21:25:12] [I] Workspace: 16 MiB\n", + "[03/14/2023-21:25:12] [I] minTiming: 1\n", + "[03/14/2023-21:25:12] [I] avgTiming: 8\n", + "[03/14/2023-21:25:12] [I] Precision: FP32+FP16\n", + "[03/14/2023-21:25:12] [I] Calibration: \n", + "[03/14/2023-21:25:12] [I] Refit: Disabled\n", + "[03/14/2023-21:25:12] [I] Sparsity: Disabled\n", + "[03/14/2023-21:25:12] [I] Safe mode: Disabled\n", + "[03/14/2023-21:25:12] [I] Restricted mode: Disabled\n", + "[03/14/2023-21:25:12] [I] Save engine: model.plan\n", + "[03/14/2023-21:25:12] [I] Load engine: \n", + "[03/14/2023-21:25:12] [I] NVTX verbosity: 0\n", + "[03/14/2023-21:25:12] [I] Tactic sources: Using default tactic sources\n", + "[03/14/2023-21:25:12] [I] timingCacheMode: local\n", + "[03/14/2023-21:25:12] [I] timingCacheFile: \n", + "[03/14/2023-21:25:12] [I] Input(s)s format: fp32:CHW\n", + "[03/14/2023-21:25:12] [I] Output(s)s format: fp32:CHW\n", + "[03/14/2023-21:25:12] [I] Input build shape: input=1x3x224x224+128x3x224x224+128x3x224x224\n", + "[03/14/2023-21:25:12] [I] Input calibration shapes: model\n", + "[03/14/2023-21:25:12] [I] === System Options ===\n", + "[03/14/2023-21:25:12] [I] Device: 0\n", + "[03/14/2023-21:25:12] [I] DLACore: \n", + "[03/14/2023-21:25:12] [I] Plugins:\n", + "[03/14/2023-21:25:12] [I] === Inference Options ===\n", + "[03/14/2023-21:25:12] [I] Batch: Explicit\n", + "[03/14/2023-21:25:12] [I] Input inference shape: input=128x3x224x224\n", + "[03/14/2023-21:25:12] [I] Iterations: 10\n", + "[03/14/2023-21:25:12] [I] Duration: 3s (+ 200ms warm up)\n", + "[03/14/2023-21:25:12] [I] Sleep time: 0ms\n", + "[03/14/2023-21:25:12] [I] Streams: 1\n", + "[03/14/2023-21:25:12] [I] ExposeDMA: Disabled\n", + "[03/14/2023-21:25:12] [I] Data transfers: Enabled\n", + "[03/14/2023-21:25:12] [I] Spin-wait: Disabled\n", + "[03/14/2023-21:25:12] [I] Multithreading: Disabled\n", + "[03/14/2023-21:25:12] [I] CUDA Graph: Disabled\n", + "[03/14/2023-21:25:12] [I] Separate profiling: Disabled\n", + "[03/14/2023-21:25:12] [I] Time Deserialize: Disabled\n", + "[03/14/2023-21:25:12] [I] Time Refit: Disabled\n", + "[03/14/2023-21:25:12] [I] Skip inference: Disabled\n", + "[03/14/2023-21:25:12] [I] Inputs:\n", + "[03/14/2023-21:25:12] [I] === Reporting Options ===\n", + "[03/14/2023-21:25:12] [I] Verbose: Enabled\n", + "[03/14/2023-21:25:12] [I] Averages: 10 inferences\n", + "[03/14/2023-21:25:12] [I] Percentile: 99\n", + "[03/14/2023-21:25:12] [I] Dump refittable layers:Disabled\n", + "[03/14/2023-21:25:12] [I] Dump output: Disabled\n", + "[03/14/2023-21:25:12] [I] Profile: Disabled\n", + "[03/14/2023-21:25:12] [I] Export timing to JSON file: \n", + "[03/14/2023-21:25:12] [I] Export output to JSON file: \n", + "[03/14/2023-21:25:12] [I] Export profile to JSON file: \n", + "[03/14/2023-21:25:12] [I] \n", + "[03/14/2023-21:25:12] [I] === Device Information ===\n", + "[03/14/2023-21:25:12] [I] Selected Device: Tesla T4\n", + "[03/14/2023-21:25:12] [I] Compute Capability: 7.5\n", + "[03/14/2023-21:25:12] [I] SMs: 40\n", + "[03/14/2023-21:25:12] [I] Compute Clock Rate: 1.59 GHz\n", + "[03/14/2023-21:25:12] [I] Device Global Memory: 14910 MiB\n", + "[03/14/2023-21:25:12] [I] Shared Memory per SM: 64 KiB\n", + "[03/14/2023-21:25:12] [I] Memory Bus Width: 256 bits (ECC enabled)\n", + "[03/14/2023-21:25:12] [I] Memory Clock Rate: 5.001 GHz\n", + "[03/14/2023-21:25:12] [I] \n", + "[03/14/2023-21:25:12] [I] TensorRT version: 8001\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Region_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Clip_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ScatterND version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::CropAndResize version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::EfficientNMS_ONNX_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::EfficientNMS_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Proposal version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Split version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1\n", + "[03/14/2023-21:25:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +328, GPU +0, now: CPU 335, GPU 251 (MiB)\n", + "[03/14/2023-21:25:13] [I] Start parsing network model\n", + "[03/14/2023-21:25:13] [I] [TRT] ----------------------------------------------------------------\n", + "[03/14/2023-21:25:13] [I] [TRT] Input filename: model.onnx\n", + "[03/14/2023-21:25:13] [I] [TRT] ONNX IR version: 0.0.6\n", + "[03/14/2023-21:25:13] [I] [TRT] Opset version: 11\n", + "[03/14/2023-21:25:13] [I] [TRT] Producer name: pytorch\n", + "[03/14/2023-21:25:13] [I] [TRT] Producer version: 1.10\n", + "[03/14/2023-21:25:13] [I] [TRT] Domain: \n", + "[03/14/2023-21:25:13] [I] [TRT] Model version: 0\n", + "[03/14/2023-21:25:13] [I] [TRT] Doc string: \n", + "[03/14/2023-21:25:13] [I] [TRT] ----------------------------------------------------------------\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::GridAnchor_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::GridAnchorRect_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::NMS_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Reorg_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Region_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Clip_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::LReLU_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::PriorBox_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Normalize_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ScatterND version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::RPROI_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::BatchedNMS_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::FlattenConcat_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::CropAndResize version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::DetectionLayer_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::EfficientNMS_ONNX_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::EfficientNMS_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Proposal version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ProposalLayer_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::PyramidROIAlign_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ResizeNearest_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Split version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::SpecialSlice_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::InstanceNormalization_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Adding network input: input with dtype: float32, dimensions: (-1, 3, 224, 224)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: input for ONNX tensor: input\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: fc.weight\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: fc.bias\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 497\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 498\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 500\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 501\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 503\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 504\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 506\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 507\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 509\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 510\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 513\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 515\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 516\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 518\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 519\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 521\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 522\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 524\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 525\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 527\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 528\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 530\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 531\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 533\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 534\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 536\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 537\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 539\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 540\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 542\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 543\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 545\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 546\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 548\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 549\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 551\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 552\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 554\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 555\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 557\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 558\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 560\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 561\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 563\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 564\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 566\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 567\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 569\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 570\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 572\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 573\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 575\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 576\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 578\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 579\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 581\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 582\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 584\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 585\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 587\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 588\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 590\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 591\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 593\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 594\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 596\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 597\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 599\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 600\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 602\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 603\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 605\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 606\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 608\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 609\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 611\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 612\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 614\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 615\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 617\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 618\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 620\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 621\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 623\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 624\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 626\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 627\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 629\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 630\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 632\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 633\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 635\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 636\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 638\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 639\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 641\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 642\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 644\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 645\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 647\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 648\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 650\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 651\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 653\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 654\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_0 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: input\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 497\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 498\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_0 [Conv] inputs: [input -> (-1, 3, 224, 224)[FLOAT]], [497 -> (64, 3, 7, 7)[FLOAT]], [498 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 3, 224, 224)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_0 for ONNX node: Conv_0\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (7, 7), strides: (2, 2), prepadding: (3, 3), postpadding: (3, 3), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 112, 112)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 496 for ONNX tensor: 496\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_0 [Conv] outputs: [496 -> (-1, 64, 112, 112)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_1 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 496\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_1 [Relu] inputs: [496 -> (-1, 64, 112, 112)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_1 for ONNX node: Relu_1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 323 for ONNX tensor: 323\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_1 [Relu] outputs: [323 -> (-1, 64, 112, 112)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: MaxPool_2 [MaxPool]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 323\r\n", + "[03/14/2023-21:25:13] [V] [TRT] MaxPool_2 [MaxPool] inputs: [323 -> (-1, 64, 112, 112)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: MaxPool_2 for ONNX node: MaxPool_2\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 324 for ONNX tensor: 324\r\n", + "[03/14/2023-21:25:13] [V] [TRT] MaxPool_2 [MaxPool] outputs: [324 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_3 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 324\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 500\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 501\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_3 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [500 -> (64, 64, 1, 1)[FLOAT]], [501 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_3 for ONNX node: Conv_3\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 499 for ONNX tensor: 499\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_3 [Conv] outputs: [499 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_4 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 499\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_4 [Relu] inputs: [499 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_4 for ONNX node: Relu_4\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 327 for ONNX tensor: 327\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_4 [Relu] outputs: [327 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_5 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 327\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 503\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 504\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_5 [Conv] inputs: [327 -> (-1, 64, 56, 56)[FLOAT]], [503 -> (64, 64, 3, 3)[FLOAT]], [504 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_5 for ONNX node: Conv_5\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 502 for ONNX tensor: 502\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_5 [Conv] outputs: [502 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_6 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 502\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_6 [Relu] inputs: [502 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_6 for ONNX node: Relu_6\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 330 for ONNX tensor: 330\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_6 [Relu] outputs: [330 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_7 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 330\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 506\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 507\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_7 [Conv] inputs: [330 -> (-1, 64, 56, 56)[FLOAT]], [506 -> (256, 64, 1, 1)[FLOAT]], [507 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_7 for ONNX node: Conv_7\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 505 for ONNX tensor: 505\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_7 [Conv] outputs: [505 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_8 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 324\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 509\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 510\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_8 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [509 -> (256, 64, 1, 1)[FLOAT]], [510 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_8 for ONNX node: Conv_8\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 508 for ONNX tensor: 508\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_8 [Conv] outputs: [508 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_9 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 505\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 508\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_9 [Add] inputs: [505 -> (-1, 256, 56, 56)[FLOAT]], [508 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_9 for ONNX node: Add_9\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 335 for ONNX tensor: 335\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_9 [Add] outputs: [335 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_10 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 335\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_10 [Relu] inputs: [335 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_10 for ONNX node: Relu_10\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 336 for ONNX tensor: 336\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_10 [Relu] outputs: [336 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_11 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 336\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 513\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_11 [Conv] inputs: [336 -> (-1, 256, 56, 56)[FLOAT]], [512 -> (64, 256, 1, 1)[FLOAT]], [513 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_11 for ONNX node: Conv_11\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 511 for ONNX tensor: 511\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_11 [Conv] outputs: [511 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_12 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 511\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_12 [Relu] inputs: [511 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_12 for ONNX node: Relu_12\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 339 for ONNX tensor: 339\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_12 [Relu] outputs: [339 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_13 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 339\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 515\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 516\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_13 [Conv] inputs: [339 -> (-1, 64, 56, 56)[FLOAT]], [515 -> (64, 64, 3, 3)[FLOAT]], [516 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_13 for ONNX node: Conv_13\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 514 for ONNX tensor: 514\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_13 [Conv] outputs: [514 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_14 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 514\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_14 [Relu] inputs: [514 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_14 for ONNX node: Relu_14\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 342 for ONNX tensor: 342\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_14 [Relu] outputs: [342 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_15 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 342\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 518\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 519\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_15 [Conv] inputs: [342 -> (-1, 64, 56, 56)[FLOAT]], [518 -> (256, 64, 1, 1)[FLOAT]], [519 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_15 for ONNX node: Conv_15\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 517 for ONNX tensor: 517\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_15 [Conv] outputs: [517 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_16 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 517\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 336\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_16 [Add] inputs: [517 -> (-1, 256, 56, 56)[FLOAT]], [336 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_16 for ONNX node: Add_16\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 345 for ONNX tensor: 345\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_16 [Add] outputs: [345 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_17 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 345\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_17 [Relu] inputs: [345 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_17 for ONNX node: Relu_17\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 346 for ONNX tensor: 346\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_17 [Relu] outputs: [346 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_18 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 346\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 521\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 522\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_18 [Conv] inputs: [346 -> (-1, 256, 56, 56)[FLOAT]], [521 -> (64, 256, 1, 1)[FLOAT]], [522 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_18 for ONNX node: Conv_18\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 520 for ONNX tensor: 520\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_18 [Conv] outputs: [520 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_19 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 520\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_19 [Relu] inputs: [520 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_19 for ONNX node: Relu_19\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 349 for ONNX tensor: 349\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_19 [Relu] outputs: [349 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_20 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 349\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 524\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 525\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_20 [Conv] inputs: [349 -> (-1, 64, 56, 56)[FLOAT]], [524 -> (64, 64, 3, 3)[FLOAT]], [525 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_20 for ONNX node: Conv_20\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 523 for ONNX tensor: 523\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_20 [Conv] outputs: [523 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_21 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 523\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_21 [Relu] inputs: [523 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_21 for ONNX node: Relu_21\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 352 for ONNX tensor: 352\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_21 [Relu] outputs: [352 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_22 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 352\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 527\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 528\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_22 [Conv] inputs: [352 -> (-1, 64, 56, 56)[FLOAT]], [527 -> (256, 64, 1, 1)[FLOAT]], [528 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_22 for ONNX node: Conv_22\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 526 for ONNX tensor: 526\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_22 [Conv] outputs: [526 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_23 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 526\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 346\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_23 [Add] inputs: [526 -> (-1, 256, 56, 56)[FLOAT]], [346 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_23 for ONNX node: Add_23\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 355 for ONNX tensor: 355\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_23 [Add] outputs: [355 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_24 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 355\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_24 [Relu] inputs: [355 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_24 for ONNX node: Relu_24\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 356 for ONNX tensor: 356\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_24 [Relu] outputs: [356 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_25 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 356\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 530\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 531\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_25 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [530 -> (128, 256, 1, 1)[FLOAT]], [531 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_25 for ONNX node: Conv_25\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 529 for ONNX tensor: 529\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_25 [Conv] outputs: [529 -> (-1, 128, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_26 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 529\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_26 [Relu] inputs: [529 -> (-1, 128, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_26 for ONNX node: Relu_26\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 359 for ONNX tensor: 359\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_26 [Relu] outputs: [359 -> (-1, 128, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_27 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 359\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 533\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 534\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_27 [Conv] inputs: [359 -> (-1, 128, 56, 56)[FLOAT]], [533 -> (128, 128, 3, 3)[FLOAT]], [534 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_27 for ONNX node: Conv_27\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 532 for ONNX tensor: 532\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_27 [Conv] outputs: [532 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_28 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 532\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_28 [Relu] inputs: [532 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_28 for ONNX node: Relu_28\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 362 for ONNX tensor: 362\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_28 [Relu] outputs: [362 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_29 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 362\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 536\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 537\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_29 [Conv] inputs: [362 -> (-1, 128, 28, 28)[FLOAT]], [536 -> (512, 128, 1, 1)[FLOAT]], [537 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_29 for ONNX node: Conv_29\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 535 for ONNX tensor: 535\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_29 [Conv] outputs: [535 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_30 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 356\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 539\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 540\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_30 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [539 -> (512, 256, 1, 1)[FLOAT]], [540 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_30 for ONNX node: Conv_30\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 538 for ONNX tensor: 538\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_30 [Conv] outputs: [538 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_31 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 535\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 538\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_31 [Add] inputs: [535 -> (-1, 512, 28, 28)[FLOAT]], [538 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_31 for ONNX node: Add_31\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 367 for ONNX tensor: 367\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_31 [Add] outputs: [367 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_32 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 367\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_32 [Relu] inputs: [367 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_32 for ONNX node: Relu_32\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 368 for ONNX tensor: 368\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_32 [Relu] outputs: [368 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_33 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 368\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 542\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 543\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_33 [Conv] inputs: [368 -> (-1, 512, 28, 28)[FLOAT]], [542 -> (128, 512, 1, 1)[FLOAT]], [543 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_33 for ONNX node: Conv_33\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 541 for ONNX tensor: 541\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_33 [Conv] outputs: [541 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_34 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 541\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_34 [Relu] inputs: [541 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_34 for ONNX node: Relu_34\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 371 for ONNX tensor: 371\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_34 [Relu] outputs: [371 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_35 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 371\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 545\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 546\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_35 [Conv] inputs: [371 -> (-1, 128, 28, 28)[FLOAT]], [545 -> (128, 128, 3, 3)[FLOAT]], [546 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_35 for ONNX node: Conv_35\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 544 for ONNX tensor: 544\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_35 [Conv] outputs: [544 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_36 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 544\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_36 [Relu] inputs: [544 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_36 for ONNX node: Relu_36\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 374 for ONNX tensor: 374\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_36 [Relu] outputs: [374 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_37 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 374\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 548\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 549\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_37 [Conv] inputs: [374 -> (-1, 128, 28, 28)[FLOAT]], [548 -> (512, 128, 1, 1)[FLOAT]], [549 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_37 for ONNX node: Conv_37\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 547 for ONNX tensor: 547\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_37 [Conv] outputs: [547 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_38 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 547\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 368\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_38 [Add] inputs: [547 -> (-1, 512, 28, 28)[FLOAT]], [368 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_38 for ONNX node: Add_38\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 377 for ONNX tensor: 377\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_38 [Add] outputs: [377 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_39 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 377\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_39 [Relu] inputs: [377 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_39 for ONNX node: Relu_39\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 378 for ONNX tensor: 378\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_39 [Relu] outputs: [378 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_40 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 378\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 551\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 552\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_40 [Conv] inputs: [378 -> (-1, 512, 28, 28)[FLOAT]], [551 -> (128, 512, 1, 1)[FLOAT]], [552 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_40 for ONNX node: Conv_40\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 550 for ONNX tensor: 550\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_40 [Conv] outputs: [550 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_41 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 550\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_41 [Relu] inputs: [550 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_41 for ONNX node: Relu_41\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 381 for ONNX tensor: 381\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_41 [Relu] outputs: [381 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_42 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 381\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 554\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 555\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_42 [Conv] inputs: [381 -> (-1, 128, 28, 28)[FLOAT]], [554 -> (128, 128, 3, 3)[FLOAT]], [555 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_42 for ONNX node: Conv_42\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 553 for ONNX tensor: 553\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_42 [Conv] outputs: [553 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_43 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 553\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_43 [Relu] inputs: [553 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_43 for ONNX node: Relu_43\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 384 for ONNX tensor: 384\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_43 [Relu] outputs: [384 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_44 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 384\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 557\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 558\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_44 [Conv] inputs: [384 -> (-1, 128, 28, 28)[FLOAT]], [557 -> (512, 128, 1, 1)[FLOAT]], [558 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_44 for ONNX node: Conv_44\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 556 for ONNX tensor: 556\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_44 [Conv] outputs: [556 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_45 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 556\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 378\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_45 [Add] inputs: [556 -> (-1, 512, 28, 28)[FLOAT]], [378 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_45 for ONNX node: Add_45\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 387 for ONNX tensor: 387\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_45 [Add] outputs: [387 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_46 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 387\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_46 [Relu] inputs: [387 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_46 for ONNX node: Relu_46\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 388 for ONNX tensor: 388\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_46 [Relu] outputs: [388 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_47 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 388\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 560\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 561\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_47 [Conv] inputs: [388 -> (-1, 512, 28, 28)[FLOAT]], [560 -> (128, 512, 1, 1)[FLOAT]], [561 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_47 for ONNX node: Conv_47\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 559 for ONNX tensor: 559\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_47 [Conv] outputs: [559 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_48 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 559\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_48 [Relu] inputs: [559 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_48 for ONNX node: Relu_48\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 391 for ONNX tensor: 391\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_48 [Relu] outputs: [391 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_49 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 391\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 563\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 564\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_49 [Conv] inputs: [391 -> (-1, 128, 28, 28)[FLOAT]], [563 -> (128, 128, 3, 3)[FLOAT]], [564 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_49 for ONNX node: Conv_49\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 562 for ONNX tensor: 562\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_49 [Conv] outputs: [562 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_50 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 562\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_50 [Relu] inputs: [562 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_50 for ONNX node: Relu_50\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 394 for ONNX tensor: 394\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_50 [Relu] outputs: [394 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_51 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 394\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 566\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 567\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_51 [Conv] inputs: [394 -> (-1, 128, 28, 28)[FLOAT]], [566 -> (512, 128, 1, 1)[FLOAT]], [567 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_51 for ONNX node: Conv_51\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 565 for ONNX tensor: 565\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_51 [Conv] outputs: [565 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_52 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 565\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 388\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_52 [Add] inputs: [565 -> (-1, 512, 28, 28)[FLOAT]], [388 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_52 for ONNX node: Add_52\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 397 for ONNX tensor: 397\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_52 [Add] outputs: [397 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_53 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 397\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_53 [Relu] inputs: [397 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_53 for ONNX node: Relu_53\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 398 for ONNX tensor: 398\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_53 [Relu] outputs: [398 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_54 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 398\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 569\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 570\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_54 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [569 -> (256, 512, 1, 1)[FLOAT]], [570 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_54 for ONNX node: Conv_54\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 568 for ONNX tensor: 568\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_54 [Conv] outputs: [568 -> (-1, 256, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_55 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 568\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_55 [Relu] inputs: [568 -> (-1, 256, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_55 for ONNX node: Relu_55\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 401 for ONNX tensor: 401\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_55 [Relu] outputs: [401 -> (-1, 256, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_56 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 401\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 572\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 573\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_56 [Conv] inputs: [401 -> (-1, 256, 28, 28)[FLOAT]], [572 -> (256, 256, 3, 3)[FLOAT]], [573 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_56 for ONNX node: Conv_56\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 571 for ONNX tensor: 571\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_56 [Conv] outputs: [571 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_57 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 571\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_57 [Relu] inputs: [571 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_57 for ONNX node: Relu_57\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 404 for ONNX tensor: 404\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_57 [Relu] outputs: [404 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_58 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 404\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 575\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 576\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_58 [Conv] inputs: [404 -> (-1, 256, 14, 14)[FLOAT]], [575 -> (1024, 256, 1, 1)[FLOAT]], [576 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_58 for ONNX node: Conv_58\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 574 for ONNX tensor: 574\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_58 [Conv] outputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_59 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 398\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 578\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 579\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_59 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [578 -> (1024, 512, 1, 1)[FLOAT]], [579 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_59 for ONNX node: Conv_59\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 577 for ONNX tensor: 577\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_59 [Conv] outputs: [577 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_60 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 574\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 577\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_60 [Add] inputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], [577 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_60 for ONNX node: Add_60\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 409 for ONNX tensor: 409\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_60 [Add] outputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_61 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 409\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_61 [Relu] inputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_61 for ONNX node: Relu_61\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 410 for ONNX tensor: 410\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_61 [Relu] outputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_62 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 410\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 581\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 582\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_62 [Conv] inputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], [581 -> (256, 1024, 1, 1)[FLOAT]], [582 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_62 for ONNX node: Conv_62\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 580 for ONNX tensor: 580\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_62 [Conv] outputs: [580 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_63 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 580\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_63 [Relu] inputs: [580 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_63 for ONNX node: Relu_63\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 413 for ONNX tensor: 413\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_63 [Relu] outputs: [413 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_64 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 413\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 584\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 585\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_64 [Conv] inputs: [413 -> (-1, 256, 14, 14)[FLOAT]], [584 -> (256, 256, 3, 3)[FLOAT]], [585 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_64 for ONNX node: Conv_64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 583 for ONNX tensor: 583\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_64 [Conv] outputs: [583 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_65 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 583\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_65 [Relu] inputs: [583 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_65 for ONNX node: Relu_65\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 416 for ONNX tensor: 416\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_65 [Relu] outputs: [416 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_66 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 416\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 587\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 588\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_66 [Conv] inputs: [416 -> (-1, 256, 14, 14)[FLOAT]], [587 -> (1024, 256, 1, 1)[FLOAT]], [588 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_66 for ONNX node: Conv_66\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 586 for ONNX tensor: 586\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_66 [Conv] outputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_67 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 586\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 410\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_67 [Add] inputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], [410 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_67 for ONNX node: Add_67\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 419 for ONNX tensor: 419\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_67 [Add] outputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_68 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 419\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_68 [Relu] inputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_68 for ONNX node: Relu_68\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 420 for ONNX tensor: 420\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_68 [Relu] outputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_69 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 420\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 590\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 591\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_69 [Conv] inputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], [590 -> (256, 1024, 1, 1)[FLOAT]], [591 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_69 for ONNX node: Conv_69\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 589 for ONNX tensor: 589\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_69 [Conv] outputs: [589 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_70 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 589\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_70 [Relu] inputs: [589 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_70 for ONNX node: Relu_70\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 423 for ONNX tensor: 423\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_70 [Relu] outputs: [423 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_71 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 423\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 593\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 594\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_71 [Conv] inputs: [423 -> (-1, 256, 14, 14)[FLOAT]], [593 -> (256, 256, 3, 3)[FLOAT]], [594 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_71 for ONNX node: Conv_71\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 592 for ONNX tensor: 592\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_71 [Conv] outputs: [592 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_72 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 592\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_72 [Relu] inputs: [592 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_72 for ONNX node: Relu_72\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 426 for ONNX tensor: 426\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_72 [Relu] outputs: [426 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_73 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 426\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 596\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 597\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_73 [Conv] inputs: [426 -> (-1, 256, 14, 14)[FLOAT]], [596 -> (1024, 256, 1, 1)[FLOAT]], [597 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_73 for ONNX node: Conv_73\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 595 for ONNX tensor: 595\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_73 [Conv] outputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_74 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 595\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 420\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_74 [Add] inputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], [420 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_74 for ONNX node: Add_74\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 429 for ONNX tensor: 429\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_74 [Add] outputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_75 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 429\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_75 [Relu] inputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_75 for ONNX node: Relu_75\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 430 for ONNX tensor: 430\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_75 [Relu] outputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_76 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 430\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 599\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 600\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_76 [Conv] inputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], [599 -> (256, 1024, 1, 1)[FLOAT]], [600 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_76 for ONNX node: Conv_76\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 598 for ONNX tensor: 598\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_76 [Conv] outputs: [598 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_77 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 598\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_77 [Relu] inputs: [598 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_77 for ONNX node: Relu_77\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 433 for ONNX tensor: 433\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_77 [Relu] outputs: [433 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_78 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 433\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 602\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 603\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_78 [Conv] inputs: [433 -> (-1, 256, 14, 14)[FLOAT]], [602 -> (256, 256, 3, 3)[FLOAT]], [603 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_78 for ONNX node: Conv_78\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 601 for ONNX tensor: 601\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_78 [Conv] outputs: [601 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_79 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 601\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_79 [Relu] inputs: [601 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_79 for ONNX node: Relu_79\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 436 for ONNX tensor: 436\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_79 [Relu] outputs: [436 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_80 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 436\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 605\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 606\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_80 [Conv] inputs: [436 -> (-1, 256, 14, 14)[FLOAT]], [605 -> (1024, 256, 1, 1)[FLOAT]], [606 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_80 for ONNX node: Conv_80\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 604 for ONNX tensor: 604\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_80 [Conv] outputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_81 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 604\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 430\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_81 [Add] inputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], [430 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_81 for ONNX node: Add_81\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 439 for ONNX tensor: 439\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_81 [Add] outputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_82 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 439\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_82 [Relu] inputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_82 for ONNX node: Relu_82\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 440 for ONNX tensor: 440\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_82 [Relu] outputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_83 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 440\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 608\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 609\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_83 [Conv] inputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], [608 -> (256, 1024, 1, 1)[FLOAT]], [609 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_83 for ONNX node: Conv_83\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 607 for ONNX tensor: 607\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_83 [Conv] outputs: [607 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_84 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 607\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_84 [Relu] inputs: [607 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_84 for ONNX node: Relu_84\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 443 for ONNX tensor: 443\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_84 [Relu] outputs: [443 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_85 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 443\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 611\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 612\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_85 [Conv] inputs: [443 -> (-1, 256, 14, 14)[FLOAT]], [611 -> (256, 256, 3, 3)[FLOAT]], [612 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_85 for ONNX node: Conv_85\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 610 for ONNX tensor: 610\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_85 [Conv] outputs: [610 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_86 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 610\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_86 [Relu] inputs: [610 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_86 for ONNX node: Relu_86\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 446 for ONNX tensor: 446\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_86 [Relu] outputs: [446 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_87 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 446\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 614\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 615\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_87 [Conv] inputs: [446 -> (-1, 256, 14, 14)[FLOAT]], [614 -> (1024, 256, 1, 1)[FLOAT]], [615 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_87 for ONNX node: Conv_87\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 613 for ONNX tensor: 613\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_87 [Conv] outputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_88 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 613\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 440\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_88 [Add] inputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], [440 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_88 for ONNX node: Add_88\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 449 for ONNX tensor: 449\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_88 [Add] outputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_89 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 449\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_89 [Relu] inputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_89 for ONNX node: Relu_89\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 450 for ONNX tensor: 450\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_89 [Relu] outputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_90 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 450\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 617\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 618\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_90 [Conv] inputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], [617 -> (256, 1024, 1, 1)[FLOAT]], [618 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_90 for ONNX node: Conv_90\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 616 for ONNX tensor: 616\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_90 [Conv] outputs: [616 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_91 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 616\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_91 [Relu] inputs: [616 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_91 for ONNX node: Relu_91\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 453 for ONNX tensor: 453\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_91 [Relu] outputs: [453 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_92 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 453\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 620\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 621\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_92 [Conv] inputs: [453 -> (-1, 256, 14, 14)[FLOAT]], [620 -> (256, 256, 3, 3)[FLOAT]], [621 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_92 for ONNX node: Conv_92\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 619 for ONNX tensor: 619\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_92 [Conv] outputs: [619 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_93 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 619\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_93 [Relu] inputs: [619 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_93 for ONNX node: Relu_93\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 456 for ONNX tensor: 456\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_93 [Relu] outputs: [456 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_94 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 456\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 623\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 624\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_94 [Conv] inputs: [456 -> (-1, 256, 14, 14)[FLOAT]], [623 -> (1024, 256, 1, 1)[FLOAT]], [624 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_94 for ONNX node: Conv_94\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 622 for ONNX tensor: 622\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_94 [Conv] outputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_95 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 622\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 450\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_95 [Add] inputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], [450 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_95 for ONNX node: Add_95\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 459 for ONNX tensor: 459\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_95 [Add] outputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_96 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 459\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_96 [Relu] inputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_96 for ONNX node: Relu_96\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 460 for ONNX tensor: 460\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_96 [Relu] outputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_97 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 460\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 626\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 627\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_97 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [626 -> (512, 1024, 1, 1)[FLOAT]], [627 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_97 for ONNX node: Conv_97\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 625 for ONNX tensor: 625\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_97 [Conv] outputs: [625 -> (-1, 512, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_98 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 625\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_98 [Relu] inputs: [625 -> (-1, 512, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_98 for ONNX node: Relu_98\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 463 for ONNX tensor: 463\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_98 [Relu] outputs: [463 -> (-1, 512, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_99 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 463\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 629\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 630\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_99 [Conv] inputs: [463 -> (-1, 512, 14, 14)[FLOAT]], [629 -> (512, 512, 3, 3)[FLOAT]], [630 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_99 for ONNX node: Conv_99\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 628 for ONNX tensor: 628\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_99 [Conv] outputs: [628 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_100 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 628\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_100 [Relu] inputs: [628 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_100 for ONNX node: Relu_100\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 466 for ONNX tensor: 466\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_100 [Relu] outputs: [466 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_101 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 466\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 632\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 633\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_101 [Conv] inputs: [466 -> (-1, 512, 7, 7)[FLOAT]], [632 -> (2048, 512, 1, 1)[FLOAT]], [633 -> (2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_101 for ONNX node: Conv_101\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 631 for ONNX tensor: 631\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_101 [Conv] outputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_102 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 460\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 635\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 636\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_102 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [635 -> (2048, 1024, 1, 1)[FLOAT]], [636 -> (2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_102 for ONNX node: Conv_102\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 634 for ONNX tensor: 634\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_102 [Conv] outputs: [634 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_103 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 631\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 634\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_103 [Add] inputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], [634 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_103 for ONNX node: Add_103\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 471 for ONNX tensor: 471\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_103 [Add] outputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_104 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 471\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_104 [Relu] inputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_104 for ONNX node: Relu_104\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 472 for ONNX tensor: 472\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_104 [Relu] outputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_105 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 472\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 638\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 639\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_105 [Conv] inputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], [638 -> (512, 2048, 1, 1)[FLOAT]], [639 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_105 for ONNX node: Conv_105\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 637 for ONNX tensor: 637\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_105 [Conv] outputs: [637 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_106 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 637\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_106 [Relu] inputs: [637 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_106 for ONNX node: Relu_106\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 475 for ONNX tensor: 475\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_106 [Relu] outputs: [475 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_107 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 475\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 641\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 642\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_107 [Conv] inputs: [475 -> (-1, 512, 7, 7)[FLOAT]], [641 -> (512, 512, 3, 3)[FLOAT]], [642 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_107 for ONNX node: Conv_107\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 640 for ONNX tensor: 640\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_107 [Conv] outputs: [640 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_108 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 640\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_108 [Relu] inputs: [640 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_108 for ONNX node: Relu_108\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 478 for ONNX tensor: 478\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_108 [Relu] outputs: [478 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_109 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 478\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 644\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 645\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_109 [Conv] inputs: [478 -> (-1, 512, 7, 7)[FLOAT]], [644 -> (2048, 512, 1, 1)[FLOAT]], [645 -> (2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_109 for ONNX node: Conv_109\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 643 for ONNX tensor: 643\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_109 [Conv] outputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_110 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 643\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 472\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_110 [Add] inputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], [472 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_110 for ONNX node: Add_110\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 481 for ONNX tensor: 481\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_110 [Add] outputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_111 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 481\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_111 [Relu] inputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_111 for ONNX node: Relu_111\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 482 for ONNX tensor: 482\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_111 [Relu] outputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_112 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 482\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 647\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 648\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_112 [Conv] inputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], [647 -> (512, 2048, 1, 1)[FLOAT]], [648 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_112 for ONNX node: Conv_112\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 646 for ONNX tensor: 646\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_112 [Conv] outputs: [646 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_113 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 646\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_113 [Relu] inputs: [646 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_113 for ONNX node: Relu_113\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 485 for ONNX tensor: 485\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_113 [Relu] outputs: [485 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_114 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 485\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 650\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 651\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_114 [Conv] inputs: [485 -> (-1, 512, 7, 7)[FLOAT]], [650 -> (512, 512, 3, 3)[FLOAT]], [651 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_114 for ONNX node: Conv_114\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 649 for ONNX tensor: 649\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_114 [Conv] outputs: [649 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_115 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 649\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_115 [Relu] inputs: [649 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_115 for ONNX node: Relu_115\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 488 for ONNX tensor: 488\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_115 [Relu] outputs: [488 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_116 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 488\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 653\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 654\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_116 [Conv] inputs: [488 -> (-1, 512, 7, 7)[FLOAT]], [653 -> (2048, 512, 1, 1)[FLOAT]], [654 -> (2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_116 for ONNX node: Conv_116\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 652 for ONNX tensor: 652\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_116 [Conv] outputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_117 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 652\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 482\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_117 [Add] inputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], [482 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_117 for ONNX node: Add_117\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 491 for ONNX tensor: 491\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_117 [Add] outputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_118 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 491\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_118 [Relu] inputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_118 for ONNX node: Relu_118\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 492 for ONNX tensor: 492\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_118 [Relu] outputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: GlobalAveragePool_119 [GlobalAveragePool]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 492\r\n", + "[03/14/2023-21:25:13] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] inputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: GlobalAveragePool_119 for ONNX node: GlobalAveragePool_119\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 493 for ONNX tensor: 493\r\n", + "[03/14/2023-21:25:13] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] outputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Flatten_120 [Flatten]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 493\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Flatten_120 [Flatten] inputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], \r\n", + "[W] [TRT] onnx2trt_utils.cpp:362: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.\r\n", + "[03/14/2023-21:25:13] [03/14/2023-21:25:13] [V] [TRT] Registering layer: Flatten_120 for ONNX node: Flatten_120\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 494 for ONNX tensor: 494\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Flatten_120 [Flatten] outputs: [494 -> (-1, 2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Gemm_121 [Gemm]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 494\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: fc.weight\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: fc.bias\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Gemm_121 [Gemm] inputs: [494 -> (-1, 2048)[FLOAT]], [fc.weight -> (1000, 2048)[FLOAT]], [fc.bias -> (1000)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] GEMM: using FC layer instead of MM because all criteria were met.\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Original shape: (_, 2048), unsqueezing to: (_, _, _, _)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Gemm_121 for ONNX node: Gemm_121\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Original shape: (_, 1000, 1, 1), squeezing to: (_, _)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: output_0 for ONNX tensor: output\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Gemm_121 [Gemm] outputs: [output -> (-1, 1000)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Marking output_0 as output: output\r\n", + "[03/14/2023-21:25:13] [I] Finish parsing network model\r\n", + "[03/14/2023-21:25:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +0, GPU +0, now: CPU 434, GPU 251 (MiB)\r\n", + "[03/14/2023-21:25:13] [I] [TRT] [MemUsageSnapshot] Builder begin: CPU 434 MiB, GPU 251 MiB\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Applying generic optimizations to the graph for inference.\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Original: 124 layers\r\n", + "[03/14/2023-21:25:13] [V] [TRT] After dead-layer removal: 124 layers\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ShuffleShuffleFusion: Fusing Flatten_120 with (Unnamed Layer* 131) [Shuffle]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Removing Flatten_120 + (Unnamed Layer* 131) [Shuffle]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] After Myelin optimization: 122 layers\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convert layer type of Gemm_121 from FULLY_CONNECTED to CONVOLUTION\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Removing shuffle_between_493_and_Gemm_121\r\n", + "[03/14/2023-21:25:13] [V] [TRT] After scale fusion: 122 layers\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_0 with Relu_1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_3 with Relu_4\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_8 with Add_9\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_5 with Relu_6\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_8 + Add_9 with Relu_10\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_11 with Relu_12\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_13 with Relu_14\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_15 with Add_16\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_15 + Add_16 with Relu_17\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_18 with Relu_19\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_20 with Relu_21\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_22 with Add_23\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_22 + Add_23 with Relu_24\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_25 with Relu_26\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_30 with Add_31\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_27 with Relu_28\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_30 + Add_31 with Relu_32\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_33 with Relu_34\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_35 with Relu_36\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_37 with Add_38\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_37 + Add_38 with Relu_39\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_40 with Relu_41\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_42 with Relu_43\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_44 with Add_45\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_44 + Add_45 with Relu_46\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_47 with Relu_48\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_49 with Relu_50\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_51 with Add_52\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_51 + Add_52 with Relu_53\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_54 with Relu_55\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_59 with Add_60\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_56 with Relu_57\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_59 + Add_60 with Relu_61\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_62 with Relu_63\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_64 with Relu_65\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_66 with Add_67\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_66 + Add_67 with Relu_68\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_69 with Relu_70\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_71 with Relu_72\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_73 with Add_74\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_73 + Add_74 with Relu_75\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_76 with Relu_77\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_78 with Relu_79\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_80 with Add_81\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_80 + Add_81 with Relu_82\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_83 with Relu_84\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_85 with Relu_86\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_87 with Add_88\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_87 + Add_88 with Relu_89\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_90 with Relu_91\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_92 with Relu_93\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_94 with Add_95\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_94 + Add_95 with Relu_96\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_97 with Relu_98\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_102 with Add_103\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_99 with Relu_100\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_102 + Add_103 with Relu_104\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_105 with Relu_106\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_107 with Relu_108\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_109 with Add_110\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_109 + Add_110 with Relu_111\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_112 with Relu_113\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_114 with Relu_115\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_116 with Add_117\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_116 + Add_117 with Relu_118\n", + "[03/14/2023-21:25:13] [V] [TRT] Swap the layer type of GlobalAveragePool_119 from REDUCE to POOLING\n", + "[03/14/2023-21:25:13] [V] [TRT] After vertical fusions: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] After dupe layer removal: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] After final dead-layer removal: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] After tensor merging: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] After concat removal: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] Graph construction and optimization completed in 0.472305 seconds.\n", + "[03/14/2023-21:25:14] [V] [TRT] Using cublasLt a tactic source\n", + "[03/14/2023-21:25:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +491, GPU +212, now: CPU 925, GPU 463 (MiB)\n", + "[03/14/2023-21:25:14] [V] [TRT] Using cuDNN as a tactic source\n", + "[03/14/2023-21:25:15] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +286, GPU +198, now: CPU 1211, GPU 661 (MiB)\n", + "[W] [03/14/2023-21:25:15] [TRT] Detected invalid timing cache, setup a local cache instead\n", + "[03/14/2023-21:25:15] [V] [TRT] Constructing optimization profile number 0 [1/1].\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Float(150528,1,672,3) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 5.71445\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.664824\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.664824\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(150528,50176,224,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.57742\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.593652\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 1002 Time: 0.57742\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(100352,50176:2,224,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.720756\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.568124\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.568124\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:4,224,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.51704\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.531456\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 1002 Time: 0.51704\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:8,224,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.780808\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.761044\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.761044\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning format combination: Float(150528,50176,224,1) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 0 Time: 21.543\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 1 Time: 11.6484\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 944111616, available: 16777216\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 56 Time: 21.246\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 57 Time: 11.8987\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 944111616, available: 16777216\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216\n", + "[03/14/2023-21:25:17] [I] [TRT] Some tactics do not have sufficient workspace memory to run. Increasing workspace size may increase performance, please check verbose output.\n", + "[03/14/2023-21:25:17] [V] [TRT] Fastest Tactic: 1 Time: 11.6484\n", + "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 1825138533642645384 Time: 9.71293\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 2842488832350522458 Time: 5.23158\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 6448355332020552203 Time: 10.9645\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: -8060443123034038864 Time: 5.25836\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: -4420849921117327522 Time: 7.23761\n", + "[03/14/2023-21:25:17] [V] [TRT] Fastest Tactic: 2842488832350522458 Time: 5.23158\n", + "[03/14/2023-21:25:17] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling\n", + "[03/14/2023-21:25:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2842488832350522458\n", + "[03/14/2023-21:25:17] [V] [TRT] *************** Autotuning format combination: Float(150528,1,672,3) -> Float(802816,1,7168,64) ***************\n", + "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:25:18] [V] [TRT] Tactic: 861694390046228376 Time: 23.1077\n", + "[03/14/2023-21:25:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:25:18] [V] [TRT] Tactic: -3853827649136781465 Time: 22.8469\n", + "[03/14/2023-21:25:18] [V] [TRT] Fastest Tactic: -3853827649136781465 Time: 22.8469\n", + "[03/14/2023-21:25:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3853827649136781465\n", + "[03/14/2023-21:25:18] [V] [TRT] *************** Autotuning format combination: Half(150528,50176,224,1) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:18] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:18] [V] [TRT] Tactic: 0 Time: 17.9787\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1 Time: 9.16748\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 472055808, available: 16777216\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 56 Time: 18.3045\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 58 skipped. Scratch requested: 472055808, available: 16777216\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216\n", + "[03/14/2023-21:25:19] [V] [TRT] Fastest Tactic: 1 Time: 9.16748\n", + "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:19] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling\n", + "[03/14/2023-21:25:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:25:19] [V] [TRT] *************** Autotuning format combination: Half(100352,50176:2,224,1) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1145226902788474763 Time: 3.48345\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1651411198763708804 Time: 4.26286\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 2418518597804310654 Time: 4.08451\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 4653005425971292725 Time: 4.04401\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 4930470141256631146 Time: 4.56622\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 8292881859266835088 Time: 4.60886\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: -7448936905981214224 Time: 4.7099\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -3754890472406891741 Time: 7.79769\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -3689982367035295496 Time: 7.57531\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -2894005464278291378 Time: 4.05728\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -1968398013367819764 Time: 7.74699\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -245090590808296743 Time: 7.71212\n", + "[03/14/2023-21:25:20] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 3.48345\n", + "[03/14/2023-21:25:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:4,224,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -8357652348141719927 Time: 2.54385\n", + "[03/14/2023-21:25:20] [V] [TRT] Fastest Tactic: -8357652348141719927 Time: 2.54385\n", + "[03/14/2023-21:25:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8357652348141719927\n", + "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: 385569945292539752 Time: 20.1049\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:25:21] [V] [TRT] Tactic: 833287959109025818 Time: 47.4672\n", + "[03/14/2023-21:25:21] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:25:21] [V] [TRT] Tactic: 1013168150133367738 Time: 7.91085\n", + "[03/14/2023-21:25:21] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:25:22] [V] [TRT] Tactic: 1067227531433278814 Time: 13.9466\n", + "[03/14/2023-21:25:22] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:25:23] [V] [TRT] Tactic: 1554365048685552334 Time: 85.859\n", + "[03/14/2023-21:25:23] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:25:24] [V] [TRT] Tactic: 2027733232253711640 Time: 53.7406\n", + "[03/14/2023-21:25:24] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:25:24] [V] [TRT] Tactic: 3745975654290680669 Time: 42.5785\n", + "[03/14/2023-21:25:24] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:25:25] [V] [TRT] Tactic: 3784804427912340706 Time: 26.8018\n", + "[03/14/2023-21:25:25] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:25:25] [V] [TRT] Tactic: 3823144360994712832 Time: 14.6826\n", + "[03/14/2023-21:25:25] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5635311898703673455 Time: 25.2829\n", + "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5848150552772236982 Time: 22.1839\n", + "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5925270497649423688 Time: 21.6914\n", + "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:25:26] [V] [TRT] Tactic: 6623704051070449703 Time: 11.8015\n", + "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:25:27] [V] [TRT] Tactic: 6680916730816870145 Time: 23.8214\n", + "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7114340626053367917 Time: 14.4581\n", + "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7158029511300006471 Time: 12.2704\n", + "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7612687199567064086 Time: 10.3118\n", + "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:25:28] [V] [TRT] Tactic: 7729555994715864793 Time: 18.647\n", + "[03/14/2023-21:25:28] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:25:28] [V] [TRT] Tactic: 8283847742354150423 Time: 25.0717\n", + "[03/14/2023-21:25:28] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:25:29] [V] [TRT] Tactic: 8455608235315878803 Time: 30.1258\n", + "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:25:29] [V] [TRT] Tactic: 8668812313058150080 Time: 23.6679\n", + "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:25:29] [V] [TRT] Tactic: -8992262742606384444 Time: 8.30963\n", + "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:25:29] [V] [TRT] Tactic: -8682550625095202832 Time: 8.29962\n", + "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:25:30] [V] [TRT] Tactic: -7615325597099025933 Time: 13.4221\n", + "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:25:30] [V] [TRT] Tactic: -7594446953125532601 Time: 21.9614\n", + "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:25:30] [V] [TRT] Tactic: -6828337260021572283 Time: 15.3387\n", + "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:25:30] [V] [TRT] Tactic: -6711815420995272523 Time: 12.5883\n", + "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:25:31] [V] [TRT] Tactic: -6636202818604544855 Time: 40.7407\n", + "[03/14/2023-21:25:31] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:25:31] [V] [TRT] Tactic: -6273232454637933930 Time: 14.7533\n", + "[03/14/2023-21:25:31] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:25:32] [V] [TRT] Tactic: -5710735840878760115 Time: 28.2671\n", + "[03/14/2023-21:25:32] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:25:32] [V] [TRT] Tactic: -5589367647444470524 Time: 33.8799\n", + "[03/14/2023-21:25:32] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:25:33] [V] [TRT] Tactic: -4954692664176521434 Time: 24.3415\n", + "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:25:33] [V] [TRT] Tactic: -4116131327756252574 Time: 16.8688\n", + "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:25:33] [V] [TRT] Tactic: -2586046817576862066 Time: 24.3796\n", + "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: -1708101578041178688 Time: 25.3849\n", + "[03/14/2023-21:25:34] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: -229563042944049199 Time: 25.5176\n", + "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 1013168150133367738 Time: 7.91085\n", + "[03/14/2023-21:25:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1013168150133367738\n", + "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 3.06628\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 0 Time: 3.13128\n", + "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 1002 Time: 3.06628\n", + "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 3.41104\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 0 Time: 2.513\n", + "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 0 Time: 2.513\n", + "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 2.49911\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.49263\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 2.49263\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 4.95445\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 5.86912\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 4.95445\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.38749\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 5.76312\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.38749\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.29618\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 6.091\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.29618\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.43356\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.90286\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 2.43356\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.56891\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 4.11356\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.56891\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.73615\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.13229\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 2.13229\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.49896\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 1.80608\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 1.80608\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.51646\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.6525\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.6525\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 5.94336\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.04028\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.04028\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 1.83338\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.8116\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.8116\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.401\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.9431\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.9431\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.26722\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.66633\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.66633\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 2.58342\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.67387\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.67387\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning format combination: Float(802816,12544,112,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 257 Time: 8.20848\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 65793 Time: 5.83138\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 131329 Time: 4.89147\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 196865 Time: 4.2373\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 262401 Time: 3.40176\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 327937 Time: 5.77686\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 393473 Time: 3.93274\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 459009 Time: 8.29098\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 524545 Time: 5.78809\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 590081 Time: 4.66939\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 655617 Time: 2.72731\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 721153 Time: 2.39115\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 786689 Time: 3.69474\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 852225 Time: 3.31084\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 917761 Time: 8.49416\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 983297 Time: 5.87689\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1048833 Time: 4.64253\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1114369 Time: 2.56432\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1179905 Time: 2.33496\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1245441 Time: 3.55686\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1310977 Time: 3.24315\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1376513 Time: 8.58528\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1442049 Time: 5.9628\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1507585 Time: 4.66484\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1573121 Time: 2.50158\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1638657 Time: 2.29754\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1704193 Time: 3.47492\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1769729 Time: 3.22501\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1835265 Time: 8.61867\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1900801 Time: 5.99947\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1966337 Time: 4.69106\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2031873 Time: 2.4814\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2097409 Time: 2.29431\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2162945 Time: 3.44501\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2228481 Time: 3.21477\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2294017 Time: 8.65303\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2359553 Time: 6.02078\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2425089 Time: 4.75153\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2490625 Time: 2.46538\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2556161 Time: 2.2986\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2621697 Time: 3.43129\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2687233 Time: 3.23195\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 6947073 Time: 2.10846\n", + "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: 6947073 Time: 2.10846\n", + "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: -1 Time: 2.4287\n", + "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: -1 Time: 2.4287\n", + "[03/14/2023-21:25:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 6947073\n", + "[03/14/2023-21:25:40] [V] [TRT] *************** Autotuning format combination: Half(802816,12544,112,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", + "[03/14/2023-21:25:40] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: -1 Time: 1.79429\n", + "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: -1 Time: 1.79429\n", + "[03/14/2023-21:25:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", + "[03/14/2023-21:25:40] [V] [TRT] *************** Autotuning format combination: Half(401408,12544:2,112,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 257 Time: 4.11484\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 65793 Time: 2.92519\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 131329 Time: 2.48088\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 196865 Time: 2.28471\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 262401 Time: 1.7983\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 327937 Time: 3.0425\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 393473 Time: 2.07234\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 459009 Time: 4.15246\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 524545 Time: 2.90165\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 590081 Time: 2.33934\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 655617 Time: 1.41204\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 721153 Time: 1.21599\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 786689 Time: 1.88649\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 852225 Time: 1.65768\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 917761 Time: 4.25703\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 983297 Time: 2.94405\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1048833 Time: 2.33393\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1114369 Time: 1.31246\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1179905 Time: 1.17458\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1245441 Time: 1.7828\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1310977 Time: 1.63078\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1376513 Time: 4.30886\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1442049 Time: 2.99532\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1507585 Time: 2.33558\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1573121 Time: 1.27401\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1638657 Time: 1.1602\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1704193 Time: 1.74848\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1769729 Time: 1.62441\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1835265 Time: 4.32142\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1900801 Time: 3.00278\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1966337 Time: 2.34134\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2031873 Time: 1.26742\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2097409 Time: 1.15705\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2162945 Time: 1.74084\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2228481 Time: 1.62867\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2294017 Time: 4.33209\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2359553 Time: 3.01586\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2425089 Time: 2.36239\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2490625 Time: 1.25373\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2556161 Time: 1.14865\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2621697 Time: 1.73082\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 2687233 Time: 1.62675\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 6947073 Time: 1.06497\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 6947073 Time: 1.06497\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: -3 Time: 1.04372\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -3 Time: 1.04372\n", + "[03/14/2023-21:25:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -3\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,896,8) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", + "[03/14/2023-21:25:43] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: -2 Time: 1.08413\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -2 Time: 1.08413\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: -1 Time: 1.01571\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -1 Time: 1.01571\n", + "[03/14/2023-21:25:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.892344\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.05172\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.892344\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.77658\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.78904\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.77658\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.855092\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.619432\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.619432\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.62408\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.625736\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.62408\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.921072\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.02291\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.921072\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.791452\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.00167\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.791452\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.701276\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.524596\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.524596\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.617296\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.4525\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.4525\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.10406\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.6661\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.6661\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.81778\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.838572\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.81778\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.43644\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.533264\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.533264\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.462248\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.457304\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.457304\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.07535\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.721604\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.721604\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.74746\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.699288\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.699288\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.05312\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.42528\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.42528\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.653364\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.42544\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.42544\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.88996\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.04087\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.88996\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.777104\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.789264\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.777104\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.857196\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.6192\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.6192\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.624172\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.625732\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.624172\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.22497\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.38453\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 1.22497\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.850476\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.27671\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.850476\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.832964\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.386\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.832964\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.616336\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.714348\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.616336\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.917008\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.01953\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.917008\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.789616\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 1.00701\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1002 Time: 0.789616\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.704504\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.526772\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.526772\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.620444\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.45306\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.45306\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.10257\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.665308\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.665308\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.815028\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.838532\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1002 Time: 0.815028\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.40004\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.52708\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.52708\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.464576\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.457712\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.457712\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.07262\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.7222\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.7222\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.748168\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.703344\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.703344\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.06236\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.42376\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.42376\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.647544\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.425076\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.425076\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 3.48695\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1 Time: 2.65732\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 56 Time: 3.49019\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 57 Time: 2.66046\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1 Time: 2.65732\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1754569683116234317 Time: 1.04352\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1825138533642645384 Time: 1.0672\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 2733356012094739613 Time: 1.30806\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 3915320020053085238 Time: 1.16599\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 6808617066150061604 Time: 0.896376\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 9091006216302412844 Time: 0.926316\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: -8060443123034038864 Time: 0.89492\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: -4420849921117327522 Time: 1.28111\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: -3946921629105938337 Time: 1.30816\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: -8060443123034038864 Time: 0.89492\n", + "[03/14/2023-21:25:44] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling\n", + "[03/14/2023-21:25:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 861694390046228376 Time: 1.15135\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5258189349241541167 Time: 0.94812\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5821621277990374316 Time: 1.2214\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5863767799113001648 Time: 1.48661\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: -9147980667639709536 Time: 1.18257\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8892196987859366827 Time: 1.17438\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8850904373104590857 Time: 0.947876\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8010679767156598961 Time: 1.40425\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7751035352149795660 Time: 1.13036\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -5115676123557684531 Time: 1.21842\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -493597327599791285 Time: 0.959012\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -423878181466897819 Time: 1.4373\n", + "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 0.947876\n", + "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 0 Time: 2.58845\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1 Time: 1.63566\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 56 Time: 2.64552\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 1 Time: 1.63566\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling\n", + "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1651411198763708804 Time: 0.476604\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2418518597804310654 Time: 0.476256\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4318470497547290900 Time: 0.474092\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4930470141256631146 Time: 0.64272\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 8292881859266835088 Time: 0.64278\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 8401509141903434922 Time: 0.47518\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8654297089785671176 Time: 0.84054\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7516584506774355935 Time: 0.647572\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7140760933967189247 Time: 0.480688\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -6004726995029373073 Time: 0.642964\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -5719726816705110014 Time: 0.852844\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -4097850214384059472 Time: 0.647228\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -3717489476759089008 Time: 0.47996\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -3689982367035295496 Time: 0.84128\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2640575123064142123 Time: 0.604424\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2534402059426524406 Time: 0.618044\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2027588946874785071 Time: 0.641636\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -1968398013367819764 Time: 0.9028\n", + "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 4318470497547290900 Time: 0.474092\n", + "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 4318470497547290900\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 0 Time: 3.37412\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102789120, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760960, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 56 Time: 3.40972\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760960, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 0 Time: 3.37412\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 83696452256923412 Time: 0.443968\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 106549059816437840 Time: 0.422144\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1179757074518529353 Time: 0.448888\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2105695814191699972 Time: 0.544312\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2148106709480872763 Time: 0.459428\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2410442691266548717 Time: 0.472784\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2511830168590723349 Time: 0.93286\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2634905271404611895 Time: 0.449592\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2689212690707793357 Time: 0.830776\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2798075085844016892 Time: 0.458072\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 3041642431972138763 Time: 0.431032\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3091156937974993800 Time: 0.457192\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3199589679702517123 Time: 0.922036\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3754069740140581927 Time: 0.565196\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3932578551652369355 Time: 0.441692\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4149021101886580762 Time: 0.449476\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4555462412611657028 Time: 0.458024\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4749226340913476230 Time: 0.444356\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5483093640784800285 Time: 0.459764\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5666160310350604399 Time: 0.560384\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5900614001783877430 Time: 0.455484\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5925270497649423688 Time: 0.580312\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5999406432703271895 Time: 0.448956\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 6680916730816870145 Time: 0.466076\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7107292614492808590 Time: 0.4426\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7158029511300006471 Time: 0.532112\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7859952145590271433 Time: 0.470652\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8283847742354150423 Time: 0.563876\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8468288610222482742 Time: 0.463236\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8620567263556985011 Time: 0.62942\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8642279798680442080 Time: 0.438864\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8980274178270132023 Time: 0.452232\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 9108067304506990859 Time: 0.448752\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -9104099172933216230 Time: 0.423816\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8992262742606384444 Time: 0.456\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8956720569082607796 Time: 0.450292\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8952042869709043207 Time: 0.472084\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8898856569474934280 Time: 0.436044\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8774805574135441656 Time: 1.09143\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8749513212655756001 Time: 0.46582\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8520017388966620486 Time: 0.4412\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8487084252145372186 Time: 0.827896\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8391760416076885205 Time: 0.580988\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7990268040387498660 Time: 0.445152\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7849113095413980300 Time: 0.482108\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7533167286135592323 Time: 0.460932\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -6273232454637933930 Time: 0.446944\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5818527483287834165 Time: 0.448608\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5590418898350402100 Time: 0.459564\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5505475137955795830 Time: 0.438796\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5389631537202601150 Time: 0.47942\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5332866838585594777 Time: 0.460444\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5121883532434354186 Time: 0.46116\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5006039300385557796 Time: 0.467936\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4534876761957424274 Time: 0.581536\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4352168563838861262 Time: 0.432984\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4109084522508697633 Time: 0.644676\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -3237051169894153788 Time: 0.53348\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -3136088851200285532 Time: 0.430332\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2827934362840121038 Time: 0.422888\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2676138141351394855 Time: 0.444072\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2601537631049973288 Time: 0.459268\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2586046817576862066 Time: 0.468632\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2569977342077121032 Time: 0.471856\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2422160065350346448 Time: 0.45748\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2125188058121029448 Time: 1.07938\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2123887091022542343 Time: 0.46996\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -1838109259315759592 Time: 0.443056\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -1216445540764179377 Time: 0.474016\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -539379305772590030 Time: 0.4238\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -288413895057594820 Time: 0.465152\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -229563042944049199 Time: 0.431552\n", + "[03/14/2023-21:25:46] [V] [TRT] Fastest Tactic: 106549059816437840 Time: 0.422144\n", + "[03/14/2023-21:25:46] [V] [TRT] Setting workspace to 102760960enables more tactics for profiling\n", + "[03/14/2023-21:25:46] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 106549059816437840\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:46] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:46] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 0 Time: 14.5681\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 1 Time: 6.11356\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 2 skipped. Scratch requested: 924844032, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 6 Time: 5.62158\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 56 Time: 15.0258\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 57 Time: 6.12666\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 58 skipped. Scratch requested: 924844032, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 62 Time: 5.60256\n", + "[03/14/2023-21:25:47] [V] [TRT] Fastest Tactic: 62 Time: 5.60256\n", + "[03/14/2023-21:25:47] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 1825138533642645384 Time: 8.66786\n", + "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 2775507031594384867 Time: 4.06037\n", + "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 2842488832350522458 Time: 4.88078\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 3915320020053085238 Time: 8.57519\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 6448355332020552203 Time: 8.98138\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 6808617066150061604 Time: 4.52371\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: -8060443123034038864 Time: 4.98695\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: -4420849921117327522 Time: 6.6014\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: -3946921629105938337 Time: 6.03132\n", + "[03/14/2023-21:25:48] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.06037\n", + "[03/14/2023-21:25:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", + "[03/14/2023-21:25:48] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:48] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:48] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 861694390046228376 Time: 8.82623\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: 1017870653102653567 Time: 8.52368\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5258189349241541167 Time: 4.7221\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5821621277990374316 Time: 8.83215\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5863767799113001648 Time: 5.61469\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -9147980667639709536 Time: 8.47701\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -8850904373104590857 Time: 4.69671\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -7751035352149795660 Time: 8.74533\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -3853827649136781465 Time: 8.86262\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -3263369460438823196 Time: 4.79143\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: -423878181466897819 Time: 5.62627\n", + "[03/14/2023-21:25:50] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 4.69671\n", + "[03/14/2023-21:25:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:50] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 0 Time: 13.6761\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1 Time: 5.95135\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 56 Time: 13.8187\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Fastest Tactic: 1 Time: 5.95135\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:50] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling\n", + "[03/14/2023-21:25:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:25:50] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1145226902788474763 Time: 2.10786\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1651411198763708804 Time: 2.47597\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65718\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4318470497547290900 Time: 2.55147\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4653005425971292725 Time: 2.55578\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: 4930470141256631146 Time: 2.89898\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: 8292881859266835088 Time: 3.01729\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: 8401509141903434922 Time: 2.688\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -8654297089785671176 Time: 4.7587\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -7448936905981214224 Time: 2.6478\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -6004726995029373073 Time: 2.91876\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -5719726816705110014 Time: 4.788\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3754890472406891741 Time: 4.78464\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3689982367035295496 Time: 4.73052\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3140347171730126532 Time: 2.27356\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -2894005464278291378 Time: 2.75334\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -2027588946874785071 Time: 3.08624\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -1968398013367819764 Time: 4.86706\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -245090590808296743 Time: 4.77578\n", + "[03/14/2023-21:25:51] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.10786\n", + "[03/14/2023-21:25:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:25:51] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:51] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:51] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:51] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:51] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 0 Time: 20.3317\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102854656, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 513802752, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 56 Time: 20.3194\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 58 skipped. Scratch requested: 513802752, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Fastest Tactic: 56 Time: 20.3194\n", + "[03/14/2023-21:25:52] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 46202665595848747 Time: 4.2102\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 239013563835492727 Time: 1.61573\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 385569945292539752 Time: 2.39918\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 671037109694951988 Time: 1.26386\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 833287959109025818 Time: 2.74954\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 864841579020773074 Time: 1.43094\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 912634305247603909 Time: 4.64117\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1013168150133367738 Time: 1.07645\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1014187170474222133 Time: 2.23764\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1067227531433278814 Time: 1.48487\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1554365048685552334 Time: 4.80297\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1579845938601132607 Time: 1.3444\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1796821236841789338 Time: 1.81438\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1837941418294761657 Time: 2.4706\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1948263663414159978 Time: 1.4464\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1989668371181446952 Time: 1.87911\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2027733232253711640 Time: 3.28656\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2148106709480872763 Time: 1.02854\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10029\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2410442691266548717 Time: 1.48594\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3464689803495983377 Time: 0.965184\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3636831327753843771 Time: 1.38524\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3745975654290680669 Time: 4.38505\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3754069740140581927 Time: 2.56572\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3784804427912340706 Time: 2.63436\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3823144360994712832 Time: 1.09625\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3919868136802676679 Time: 2.25824\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5263029549013613567 Time: 1.36926\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5506334059535811602 Time: 2.77624\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5635311898703673455 Time: 1.30312\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5786991692145244692 Time: 2.14452\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5848150552772236982 Time: 2.33394\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5925270497649423688 Time: 2.36203\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 5932046018238429951 Time: 1.60116\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6103089697398018604 Time: 4.42721\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6195603576432354734 Time: 1.53355\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6252808259936499253 Time: 1.53151\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6408235920257988861 Time: 1.32669\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6623704051070449703 Time: 1.49061\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6680916730816870145 Time: 1.55246\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7114340626053367917 Time: 1.58687\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7158029511300006471 Time: 1.44923\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7612687199567064086 Time: 1.20283\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7729555994715864793 Time: 2.06211\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7844857443355818347 Time: 2.35748\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7849296535223586261 Time: 1.25488\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7859952145590271433 Time: 1.54171\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8219150286974756863 Time: 2.19712\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8283847742354150423 Time: 2.71731\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8455608235315878803 Time: 1.7204\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8668812313058150080 Time: 1.34551\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8992262742606384444 Time: 1.05919\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8750433364328295059 Time: 1.30364\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8682550625095202832 Time: 1.0711\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8392835332206231687 Time: 1.7706\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8254009616492665198 Time: 1.5791\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7615325597099025933 Time: 1.53164\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7594446953125532601 Time: 2.33646\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7345578023323941164 Time: 2.0865\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6828337260021572283 Time: 1.9082\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6711815420995272523 Time: 1.68417\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6636202818604544855 Time: 2.37709\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6489479581011009593 Time: 3.30609\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6320761427625651496 Time: 3.0741\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6273232454637933930 Time: 1.05027\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6080892721161662420 Time: 1.32126\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6032793021868796623 Time: 2.32227\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5818527483287834165 Time: 1.07398\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5710735840878760115 Time: 1.71286\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5589367647444470524 Time: 1.77182\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5546257196173962281 Time: 1.9907\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5198219374380660379 Time: 1.00556\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4954692664176521434 Time: 1.51269\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4627695383426341593 Time: 1.53613\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4534876761957424274 Time: 2.38709\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4142141368456048176 Time: 1.48293\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4116131327756252574 Time: 2.00185\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3968200906158272636 Time: 4.76868\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62903\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13929\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3271955096576257018 Time: 2.07832\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3237051169894153788 Time: 1.49884\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3136088851200285532 Time: 1.41415\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2871615028541756894 Time: 2.24322\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2751179716463646694 Time: 2.75345\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2634388175487609605 Time: 1.8579\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2586046817576862066 Time: 1.49181\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1708101578041178688 Time: 2.79445\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1586820571068855896 Time: 2.66179\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1020632631321619146 Time: 2.41266\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: -907287437357565279 Time: 2.78968\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: -229563042944049199 Time: 1.3166\n", + "[03/14/2023-21:25:56] [V] [TRT] Fastest Tactic: 3464689803495983377 Time: 0.965184\n", + "[03/14/2023-21:25:56] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling\n", + "[03/14/2023-21:25:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3464689803495983377\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 0 Time: 8.69071\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1 Time: 7.08625\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 56 Time: 8.7835\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 57 Time: 7.0796\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Fastest Tactic: 57 Time: 7.0796\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1754569683116234317 Time: 2.96599\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1825138533642645384 Time: 2.88385\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08942\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 3915320020053085238 Time: 2.87287\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 6808617066150061604 Time: 3.47279\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 9091006216302412844 Time: 3.52918\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8060443123034038864 Time: 3.47494\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -4420849921117327522 Time: 5.05212\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -3946921629105938337 Time: 5.09306\n", + "[03/14/2023-21:25:57] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 2.87287\n", + "[03/14/2023-21:25:57] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:25:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", + "[03/14/2023-21:25:57] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 861694390046228376 Time: 3.16713\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5258189349241541167 Time: 3.29238\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5821621277990374316 Time: 3.18322\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5863767799113001648 Time: 5.62735\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -9147980667639709536 Time: 2.95326\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8892196987859366827 Time: 2.79062\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8850904373104590857 Time: 3.34484\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8010679767156598961 Time: 5.49908\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -7751035352149795660 Time: 2.98488\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -5115676123557684531 Time: 3.02271\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -493597327599791285 Time: 3.30802\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -423878181466897819 Time: 5.56863\n", + "[03/14/2023-21:25:58] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 2.79062\n", + "[03/14/2023-21:25:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827\n", + "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 0 Time: 6.71694\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 1 Time: 5.01803\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 56 Time: 6.9212\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Fastest Tactic: 1 Time: 5.01803\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:25:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 1651411198763708804 Time: 1.88324\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 2418518597804310654 Time: 1.89382\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4318470497547290900 Time: 1.88955\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4930470141256631146 Time: 2.50083\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 8292881859266835088 Time: 2.50276\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 8401509141903434922 Time: 1.89221\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -8654297089785671176 Time: 1.94683\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -7516584506774355935 Time: 2.51802\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -7140760933967189247 Time: 1.87097\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -6004726995029373073 Time: 2.50457\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -5719726816705110014 Time: 1.91919\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -4097850214384059472 Time: 2.5183\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -3717489476759089008 Time: 1.86452\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -3689982367035295496 Time: 1.99914\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2640575123064142123 Time: 1.37774\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2534402059426524406 Time: 1.38764\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2027588946874785071 Time: 2.50699\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -1968398013367819764 Time: 1.89146\n", + "[03/14/2023-21:25:59] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.37774\n", + "[03/14/2023-21:25:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:25:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 0 Time: 7.78587\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 56 Time: 7.995\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:25:59] [V] [TRT] Fastest Tactic: 0 Time: 7.78587\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 83696452256923412 Time: 1.22374\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 106549059816437840 Time: 1.53651\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 1179757074518529353 Time: 1.33568\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2105695814191699972 Time: 1.46948\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2148106709480872763 Time: 1.34894\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2410442691266548717 Time: 1.18068\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2511830168590723349 Time: 1.17869\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2634905271404611895 Time: 1.23766\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2689212690707793357 Time: 1.21462\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2798075085844016892 Time: 1.22984\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3041642431972138763 Time: 1.17658\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3091156937974993800 Time: 1.23423\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3199589679702517123 Time: 1.17888\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34142\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3932578551652369355 Time: 1.19747\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4149021101886580762 Time: 1.23176\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4555462412611657028 Time: 1.37373\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4749226340913476230 Time: 1.21921\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5483093640784800285 Time: 1.2168\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5666160310350604399 Time: 1.41672\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5900614001783877430 Time: 1.34146\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5925270497649423688 Time: 1.44352\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5999406432703271895 Time: 1.20078\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 6680916730816870145 Time: 1.62947\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7107292614492808590 Time: 1.20532\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7158029511300006471 Time: 1.50054\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7859952145590271433 Time: 1.55482\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8283847742354150423 Time: 1.29305\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8468288610222482742 Time: 1.25145\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8620567263556985011 Time: 1.22165\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8642279798680442080 Time: 1.18643\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8980274178270132023 Time: 1.19134\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 9108067304506990859 Time: 1.19096\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -9104099172933216230 Time: 1.95816\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8992262742606384444 Time: 1.37068\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8956720569082607796 Time: 1.35463\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8952042869709043207 Time: 1.49149\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17383\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8774805574135441656 Time: 1.42988\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8749513212655756001 Time: 1.2951\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8520017388966620486 Time: 1.20039\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8487084252145372186 Time: 1.20924\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8391760416076885205 Time: 1.41363\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7990268040387498660 Time: 1.52278\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2336\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7533167286135592323 Time: 1.28791\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -6273232454637933930 Time: 1.46087\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5818527483287834165 Time: 1.4499\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5590418898350402100 Time: 1.2399\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5505475137955795830 Time: 1.17834\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5389631537202601150 Time: 1.21694\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5332866838585594777 Time: 1.29368\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5121883532434354186 Time: 1.25819\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -5006039300385557796 Time: 1.38987\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4534876761957424274 Time: 1.41489\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17967\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4109084522508697633 Time: 1.2214\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -3237051169894153788 Time: 1.45491\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -3136088851200285532 Time: 1.18222\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2827934362840121038 Time: 1.49864\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2676138141351394855 Time: 1.64646\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2601537631049973288 Time: 1.25675\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2586046817576862066 Time: 1.19865\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2569977342077121032 Time: 1.22487\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2422160065350346448 Time: 1.52484\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2125188058121029448 Time: 1.39176\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2123887091022542343 Time: 1.4297\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -1838109259315759592 Time: 1.19268\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -1216445540764179377 Time: 1.17472\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -539379305772590030 Time: 1.91316\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -288413895057594820 Time: 1.3824\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -229563042944049199 Time: 1.16972\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 1.16972\n", + "[03/14/2023-21:26:01] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", + "[03/14/2023-21:26:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.63728\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 5.25756\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 3.63728\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.08153\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 3.12652\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 3.08153\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.46214\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 2.4794\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 0 Time: 2.4794\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 2.53382\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 2.6194\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 2.53382\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 5.06571\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.41423\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 5.06571\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.73516\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.17952\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.73516\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.43491\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.7017\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.43491\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 2.48876\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 2.89685\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 2.48876\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.63218\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 4.10883\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.63218\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.30606\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 4.46449\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.30606\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 2.94293\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.2153\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.2153\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 2.57956\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.94226\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.94226\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.37686\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.64134\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.64134\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 3.4095\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 3.82438\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 1002 Time: 3.4095\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 5.921\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.09115\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.09115\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 1.92955\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.94206\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 1002 Time: 1.92955\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.35107\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 3.04436\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 3.04436\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 3.13174\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.83574\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.83574\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.04736\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.78845\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.78845\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 2.70333\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.81833\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.81833\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:03] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 0 Time: 16.9606\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 1 Time: 15.3408\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 56 Time: 16.9856\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 57 Time: 15.3519\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:05] [V] [TRT] Fastest Tactic: 1 Time: 15.3408\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 1754569683116234317 Time: 4.52594\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 1825138533642645384 Time: 4.52753\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 2733356012094739613 Time: 6.73204\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 3915320020053085238 Time: 4.52271\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 6808617066150061604 Time: 5.2217\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 9091006216302412844 Time: 5.23694\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: -8060443123034038864 Time: 5.23118\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: -4420849921117327522 Time: 6.75486\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: -3946921629105938337 Time: 6.72509\n", + "[03/14/2023-21:26:05] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 4.52271\n", + "[03/14/2023-21:26:05] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:26:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:05] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: 861694390046228376 Time: 4.21176\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5258189349241541167 Time: 4.30732\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5821621277990374316 Time: 4.19973\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5863767799113001648 Time: 8.18328\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -9147980667639709536 Time: 4.20859\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8892196987859366827 Time: 4.19492\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8850904373104590857 Time: 4.33441\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8010679767156598961 Time: 8.0516\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -7751035352149795660 Time: 4.20574\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -5115676123557684531 Time: 4.19564\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -493597327599791285 Time: 4.33347\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: -423878181466897819 Time: 8.15399\n", + "[03/14/2023-21:26:07] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 4.19492\n", + "[03/14/2023-21:26:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:07] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 0 Time: 11.3489\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 1 Time: 9.6141\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 56 Time: 11.5346\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Fastest Tactic: 1 Time: 9.6141\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:26:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:07] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 1651411198763708804 Time: 2.61365\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 2418518597804310654 Time: 2.60653\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4318470497547290900 Time: 2.60788\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4930470141256631146 Time: 3.39502\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 8292881859266835088 Time: 3.39821\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 8401509141903434922 Time: 2.6036\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: -8654297089785671176 Time: 2.34327\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -7516584506774355935 Time: 3.3963\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -7140760933967189247 Time: 2.58436\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -6004726995029373073 Time: 3.39902\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -5719726816705110014 Time: 2.28627\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -4097850214384059472 Time: 3.40027\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -3717489476759089008 Time: 2.58338\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -3689982367035295496 Time: 2.28803\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2640575123064142123 Time: 2.19947\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2534402059426524406 Time: 2.20093\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2027588946874785071 Time: 3.38969\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -1968398013367819764 Time: 2.3232\n", + "[03/14/2023-21:26:08] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 2.19947\n", + "[03/14/2023-21:26:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:08] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 0 Time: 12.8772\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 56 Time: 12.8834\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:08] [V] [TRT] Fastest Tactic: 0 Time: 12.8772\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 83696452256923412 Time: 2.06856\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 106549059816437840 Time: 2.0215\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 1179757074518529353 Time: 2.021\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2105695814191699972 Time: 2.35647\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2148106709480872763 Time: 2.0757\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2410442691266548717 Time: 1.95643\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2511830168590723349 Time: 1.88809\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2634905271404611895 Time: 1.99122\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2689212690707793357 Time: 1.92748\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2798075085844016892 Time: 1.96603\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3041642431972138763 Time: 1.96917\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3091156937974993800 Time: 1.96923\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3199589679702517123 Time: 1.88582\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3754069740140581927 Time: 1.97477\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3932578551652369355 Time: 1.98566\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4149021101886580762 Time: 1.98345\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4555462412611657028 Time: 2.06035\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4749226340913476230 Time: 2.08465\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5483093640784800285 Time: 2.003\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97597\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5900614001783877430 Time: 2.11212\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5925270497649423688 Time: 2.28314\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5999406432703271895 Time: 1.97671\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 6680916730816870145 Time: 2.19008\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7107292614492808590 Time: 1.99666\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7158029511300006471 Time: 2.32034\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7859952145590271433 Time: 2.1374\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8283847742354150423 Time: 1.98524\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8468288610222482742 Time: 1.93233\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8620567263556985011 Time: 1.93783\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8642279798680442080 Time: 1.96882\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8980274178270132023 Time: 2.10182\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 9108067304506990859 Time: 1.96887\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -9104099172933216230 Time: 2.09693\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8992262742606384444 Time: 2.04685\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8956720569082607796 Time: 2.14558\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8952042869709043207 Time: 2.11309\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8898856569474934280 Time: 1.95626\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8774805574135441656 Time: 1.88588\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8749513212655756001 Time: 1.923\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8520017388966620486 Time: 1.98294\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8487084252145372186 Time: 1.92581\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8391760416076885205 Time: 2.26366\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7990268040387498660 Time: 2.08367\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7849113095413980300 Time: 1.92418\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7533167286135592323 Time: 2.07484\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -6273232454637933930 Time: 2.02605\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5818527483287834165 Time: 2.05393\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5590418898350402100 Time: 2.01926\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5505475137955795830 Time: 1.95134\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5389631537202601150 Time: 1.93405\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5332866838585594777 Time: 2.07688\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5121883532434354186 Time: 2.01222\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -5006039300385557796 Time: 2.04342\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4534876761957424274 Time: 2.29461\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4352168563838861262 Time: 1.96162\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4109084522508697633 Time: 1.93214\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -3237051169894153788 Time: 2.25034\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -3136088851200285532 Time: 1.97356\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2827934362840121038 Time: 2.01934\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2676138141351394855 Time: 2.11707\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2601537631049973288 Time: 1.98446\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2586046817576862066 Time: 1.94746\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2569977342077121032 Time: 2.14225\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2422160065350346448 Time: 2.0796\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2125188058121029448 Time: 1.88317\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2123887091022542343 Time: 2.10715\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -1838109259315759592 Time: 1.99644\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -1216445540764179377 Time: 1.93996\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -539379305772590030 Time: 2.06371\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -288413895057594820 Time: 2.05584\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -229563042944049199 Time: 1.94987\n", + "[03/14/2023-21:26:11] [V] [TRT] Fastest Tactic: -2125188058121029448 Time: 1.88317\n", + "[03/14/2023-21:26:11] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", + "[03/14/2023-21:26:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:11] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: 1002 Time: 3.62912\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: 0 Time: 5.29018\n", + "[03/14/2023-21:26:11] [V] [TRT] Fastest Tactic: 1002 Time: 3.62912\n", + "[03/14/2023-21:26:11] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: 1002 Time: 3.08146\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 3.12713\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.08146\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.45906\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.47943\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 0 Time: 2.47943\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 2.53163\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.61731\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 2.53163\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 5.06392\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.38939\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 5.06392\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.72979\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.19002\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.72979\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.42706\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.67584\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.42706\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 2.48898\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.93382\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 2.48898\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.62796\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 4.0949\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.62796\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.3077\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 4.49648\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 3.3077\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 2.94515\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.2047\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.2047\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 2.58987\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 1.94792\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 1.94792\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 4.37586\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.64954\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.64954\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.40449\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 3.85535\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 3.40449\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 5.84436\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.12591\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.12591\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 1.93532\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 1.94257\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 1.93532\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 4.35643\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 3.03605\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 3.03605\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.1277\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 2.81728\n", + "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 2.81728\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1002 Time: 4.14508\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 1.78761\n", + "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 1.78761\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1002 Time: 2.69886\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 1.81212\n", + "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 1.81212\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 7.4997\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1 Time: 3.90323\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 56 Time: 7.76214\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 57 Time: 3.9025\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 57 Time: 3.9025\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1754569683116234317 Time: 3.87778\n", + "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1825138533642645384 Time: 4.29082\n", + "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 2733356012094739613 Time: 3.82544\n", + "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 3915320020053085238 Time: 4.27861\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 6808617066150061604 Time: 2.30925\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 9091006216302412844 Time: 2.38484\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8060443123034038864 Time: 2.4869\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -4420849921117327522 Time: 3.98048\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -3946921629105938337 Time: 3.89444\n", + "[03/14/2023-21:26:15] [V] [TRT] Fastest Tactic: 6808617066150061604 Time: 2.30925\n", + "[03/14/2023-21:26:15] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:26:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:15] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 861694390046228376 Time: 4.74812\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5258189349241541167 Time: 3.28073\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5821621277990374316 Time: 4.82016\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5863767799113001648 Time: 3.35037\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -9147980667639709536 Time: 4.44396\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8892196987859366827 Time: 4.65777\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8850904373104590857 Time: 3.27008\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8010679767156598961 Time: 3.278\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -7751035352149795660 Time: 4.45339\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -5115676123557684531 Time: 4.76952\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -493597327599791285 Time: 3.2689\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -423878181466897819 Time: 3.35861\n", + "[03/14/2023-21:26:16] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 3.2689\n", + "[03/14/2023-21:26:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285\n", + "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 0 Time: 6.83466\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 1 Time: 3.36372\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 56 Time: 7.12906\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Fastest Tactic: 1 Time: 3.36372\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:26:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 1651411198763708804 Time: 1.13335\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 2418518597804310654 Time: 1.14232\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4318470497547290900 Time: 1.24323\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4930470141256631146 Time: 1.91259\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 8292881859266835088 Time: 1.92004\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 8401509141903434922 Time: 1.24162\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -8654297089785671176 Time: 2.59261\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -7516584506774355935 Time: 1.90534\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -7140760933967189247 Time: 1.19002\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -6004726995029373073 Time: 1.89864\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -5719726816705110014 Time: 2.50608\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90388\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -3717489476759089008 Time: 1.16298\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -3689982367035295496 Time: 2.5249\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2640575123064142123 Time: 2.17261\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2534402059426524406 Time: 2.25206\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88888\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -1968398013367819764 Time: 2.51032\n", + "[03/14/2023-21:26:17] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.13335\n", + "[03/14/2023-21:26:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:17] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 0 Time: 9.94437\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 56 Time: 9.97264\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:17] [V] [TRT] Fastest Tactic: 0 Time: 9.94437\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 83696452256923412 Time: 1.38268\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 106549059816437840 Time: 1.13724\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 1179757074518529353 Time: 1.14823\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2105695814191699972 Time: 1.37782\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2148106709480872763 Time: 1.18448\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2410442691266548717 Time: 1.15506\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2511830168590723349 Time: 1.73642\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2634905271404611895 Time: 1.36127\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2689212690707793357 Time: 2.28959\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2798075085844016892 Time: 1.35691\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3041642431972138763 Time: 1.1416\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3091156937974993800 Time: 1.35739\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3199589679702517123 Time: 1.77771\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3754069740140581927 Time: 1.50436\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 3932578551652369355 Time: 1.14463\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4149021101886580762 Time: 1.36166\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4555462412611657028 Time: 1.18841\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4749226340913476230 Time: 1.37226\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5483093640784800285 Time: 1.35921\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5666160310350604399 Time: 1.56956\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5900614001783877430 Time: 1.37036\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5925270497649423688 Time: 1.4631\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5999406432703271895 Time: 1.39323\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 6680916730816870145 Time: 1.1535\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7107292614492808590 Time: 1.14232\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7158029511300006471 Time: 1.37847\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7859952145590271433 Time: 1.15301\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8283847742354150423 Time: 1.52632\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8468288610222482742 Time: 1.36274\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8620567263556985011 Time: 1.5261\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8642279798680442080 Time: 1.2159\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8980274178270132023 Time: 1.36139\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 9108067304506990859 Time: 1.39251\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -9104099172933216230 Time: 1.15541\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8992262742606384444 Time: 1.18197\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8956720569082607796 Time: 1.3667\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8952042869709043207 Time: 1.36377\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8898856569474934280 Time: 1.18302\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8774805574135441656 Time: 2.65666\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8749513212655756001 Time: 1.36356\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8520017388966620486 Time: 1.14655\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8487084252145372186 Time: 2.3234\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45396\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7990268040387498660 Time: 1.37924\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7849113095413980300 Time: 1.44557\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37732\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15277\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5818527483287834165 Time: 1.155\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5590418898350402100 Time: 1.36169\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5505475137955795830 Time: 1.14785\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5389631537202601150 Time: 1.42305\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5332866838585594777 Time: 1.37793\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5121883532434354186 Time: 1.36288\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5006039300385557796 Time: 1.37054\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4534876761957424274 Time: 1.44926\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4352168563838861262 Time: 1.14652\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4109084522508697633 Time: 1.51725\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -3237051169894153788 Time: 1.37834\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -3136088851200285532 Time: 1.14234\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2827934362840121038 Time: 1.13529\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2676138141351394855 Time: 1.36638\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2601537631049973288 Time: 1.36166\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2586046817576862066 Time: 1.15734\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2569977342077121032 Time: 1.38407\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2422160065350346448 Time: 1.15336\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2125188058121029448 Time: 2.43863\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2123887091022542343 Time: 1.36244\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -1838109259315759592 Time: 1.1417\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -1216445540764179377 Time: 1.15263\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -539379305772590030 Time: 1.146\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -288413895057594820 Time: 1.36787\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -229563042944049199 Time: 1.14331\n", + "[03/14/2023-21:26:19] [V] [TRT] Fastest Tactic: -2827934362840121038 Time: 1.13529\n", + "[03/14/2023-21:26:19] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", + "[03/14/2023-21:26:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CudnnConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CudnnConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CublasConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CudnnConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CublasConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CudnnConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CudnnConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CublasConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CaskConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: 0 Time: 10.4372\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: 1 Time: 7.80291\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 56 Time: 10.4692\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 57 Time: 7.76947\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Fastest Tactic: 57 Time: 7.76947\n", + "[03/14/2023-21:26:20] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:20] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:20] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 1754569683116234317 Time: 4.10369\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 1825138533642645384 Time: 4.63486\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 2733356012094739613 Time: 7.77085\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 3915320020053085238 Time: 4.68324\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 6808617066150061604 Time: 4.91847\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 9091006216302412844 Time: 4.88394\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: -8060443123034038864 Time: 5.45988\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -4420849921117327522 Time: 7.86368\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -3946921629105938337 Time: 7.84282\n", + "[03/14/2023-21:26:21] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.10369\n", + "[03/14/2023-21:26:21] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling\n", + "[03/14/2023-21:26:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:21] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:21] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:21] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: 861694390046228376 Time: 5.17465\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5258189349241541167 Time: 5.40274\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5821621277990374316 Time: 5.34472\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5863767799113001648 Time: 6.44954\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -9147980667639709536 Time: 4.65187\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -8892196987859366827 Time: 5.15732\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -8850904373104590857 Time: 5.62072\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -8010679767156598961 Time: 6.42515\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -7751035352149795660 Time: 4.54635\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -5115676123557684531 Time: 5.234\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -493597327599791285 Time: 5.19878\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -423878181466897819 Time: 6.44774\n", + "[03/14/2023-21:26:22] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.54635\n", + "[03/14/2023-21:26:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 0 Time: 8.78176\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 1 Time: 6.97351\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 56 Time: 9.193\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Fastest Tactic: 1 Time: 6.97351\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling\n", + "[03/14/2023-21:26:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 1651411198763708804 Time: 2.23041\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 2418518597804310654 Time: 2.76401\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 4318470497547290900 Time: 2.89282\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 4930470141256631146 Time: 3.82514\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 8292881859266835088 Time: 3.83666\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 8401509141903434922 Time: 2.59163\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -8654297089785671176 Time: 2.72207\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81489\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -7140760933967189247 Time: 2.67334\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -6004726995029373073 Time: 3.81524\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -5719726816705110014 Time: 2.81584\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -4097850214384059472 Time: 3.81036\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -3717489476759089008 Time: 2.56652\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -3689982367035295496 Time: 2.79711\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2640575123064142123 Time: 2.32529\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2534402059426524406 Time: 2.47114\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2027588946874785071 Time: 3.81055\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -1968398013367819764 Time: 2.70597\n", + "[03/14/2023-21:26:23] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.23041\n", + "[03/14/2023-21:26:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:23] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:23] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:23] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 0 Time: 11.9881\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308367360, available: 16777216\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 308281856, available: 16777216\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 56 Time: 11.986\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 308281856, available: 16777216\n", + "[03/14/2023-21:26:24] [V] [TRT] Fastest Tactic: 56 Time: 11.986\n", + "[03/14/2023-21:26:24] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:24] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 83696452256923412 Time: 1.73602\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 106549059816437840 Time: 1.8251\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 1179757074518529353 Time: 1.62209\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2105695814191699972 Time: 1.95163\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2148106709480872763 Time: 1.42249\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2410442691266548717 Time: 1.4002\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2511830168590723349 Time: 1.9861\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2634905271404611895 Time: 1.59995\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2689212690707793357 Time: 2.50696\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2798075085844016892 Time: 1.57488\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3041642431972138763 Time: 1.3652\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3091156937974993800 Time: 1.57365\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3199589679702517123 Time: 2.02617\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3754069740140581927 Time: 1.94369\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3932578551652369355 Time: 1.75192\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 4149021101886580762 Time: 1.5986\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 4555462412611657028 Time: 1.40946\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 4749226340913476230 Time: 1.92278\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5483093640784800285 Time: 1.68264\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5666160310350604399 Time: 1.9484\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5900614001783877430 Time: 2.00919\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5925270497649423688 Time: 1.80734\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5999406432703271895 Time: 1.64324\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 6680916730816870145 Time: 1.87314\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7107292614492808590 Time: 1.38757\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7158029511300006471 Time: 1.9567\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7859952145590271433 Time: 1.72715\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8283847742354150423 Time: 1.83503\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8468288610222482742 Time: 1.61269\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8620567263556985011 Time: 1.65592\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8642279798680442080 Time: 1.4048\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8980274178270132023 Time: 1.72507\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 9108067304506990859 Time: 1.68727\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -9104099172933216230 Time: 2.57202\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8992262742606384444 Time: 1.42907\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8956720569082607796 Time: 1.97846\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8952042869709043207 Time: 1.6255\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8898856569474934280 Time: 1.42277\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8774805574135441656 Time: 2.81987\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8749513212655756001 Time: 1.622\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8520017388966620486 Time: 1.68875\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8487084252145372186 Time: 2.56742\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8391760416076885205 Time: 1.77491\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7990268040387498660 Time: 2.268\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7849113095413980300 Time: 1.74418\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7533167286135592323 Time: 1.58289\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -6273232454637933930 Time: 1.63654\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5818527483287834165 Time: 1.58924\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5590418898350402100 Time: 1.5998\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5505475137955795830 Time: 1.36142\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5389631537202601150 Time: 1.72517\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5332866838585594777 Time: 1.58355\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5121883532434354186 Time: 1.58128\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5006039300385557796 Time: 1.60268\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4534876761957424274 Time: 1.79116\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4352168563838861262 Time: 1.36429\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4109084522508697633 Time: 1.69677\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -3237051169894153788 Time: 1.93344\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -3136088851200285532 Time: 1.36755\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2827934362840121038 Time: 1.85749\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2676138141351394855 Time: 2.54992\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2601537631049973288 Time: 1.57725\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2586046817576862066 Time: 1.39309\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2569977342077121032 Time: 1.70305\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2422160065350346448 Time: 1.7152\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2125188058121029448 Time: 2.7527\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2123887091022542343 Time: 1.62118\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -1838109259315759592 Time: 1.38948\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -1216445540764179377 Time: 1.39152\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -539379305772590030 Time: 2.48078\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -288413895057594820 Time: 1.60094\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -229563042944049199 Time: 1.36418\n", + "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 1.36142\n", + "[03/14/2023-21:26:26] [V] [TRT] Setting workspace to 308281856enables more tactics for profiling\n", + "[03/14/2023-21:26:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: 1002 Time: 1.81506\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: 0 Time: 2.54537\n", + "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: 1002 Time: 1.81506\n", + "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: 1002 Time: 1.54379\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: 0 Time: 1.56687\n", + "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: 1002 Time: 1.54379\n", + "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.70546\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.2398\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.2398\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.25776\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.26774\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.25776\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.49214\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.8954\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 2.49214\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.73195\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.88307\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.73195\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.66778\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 3.01396\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.66778\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.22402\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.48794\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.22402\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.82535\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.04242\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.82535\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.6254\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.16718\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.6254\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.4356\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.10433\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.10433\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.27321\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 0.934584\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 0.934584\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.19373\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.33221\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.33221\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.67646\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.83567\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.67646\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 3.00827\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.07806\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.07806\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 0.939808\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 0.924796\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 0.924796\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.167\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.47001\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.47001\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.54437\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 1.3938\n", + "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 1.3938\n", + "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.84984\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 0.858736\n", + "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 0.858736\n", + "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.30845\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 0.87146\n", + "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 0.87146\n", + "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning format combination: Float(401408,3136,56,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:28] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 8.1038\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1 Time: 5.45421\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 56 Time: 8.31149\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 57 Time: 5.2943\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216\n", + "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 57 Time: 5.2943\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1825138533642645384 Time: 4.33605\n", + "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 2842488832350522458 Time: 5.08185\n", + "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 3915320020053085238 Time: 4.82682\n", + "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 6448355332020552203 Time: 4.79169\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 6808617066150061604 Time: 5.40733\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: -8060443123034038864 Time: 5.57746\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: -4420849921117327522 Time: 7.97182\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: -3946921629105938337 Time: 7.16218\n", + "[03/14/2023-21:26:29] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.33605\n", + "[03/14/2023-21:26:29] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling\n", + "[03/14/2023-21:26:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,7168,128) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:29] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:29] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 861694390046228376 Time: 5.58456\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 1017870653102653567 Time: 5.43739\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5258189349241541167 Time: 5.34297\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5821621277990374316 Time: 5.46718\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5863767799113001648 Time: 5.61806\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -9147980667639709536 Time: 5.00782\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -8850904373104590857 Time: 5.32274\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -7751035352149795660 Time: 5.21485\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -3853827649136781465 Time: 5.6545\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -3263369460438823196 Time: 5.32388\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -423878181466897819 Time: 5.5386\n", + "[03/14/2023-21:26:30] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 5.00782\n", + "[03/14/2023-21:26:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:30] [V] [TRT] *************** Autotuning format combination: Half(401408,3136,56,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 0 Time: 7.50266\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 1 Time: 6.07552\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 56 Time: 7.81902\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216\n", + "[03/14/2023-21:26:30] [V] [TRT] Fastest Tactic: 1 Time: 6.07552\n", + "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:30] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:30] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling\n", + "[03/14/2023-21:26:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:30] [V] [TRT] *************** Autotuning format combination: Half(200704,3136:2,56,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:30] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:30] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 1145226902788474763 Time: 2.30668\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 1651411198763708804 Time: 2.9015\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 2418518597804310654 Time: 2.802\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4318470497547290900 Time: 2.85037\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4653005425971292725 Time: 2.79806\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4930470141256631146 Time: 3.4501\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 8292881859266835088 Time: 3.53896\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 8401509141903434922 Time: 2.88036\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -8654297089785671176 Time: 2.66054\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -7448936905981214224 Time: 3.44895\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -6004726995029373073 Time: 3.57845\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -5719726816705110014 Time: 2.77758\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -3754890472406891741 Time: 2.60462\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -3689982367035295496 Time: 2.54233\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -2894005464278291378 Time: 3.21132\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -2027588946874785071 Time: 3.49477\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -1968398013367819764 Time: 2.72511\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -245090590808296743 Time: 2.59831\n", + "[03/14/2023-21:26:31] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.30668\n", + "[03/14/2023-21:26:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:26:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:31] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:32] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 0 Time: 11.4769\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128751616, available: 16777216\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 56 Time: 11.5572\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:32] [V] [TRT] Fastest Tactic: 0 Time: 11.4769\n", + "[03/14/2023-21:26:32] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 46202665595848747 Time: 2.19209\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 239013563835492727 Time: 1.72097\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 385569945292539752 Time: 2.46074\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 671037109694951988 Time: 1.33916\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 833287959109025818 Time: 1.56067\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 864841579020773074 Time: 1.03474\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 912634305247603909 Time: 2.40773\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1013168150133367738 Time: 1.16499\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1014187170474222133 Time: 1.22933\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1067227531433278814 Time: 1.046\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1554365048685552334 Time: 2.52885\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1579845938601132607 Time: 1.17041\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1796821236841789338 Time: 1.77164\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1837941418294761657 Time: 1.32174\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1948263663414159978 Time: 1.5534\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1989668371181446952 Time: 1.94571\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2027733232253711640 Time: 1.55758\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2148106709480872763 Time: 1.31709\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 2154731107061273008 Time: 1.2303\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 2410442691266548717 Time: 0.933912\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3464689803495983377 Time: 1.11696\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3636831327753843771 Time: 1.16523\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3745975654290680669 Time: 2.56242\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3754069740140581927 Time: 1.53563\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3784804427912340706 Time: 1.62788\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3823144360994712832 Time: 1.02973\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3919868136802676679 Time: 1.28383\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5263029549013613567 Time: 0.9531\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5506334059535811602 Time: 1.39235\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5635311898703673455 Time: 0.924012\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5786991692145244692 Time: 2.38401\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5848150552772236982 Time: 1.29291\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42251\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5932046018238429951 Time: 1.71012\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6103089697398018604 Time: 2.43784\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6195603576432354734 Time: 1.61797\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6252808259936499253 Time: 1.57373\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6408235920257988861 Time: 1.32142\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6623704051070449703 Time: 1.47439\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6680916730816870145 Time: 1.49055\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7114340626053367917 Time: 1.67554\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7158029511300006471 Time: 1.55771\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7612687199567064086 Time: 1.32974\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7729555994715864793 Time: 1.28756\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7844857443355818347 Time: 1.34542\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7849296535223586261 Time: 1.36732\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7859952145590271433 Time: 1.51352\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8219150286974756863 Time: 2.14698\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8283847742354150423 Time: 1.43763\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8455608235315878803 Time: 1.73552\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8668812313058150080 Time: 1.40075\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: -8992262742606384444 Time: 1.35214\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8750433364328295059 Time: 1.39645\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8682550625095202832 Time: 1.3364\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8392835332206231687 Time: 1.88738\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8254009616492665198 Time: 1.04566\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7615325597099025933 Time: 1.05683\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7594446953125532601 Time: 1.35228\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7345578023323941164 Time: 2.25596\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6828337260021572283 Time: 1.97156\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6711815420995272523 Time: 1.75192\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6636202818604544855 Time: 2.39292\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6489479581011009593 Time: 1.58334\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6320761427625651496 Time: 1.53546\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6273232454637933930 Time: 1.0246\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6080892721161662420 Time: 0.945252\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6032793021868796623 Time: 1.26764\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5818527483287834165 Time: 0.990932\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5710735840878760115 Time: 1.00212\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5589367647444470524 Time: 1.87\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5546257196173962281 Time: 1.24925\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5198219374380660379 Time: 1.19795\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4954692664176521434 Time: 0.955356\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4627695383426341593 Time: 1.60344\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4534876761957424274 Time: 1.40563\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4142141368456048176 Time: 1.61558\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4116131327756252574 Time: 2.11017\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3968200906158272636 Time: 2.46844\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3784342055748695733 Time: 1.72622\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3425274793298557239 Time: 1.26486\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3271955096576257018 Time: 1.29952\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3237051169894153788 Time: 1.62673\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3136088851200285532 Time: 0.918404\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2871615028541756894 Time: 2.32861\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2751179716463646694 Time: 1.55804\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2634388175487609605 Time: 2.01141\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2586046817576862066 Time: 0.948264\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1708101578041178688 Time: 1.41516\n", + "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1586820571068855896 Time: 1.68839\n", + "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1020632631321619146 Time: 1.36634\n", + "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -907287437357565279 Time: 1.39506\n", + "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -229563042944049199 Time: 0.92204\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.918404\n", + "[03/14/2023-21:26:35] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", + "[03/14/2023-21:26:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.465304\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.60334\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.465304\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.399616\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.398228\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.398228\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.433788\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.314256\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.314256\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.322728\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.32208\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.32208\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.648048\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.55672\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.55672\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.448136\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.530616\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.448136\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.419992\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.570544\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.419992\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.311172\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.348896\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.311172\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.467912\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.510676\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.467912\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.397456\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.466884\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.397456\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.364948\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.26068\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.26068\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.33272\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.23228\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.23228\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.56588\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.332432\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.332432\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.415688\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.428508\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.415688\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.58094\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.262436\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.262436\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.236612\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.231816\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.231816\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.546572\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.359792\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.359792\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.386624\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.353916\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.353916\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.437212\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.218884\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.218884\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.332784\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.218972\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.218972\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:35] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 5.91938\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1 Time: 4.39087\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 56 Time: 6.1769\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 57 Time: 4.39153\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:36] [V] [TRT] Fastest Tactic: 1 Time: 4.39087\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 1754569683116234317 Time: 2.30393\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 1825138533642645384 Time: 2.51642\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 2733356012094739613 Time: 4.37576\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 3915320020053085238 Time: 2.52781\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 6808617066150061604 Time: 2.75417\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 9091006216302412844 Time: 2.75626\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8060443123034038864 Time: 2.8681\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -4420849921117327522 Time: 4.49589\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -3946921629105938337 Time: 4.39164\n", + "[03/14/2023-21:26:36] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.30393\n", + "[03/14/2023-21:26:36] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:26:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 861694390046228376 Time: 2.69056\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5258189349241541167 Time: 2.58862\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5821621277990374316 Time: 2.71865\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5863767799113001648 Time: 4.01029\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -9147980667639709536 Time: 2.40121\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8892196987859366827 Time: 2.42573\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8850904373104590857 Time: 2.76284\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8010679767156598961 Time: 4.01674\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7751035352149795660 Time: 2.32407\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -5115676123557684531 Time: 2.68536\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -493597327599791285 Time: 2.52189\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -423878181466897819 Time: 4.01526\n", + "[03/14/2023-21:26:37] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.32407\n", + "[03/14/2023-21:26:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 0 Time: 4.47268\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 1 Time: 3.75952\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 56 Time: 4.83443\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Fastest Tactic: 1 Time: 3.75952\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:26:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 1651411198763708804 Time: 1.34642\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 2418518597804310654 Time: 1.38615\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4318470497547290900 Time: 1.55569\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4930470141256631146 Time: 2.13136\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 8292881859266835088 Time: 2.16361\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 8401509141903434922 Time: 1.45833\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -8654297089785671176 Time: 1.66858\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7516584506774355935 Time: 2.10899\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7140760933967189247 Time: 1.36166\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -6004726995029373073 Time: 2.10835\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -5719726816705110014 Time: 1.54138\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -4097850214384059472 Time: 2.14286\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -3717489476759089008 Time: 1.34154\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -3689982367035295496 Time: 1.59212\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2640575123064142123 Time: 1.29811\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2534402059426524406 Time: 1.35903\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2027588946874785071 Time: 2.1517\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: -1968398013367819764 Time: 1.64446\n", + "[03/14/2023-21:26:38] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.29811\n", + "[03/14/2023-21:26:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 0 Time: 6.16777\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 56 Time: 6.1633\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:26:38] [V] [TRT] Fastest Tactic: 56 Time: 6.1633\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 83696452256923412 Time: 0.964144\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 106549059816437840 Time: 1.05304\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 1179757074518529353 Time: 0.840212\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2105695814191699972 Time: 1.07834\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2148106709480872763 Time: 0.617248\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2410442691266548717 Time: 0.718388\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2511830168590723349 Time: 0.771132\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2634905271404611895 Time: 0.631584\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2689212690707793357 Time: 0.721148\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2798075085844016892 Time: 0.715788\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3041642431972138763 Time: 0.597572\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3091156937974993800 Time: 0.697352\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3199589679702517123 Time: 0.775928\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3754069740140581927 Time: 0.992988\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3932578551652369355 Time: 0.944704\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4149021101886580762 Time: 0.661272\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4555462412611657028 Time: 0.656024\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4749226340913476230 Time: 1.0613\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5483093640784800285 Time: 0.883484\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5666160310350604399 Time: 1.04098\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5900614001783877430 Time: 1.0672\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5925270497649423688 Time: 0.941304\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5999406432703271895 Time: 0.833052\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 6680916730816870145 Time: 1.1229\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7107292614492808590 Time: 0.739076\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7158029511300006471 Time: 1.10286\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7859952145590271433 Time: 1.08074\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8283847742354150423 Time: 0.981924\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8468288610222482742 Time: 0.815028\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8620567263556985011 Time: 0.720184\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8642279798680442080 Time: 0.69146\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8980274178270132023 Time: 0.811812\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 9108067304506990859 Time: 0.829868\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -9104099172933216230 Time: 1.40889\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8992262742606384444 Time: 0.691812\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8956720569082607796 Time: 1.13524\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8952042869709043207 Time: 0.853648\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8898856569474934280 Time: 0.782748\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8774805574135441656 Time: 0.957128\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8749513212655756001 Time: 0.829704\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8520017388966620486 Time: 0.964348\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8487084252145372186 Time: 0.77612\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8391760416076885205 Time: 0.901048\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7990268040387498660 Time: 1.25128\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7849113095413980300 Time: 0.802284\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7533167286135592323 Time: 0.66216\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -6273232454637933930 Time: 0.919876\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5818527483287834165 Time: 0.906696\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5590418898350402100 Time: 0.831656\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5505475137955795830 Time: 0.612772\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5389631537202601150 Time: 0.781336\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5332866838585594777 Time: 0.64842\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5121883532434354186 Time: 0.664228\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5006039300385557796 Time: 0.799648\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4534876761957424274 Time: 0.92144\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4352168563838861262 Time: 0.612476\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4109084522508697633 Time: 0.767192\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -3237051169894153788 Time: 1.06727\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -3136088851200285532 Time: 0.606716\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2827934362840121038 Time: 1.08665\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2676138141351394855 Time: 1.30467\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2601537631049973288 Time: 0.657588\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2586046817576862066 Time: 0.7612\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2569977342077121032 Time: 0.889028\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2422160065350346448 Time: 1.04928\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2125188058121029448 Time: 0.896384\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2123887091022542343 Time: 0.775408\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -1838109259315759592 Time: 0.717172\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -1216445540764179377 Time: 0.705352\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -539379305772590030 Time: 1.43517\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -288413895057594820 Time: 0.758924\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -229563042944049199 Time: 0.5873\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.5873\n", + "[03/14/2023-21:26:39] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", + "[03/14/2023-21:26:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.90595\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 2.56076\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 1002 Time: 1.90595\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.58092\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.56717\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.56717\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.75921\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.25084\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.25084\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.29974\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.29278\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.29278\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.58355\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.47806\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 2.47806\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.78148\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.41204\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.78148\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.65674\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.64878\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.65674\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.23307\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.55867\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.23307\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.85149\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.03706\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.85149\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.64623\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.93526\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.64623\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.53295\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.14006\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.14006\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.39766\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.954428\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.954428\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.2464\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.31644\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.31644\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.70095\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.77906\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.70095\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.75465\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.1033\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.1033\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 0.970032\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.946172\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.946172\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.2089\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.50933\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.50933\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.5748\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.4107\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.4107\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.7653\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.909544\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.909544\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.37824\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 0 Time: 0.912456\n", + "[03/14/2023-21:26:41] [V] [TRT] Fastest Tactic: 0 Time: 0.912456\n", + "[03/14/2023-21:26:41] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 0 Time: 13.0593\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 1 Time: 11.0201\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 56 Time: 13.1406\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 57 Time: 11.0107\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:41] [V] [TRT] Fastest Tactic: 57 Time: 11.0107\n", + "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:41] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16082\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 1825138533642645384 Time: 6.28284\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 2733356012094739613 Time: 18.8803\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 3915320020053085238 Time: 6.14798\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 6808617066150061604 Time: 10.4968\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 9091006216302412844 Time: 10.5289\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: -8060443123034038864 Time: 10.4731\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: -4420849921117327522 Time: 18.1267\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: -3946921629105938337 Time: 18.8852\n", + "[03/14/2023-21:26:43] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 6.14798\n", + "[03/14/2023-21:26:43] [V] [TRT] Setting workspace to 102760448enables more tactics for profiling\n", + "[03/14/2023-21:26:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:43] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:43] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:43] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:43] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: 861694390046228376 Time: 4.8365\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: 5258189349241541167 Time: 5.35697\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: 5821621277990374316 Time: 5.25933\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: 5863767799113001648 Time: 7.6996\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -9147980667639709536 Time: 4.84571\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8892196987859366827 Time: 4.88187\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8850904373104590857 Time: 5.35951\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8010679767156598961 Time: 7.3698\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -7751035352149795660 Time: 4.82156\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -5115676123557684531 Time: 5.17427\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -493597327599791285 Time: 4.96096\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -423878181466897819 Time: 7.53598\n", + "[03/14/2023-21:26:44] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.82156\n", + "[03/14/2023-21:26:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:44] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:44] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 0 Time: 10.2272\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 1 Time: 14.3662\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 56 Time: 10.4817\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:45] [V] [TRT] Fastest Tactic: 0 Time: 10.2272\n", + "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:45] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling\n", + "[03/14/2023-21:26:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", + "[03/14/2023-21:26:45] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 1651411198763708804 Time: 6.02843\n", + "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 2418518597804310654 Time: 5.25604\n", + "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 4318470497547290900 Time: 6.03788\n", + "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: 4930470141256631146 Time: 11.0194\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: 8292881859266835088 Time: 9.44561\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: 8401509141903434922 Time: 5.26312\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -8654297089785671176 Time: 3.06088\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -7516584506774355935 Time: 10.9061\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -7140760933967189247 Time: 5.2098\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -6004726995029373073 Time: 11.0331\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -5719726816705110014 Time: 3.36148\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -4097850214384059472 Time: 9.38126\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -3717489476759089008 Time: 5.98275\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -3689982367035295496 Time: 3.01786\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2640575123064142123 Time: 3.44897\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2534402059426524406 Time: 3.11866\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2027588946874785071 Time: 9.45265\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -1968398013367819764 Time: 3.35537\n", + "[03/14/2023-21:26:47] [V] [TRT] Fastest Tactic: -3689982367035295496 Time: 3.01786\n", + "[03/14/2023-21:26:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:47] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:47] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:47] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:47] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: 0 Time: 13.2818\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308550656, available: 16777216\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 56 Time: 13.3528\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216\n", + "[03/14/2023-21:26:48] [V] [TRT] Fastest Tactic: 0 Time: 13.2818\n", + "[03/14/2023-21:26:48] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 385569945292539752 Time: 2.28008\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 833287959109025818 Time: 2.07605\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1013168150133367738 Time: 1.38201\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1067227531433278814 Time: 1.29199\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1179757074518529353 Time: 1.41825\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1554365048685552334 Time: 1.61086\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1579845938601132607 Time: 1.26892\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1796821236841789338 Time: 1.98519\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1948263663414159978 Time: 1.79606\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1989668371181446952 Time: 2.11508\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2027733232253711640 Time: 1.40631\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2105695814191699972 Time: 2.10509\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2148106709480872763 Time: 1.30774\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2410442691266548717 Time: 1.49892\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2511830168590723349 Time: 1.27901\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2798075085844016892 Time: 1.41237\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3041642431972138763 Time: 1.1736\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3745975654290680669 Time: 1.53448\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3754069740140581927 Time: 1.89384\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3784804427912340706 Time: 1.60783\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3919868136802676679 Time: 1.43066\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4149021101886580762 Time: 1.42358\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4555462412611657028 Time: 1.3453\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4749226340913476230 Time: 2.04845\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5483093640784800285 Time: 1.71232\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5848150552772236982 Time: 1.34686\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5900614001783877430 Time: 1.97138\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 5925270497649423688 Time: 2.00928\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 5999406432703271895 Time: 1.59228\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6103089697398018604 Time: 1.5878\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6195603576432354734 Time: 2.03324\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6408235920257988861 Time: 1.44032\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6623704051070449703 Time: 1.7322\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6680916730816870145 Time: 1.93399\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7114340626053367917 Time: 1.6645\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7158029511300006471 Time: 2.10873\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7612687199567064086 Time: 1.37132\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7729555994715864793 Time: 1.4171\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7844857443355818347 Time: 1.60434\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7859952145590271433 Time: 1.94933\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8283847742354150423 Time: 1.85902\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8455608235315878803 Time: 2.06252\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8668812313058150080 Time: 1.52664\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8992262742606384444 Time: 1.3235\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8952042869709043207 Time: 1.59167\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8898856569474934280 Time: 1.37489\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8774805574135441656 Time: 1.57167\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8750433364328295059 Time: 1.55901\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8749513212655756001 Time: 1.41974\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8520017388966620486 Time: 1.8504\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8487084252145372186 Time: 1.54825\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8392835332206231687 Time: 1.90209\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8391760416076885205 Time: 1.98462\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8254009616492665198 Time: 1.4744\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7849113095413980300 Time: 1.61905\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7615325597099025933 Time: 1.4801\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7594446953125532601 Time: 1.76073\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -7533167286135592323 Time: 1.3231\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -7345578023323941164 Time: 2.59782\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6828337260021572283 Time: 2.19769\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6711815420995272523 Time: 2.04762\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6636202818604544855 Time: 2.77767\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6489479581011009593 Time: 1.43575\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6273232454637933930 Time: 1.51273\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6080892721161662420 Time: 1.27231\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5818527483287834165 Time: 1.52109\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5710735840878760115 Time: 1.27768\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5589367647444470524 Time: 1.90763\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5198219374380660379 Time: 1.4622\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5121883532434354186 Time: 1.26716\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5006039300385557796 Time: 1.38491\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4627695383426341593 Time: 1.61785\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4534876761957424274 Time: 2.01797\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17067\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4116131327756252574 Time: 2.19133\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4109084522508697633 Time: 1.37987\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3968200906158272636 Time: 1.70695\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3425274793298557239 Time: 1.35467\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3271955096576257018 Time: 1.44238\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3237051169894153788 Time: 2.12982\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3136088851200285532 Time: 1.30425\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2871615028541756894 Time: 2.3343\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2827934362840121038 Time: 2.06539\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2676138141351394855 Time: 2.55688\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2586046817576862066 Time: 1.52834\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2569977342077121032 Time: 1.67474\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -2422160065350346448 Time: 1.91208\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1838109259315759592 Time: 1.36754\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1708101578041178688 Time: 1.50453\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1586820571068855896 Time: 1.67441\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1216445540764179377 Time: 1.53537\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1020632631321619146 Time: 1.5488\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -907287437357565279 Time: 1.48036\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -539379305772590030 Time: 2.36375\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -229563042944049199 Time: 1.27926\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 1.17067\n", + "[03/14/2023-21:26:51] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling\n", + "[03/14/2023-21:26:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.90357\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.56444\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.90357\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.58083\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.566\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.566\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.75679\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.24915\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.24915\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.29957\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.29155\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.29155\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 2.58083\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.49148\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 2.49148\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.7816\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.43954\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.7816\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.66901\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.6057\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.66901\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.23652\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.52652\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.23652\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.8513\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.03795\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.8513\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.64617\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.96362\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.64617\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.54476\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.14881\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.14881\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.39456\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.953476\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.953476\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.24735\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.30977\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.30977\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.69678\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.77988\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 1002 Time: 1.69678\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.79647\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.10604\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.10604\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 0.975572\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.947052\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.947052\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.20488\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.50626\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.50626\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.57601\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.40188\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.40188\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.85749\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.911352\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.911352\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.3503\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.912224\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.912224\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 3.81658\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1 Time: 3.1029\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 56 Time: 4.10966\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 57 Time: 3.09272\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 57 Time: 3.09272\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1754569683116234317 Time: 2.03449\n", + "[03/14/2023-21:26:52] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 1825138533642645384 Time: 2.09696\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 2733356012094739613 Time: 3.89588\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 3915320020053085238 Time: 2.28742\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 6808617066150061604 Time: 2.38958\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 9091006216302412844 Time: 2.41374\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8060443123034038864 Time: 2.50354\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -4420849921117327522 Time: 3.81912\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -3946921629105938337 Time: 3.97221\n", + "[03/14/2023-21:26:53] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.03449\n", + "[03/14/2023-21:26:53] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:26:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:53] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 861694390046228376 Time: 2.39327\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5258189349241541167 Time: 2.5766\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5821621277990374316 Time: 2.74155\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5863767799113001648 Time: 2.91967\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -9147980667639709536 Time: 2.28037\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8892196987859366827 Time: 2.42738\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8850904373104590857 Time: 2.58136\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8010679767156598961 Time: 2.91233\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -7751035352149795660 Time: 2.29642\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -5115676123557684531 Time: 2.59812\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -493597327599791285 Time: 2.48155\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -423878181466897819 Time: 2.844\n", + "[03/14/2023-21:26:53] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.28037\n", + "[03/14/2023-21:26:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:53] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 0 Time: 3.54964\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1 Time: 2.96904\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 56 Time: 3.92002\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Fastest Tactic: 1 Time: 2.96904\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:26:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1651411198763708804 Time: 1.05946\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2418518597804310654 Time: 1.07964\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4318470497547290900 Time: 1.18159\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4930470141256631146 Time: 1.85804\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 8292881859266835088 Time: 1.90785\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 8401509141903434922 Time: 1.26111\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -8654297089785671176 Time: 1.30336\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -7516584506774355935 Time: 1.882\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -7140760933967189247 Time: 1.20137\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -6004726995029373073 Time: 1.85939\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -5719726816705110014 Time: 1.22312\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90974\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -3717489476759089008 Time: 1.17442\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -3689982367035295496 Time: 1.24818\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2640575123064142123 Time: 1.17912\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2534402059426524406 Time: 1.1523\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2027588946874785071 Time: 1.9061\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -1968398013367819764 Time: 1.20508\n", + "[03/14/2023-21:26:54] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.05946\n", + "[03/14/2023-21:26:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 0 Time: 5.16777\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128587776, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 56 Time: 5.10988\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:26:55] [V] [TRT] Fastest Tactic: 56 Time: 5.10988\n", + "[03/14/2023-21:26:55] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:55] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 83696452256923412 Time: 0.867344\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 106549059816437840 Time: 0.732284\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 1179757074518529353 Time: 0.674988\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2105695814191699972 Time: 0.914088\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2148106709480872763 Time: 0.659852\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2410442691266548717 Time: 0.665624\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2511830168590723349 Time: 0.781232\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2634905271404611895 Time: 0.821528\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2689212690707793357 Time: 1.06421\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2798075085844016892 Time: 0.833328\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3041642431972138763 Time: 0.644768\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3091156937974993800 Time: 0.83606\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3199589679702517123 Time: 0.79274\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3754069740140581927 Time: 0.936076\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3932578551652369355 Time: 0.799484\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4149021101886580762 Time: 0.820372\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4555462412611657028 Time: 0.660768\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4749226340913476230 Time: 0.907912\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5483093640784800285 Time: 0.828888\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5666160310350604399 Time: 0.933444\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5900614001783877430 Time: 0.952728\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5925270497649423688 Time: 0.861824\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5999406432703271895 Time: 0.830432\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 6680916730816870145 Time: 0.771472\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7107292614492808590 Time: 0.645248\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7158029511300006471 Time: 0.925156\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7859952145590271433 Time: 0.751616\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8283847742354150423 Time: 0.935952\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8468288610222482742 Time: 0.834704\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8620567263556985011 Time: 0.857072\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8642279798680442080 Time: 0.663136\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8980274178270132023 Time: 0.851384\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 9108067304506990859 Time: 0.82942\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -9104099172933216230 Time: 1.02986\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8992262742606384444 Time: 0.66706\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8956720569082607796 Time: 0.968512\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8952042869709043207 Time: 0.832456\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8898856569474934280 Time: 0.672308\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8774805574135441656 Time: 1.16981\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8749513212655756001 Time: 0.836228\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8520017388966620486 Time: 0.792588\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8487084252145372186 Time: 1.08529\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8391760416076885205 Time: 0.861872\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7990268040387498660 Time: 1.06918\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7849113095413980300 Time: 0.861084\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7533167286135592323 Time: 0.81532\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -6273232454637933930 Time: 0.692448\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5818527483287834165 Time: 0.683144\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5590418898350402100 Time: 0.826668\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5505475137955795830 Time: 0.649068\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5389631537202601150 Time: 0.849512\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5332866838585594777 Time: 0.814492\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5121883532434354186 Time: 0.818096\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5006039300385557796 Time: 0.816508\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4534876761957424274 Time: 0.856912\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4352168563838861262 Time: 0.647536\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4109084522508697633 Time: 0.863\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -3237051169894153788 Time: 0.900592\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -3136088851200285532 Time: 0.645528\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2827934362840121038 Time: 0.75822\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2676138141351394855 Time: 1.06426\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2601537631049973288 Time: 0.819304\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2586046817576862066 Time: 0.673536\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2569977342077121032 Time: 0.86756\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2422160065350346448 Time: 0.759084\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2125188058121029448 Time: 1.15934\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2123887091022542343 Time: 0.828036\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -1838109259315759592 Time: 0.645164\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -1216445540764179377 Time: 0.668884\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -539379305772590030 Time: 0.998232\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -288413895057594820 Time: 0.814204\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -229563042944049199 Time: 0.646916\n", + "[03/14/2023-21:26:56] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.644768\n", + "[03/14/2023-21:26:56] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", + "[03/14/2023-21:26:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 0 Time: 7.7361\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 37312512, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 6 Time: 4.62358\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 56 Time: 8.38555\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 57 skipped. Scratch requested: 37312512, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 62 Time: 4.67829\n", + "[03/14/2023-21:26:56] [V] [TRT] Fastest Tactic: 6 Time: 4.62358\n", + "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 1825138533642645384 Time: 4.64672\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 2775507031594384867 Time: 4.21492\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 2842488832350522458 Time: 4.89467\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 3915320020053085238 Time: 4.63388\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 6448355332020552203 Time: 4.70156\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 6808617066150061604 Time: 4.76856\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: -8060443123034038864 Time: 4.95964\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: -4420849921117327522 Time: 6.78991\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: -3946921629105938337 Time: 5.90382\n", + "[03/14/2023-21:26:57] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.21492\n", + "[03/14/2023-21:26:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", + "[03/14/2023-21:26:57] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:57] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:57] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 861694390046228376 Time: 4.85158\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 1017870653102653567 Time: 4.64822\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 5258189349241541167 Time: 4.79529\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 5821621277990374316 Time: 4.58912\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 5863767799113001648 Time: 5.28394\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -9147980667639709536 Time: 4.50568\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -8850904373104590857 Time: 4.87334\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -7751035352149795660 Time: 4.55091\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -3853827649136781465 Time: 4.76354\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -3263369460438823196 Time: 4.84987\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -423878181466897819 Time: 5.34865\n", + "[03/14/2023-21:26:58] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.50568\n", + "[03/14/2023-21:26:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:58] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 0 Time: 7.23422\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20375040, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 56 Time: 7.31755\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Fastest Tactic: 0 Time: 7.23422\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:58] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling\n", + "[03/14/2023-21:26:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", + "[03/14/2023-21:26:58] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 1145226902788474763 Time: 2.16752\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 1651411198763708804 Time: 2.57515\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65961\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4318470497547290900 Time: 2.61869\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4653005425971292725 Time: 2.62674\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4930470141256631146 Time: 2.87417\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 8292881859266835088 Time: 3.05634\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 8401509141903434922 Time: 2.72924\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -8654297089785671176 Time: 2.5658\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -7448936905981214224 Time: 2.82755\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -6004726995029373073 Time: 2.87613\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -5719726816705110014 Time: 2.59386\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3754890472406891741 Time: 2.543\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3689982367035295496 Time: 2.47116\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3140347171730126532 Time: 2.22543\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -2894005464278291378 Time: 2.89802\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -2027588946874785071 Time: 2.88901\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -1968398013367819764 Time: 2.6714\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -245090590808296743 Time: 2.58536\n", + "[03/14/2023-21:26:59] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.16752\n", + "[03/14/2023-21:26:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:26:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 0 Time: 10.7553\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1 skipped. Scratch requested: 51681280, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 56 Time: 10.7618\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Fastest Tactic: 0 Time: 10.7553\n", + "[03/14/2023-21:27:00] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 46202665595848747 Time: 2.0778\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 239013563835492727 Time: 1.56327\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 385569945292539752 Time: 2.31807\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 671037109694951988 Time: 1.20564\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 833287959109025818 Time: 1.37215\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 864841579020773074 Time: 0.742044\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 912634305247603909 Time: 2.31056\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1013168150133367738 Time: 0.930636\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14651\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1067227531433278814 Time: 0.804756\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1554365048685552334 Time: 2.42217\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1579845938601132607 Time: 0.775012\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1796821236841789338 Time: 1.68215\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1837941418294761657 Time: 1.22761\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1948263663414159978 Time: 1.43309\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1989668371181446952 Time: 1.81256\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2027733232253711640 Time: 1.4818\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2148106709480872763 Time: 0.926028\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10761\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2410442691266548717 Time: 0.749468\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 3464689803495983377 Time: 0.883708\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 3636831327753843771 Time: 0.767984\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3745975654290680669 Time: 2.37326\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3754069740140581927 Time: 1.35394\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3784804427912340706 Time: 1.46444\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3823144360994712832 Time: 0.9\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3919868136802676679 Time: 1.24253\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5263029549013613567 Time: 0.76582\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5506334059535811602 Time: 1.41774\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5635311898703673455 Time: 0.715956\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5786991692145244692 Time: 2.15844\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5848150552772236982 Time: 1.15515\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5925270497649423688 Time: 1.2496\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5932046018238429951 Time: 1.59756\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6103089697398018604 Time: 2.40358\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6195603576432354734 Time: 1.52815\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6252808259936499253 Time: 1.44705\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6408235920257988861 Time: 1.21041\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6623704051070449703 Time: 1.32636\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6680916730816870145 Time: 1.39521\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7114340626053367917 Time: 1.52649\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7158029511300006471 Time: 1.36513\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7612687199567064086 Time: 1.19073\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7729555994715864793 Time: 1.17456\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7844857443355818347 Time: 1.2044\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7849296535223586261 Time: 1.21208\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7859952145590271433 Time: 1.39162\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8219150286974756863 Time: 2.11466\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8283847742354150423 Time: 1.37014\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8455608235315878803 Time: 1.67716\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8668812313058150080 Time: 1.28272\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8992262742606384444 Time: 0.972508\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8750433364328295059 Time: 1.2196\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8682550625095202832 Time: 0.929348\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8392835332206231687 Time: 1.69579\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8254009616492665198 Time: 0.773768\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7615325597099025933 Time: 0.793252\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7594446953125532601 Time: 1.19784\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7345578023323941164 Time: 2.03448\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -6828337260021572283 Time: 1.81994\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6711815420995272523 Time: 1.61466\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6636202818604544855 Time: 2.2264\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6489479581011009593 Time: 1.52786\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6320761427625651496 Time: 1.48214\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6273232454637933930 Time: 0.86532\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6080892721161662420 Time: 0.730156\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6032793021868796623 Time: 1.16718\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5818527483287834165 Time: 0.84286\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5710735840878760115 Time: 0.83344\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5589367647444470524 Time: 1.79784\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5546257196173962281 Time: 1.13798\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5198219374380660379 Time: 0.943056\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4954692664176521434 Time: 0.793124\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4627695383426341593 Time: 1.56217\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4534876761957424274 Time: 1.24367\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4142141368456048176 Time: 1.47387\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4116131327756252574 Time: 1.96946\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3968200906158272636 Time: 2.35767\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62733\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3425274793298557239 Time: 1.08648\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3271955096576257018 Time: 1.11371\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3237051169894153788 Time: 1.4003\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3136088851200285532 Time: 0.735864\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2871615028541756894 Time: 2.21036\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2751179716463646694 Time: 1.49136\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2634388175487609605 Time: 1.8301\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2586046817576862066 Time: 0.75698\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1708101578041178688 Time: 1.37162\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1586820571068855896 Time: 1.55847\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1020632631321619146 Time: 1.24271\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -907287437357565279 Time: 1.43309\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -229563042944049199 Time: 0.708164\n", + "[03/14/2023-21:27:02] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.708164\n", + "[03/14/2023-21:27:02] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling\n", + "[03/14/2023-21:27:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:02] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:02] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 0 Time: 10.2694\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1 Time: 8.49866\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 56 Time: 10.2792\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 57 Time: 8.48776\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Fastest Tactic: 57 Time: 8.48776\n", + "[03/14/2023-21:27:03] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:03] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:03] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1754569683116234317 Time: 2.97824\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1825138533642645384 Time: 3.08758\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 2733356012094739613 Time: 5.40646\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 3915320020053085238 Time: 3.01427\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 6808617066150061604 Time: 3.58104\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 9091006216302412844 Time: 3.59041\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: -8060443123034038864 Time: 3.58372\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -4420849921117327522 Time: 5.37035\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -3946921629105938337 Time: 5.43739\n", + "[03/14/2023-21:27:04] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.97824\n", + "[03/14/2023-21:27:04] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:27:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:04] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:04] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:04] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: 861694390046228376 Time: 3.00764\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5258189349241541167 Time: 2.864\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5821621277990374316 Time: 3.10806\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5863767799113001648 Time: 5.23724\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -9147980667639709536 Time: 2.77082\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8892196987859366827 Time: 2.9206\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8850904373104590857 Time: 2.8774\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8010679767156598961 Time: 5.22273\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -7751035352149795660 Time: 2.80312\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -5115676123557684531 Time: 3.06658\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -493597327599791285 Time: 2.85518\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -423878181466897819 Time: 5.32222\n", + "[03/14/2023-21:27:04] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.77082\n", + "[03/14/2023-21:27:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:04] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 0 Time: 7.08608\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 1 Time: 6.15414\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 56 Time: 7.39452\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Fastest Tactic: 1 Time: 6.15414\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:27:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 1651411198763708804 Time: 1.7824\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 2418518597804310654 Time: 1.81087\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4318470497547290900 Time: 1.80407\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4930470141256631146 Time: 2.63141\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 8292881859266835088 Time: 2.68841\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 8401509141903434922 Time: 1.8135\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -8654297089785671176 Time: 1.85299\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -7516584506774355935 Time: 2.63706\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -7140760933967189247 Time: 1.79794\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -6004726995029373073 Time: 2.63066\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -5719726816705110014 Time: 1.6604\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -4097850214384059472 Time: 2.68926\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -3717489476759089008 Time: 1.77061\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -3689982367035295496 Time: 1.78657\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2640575123064142123 Time: 1.56488\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2534402059426524406 Time: 1.59222\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2027588946874785071 Time: 2.68608\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -1968398013367819764 Time: 1.67973\n", + "[03/14/2023-21:27:05] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.56488\n", + "[03/14/2023-21:27:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 0 Time: 8.92433\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 56 Time: 8.89007\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:06] [V] [TRT] Fastest Tactic: 56 Time: 8.89007\n", + "[03/14/2023-21:27:06] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:06] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 83696452256923412 Time: 1.1347\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 106549059816437840 Time: 1.2067\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 1179757074518529353 Time: 1.11472\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2105695814191699972 Time: 1.40258\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2148106709480872763 Time: 1.20205\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2410442691266548717 Time: 1.21039\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2511830168590723349 Time: 0.980432\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2634905271404611895 Time: 1.02869\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2689212690707793357 Time: 1.03634\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08133\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3041642431972138763 Time: 1.02504\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3091156937974993800 Time: 1.08016\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3199589679702517123 Time: 0.980388\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3754069740140581927 Time: 1.1874\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3932578551652369355 Time: 1.02671\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4149021101886580762 Time: 1.02622\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4555462412611657028 Time: 1.19327\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4749226340913476230 Time: 1.1721\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5483093640784800285 Time: 1.07067\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5666160310350604399 Time: 1.25658\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5900614001783877430 Time: 1.21133\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5925270497649423688 Time: 1.4448\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5999406432703271895 Time: 1.02191\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29577\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7107292614492808590 Time: 1.00331\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7158029511300006471 Time: 1.43959\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7859952145590271433 Time: 1.27248\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8283847742354150423 Time: 1.18373\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8468288610222482742 Time: 1.1842\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8620567263556985011 Time: 1.1336\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8642279798680442080 Time: 1.02731\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8980274178270132023 Time: 1.13476\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: 9108067304506990859 Time: 1.02381\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -9104099172933216230 Time: 1.55194\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8992262742606384444 Time: 1.1817\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8956720569082607796 Time: 1.2294\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8952042869709043207 Time: 1.25144\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8898856569474934280 Time: 1.0615\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8774805574135441656 Time: 1.06609\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8749513212655756001 Time: 1.12824\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8520017388966620486 Time: 1.03249\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8487084252145372186 Time: 1.03382\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8391760416076885205 Time: 1.43322\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7990268040387498660 Time: 1.28352\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7849113095413980300 Time: 1.11822\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7533167286135592323 Time: 1.06111\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -6273232454637933930 Time: 1.10816\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5818527483287834165 Time: 1.12731\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5590418898350402100 Time: 1.06422\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5505475137955795830 Time: 0.999724\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5389631537202601150 Time: 1.16108\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5332866838585594777 Time: 1.0601\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5121883532434354186 Time: 1.04414\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5006039300385557796 Time: 1.16994\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4534876761957424274 Time: 1.4054\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4352168563838861262 Time: 1.00279\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4109084522508697633 Time: 1.01768\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -3237051169894153788 Time: 1.36276\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -3136088851200285532 Time: 1.0416\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2827934362840121038 Time: 1.09262\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2676138141351394855 Time: 1.31149\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2601537631049973288 Time: 1.04024\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2586046817576862066 Time: 1.22183\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2569977342077121032 Time: 1.16761\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2422160065350346448 Time: 1.27794\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2125188058121029448 Time: 1.06846\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2123887091022542343 Time: 1.23254\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -1838109259315759592 Time: 1.01194\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -1216445540764179377 Time: 1.23396\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -539379305772590030 Time: 1.52378\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -288413895057594820 Time: 1.17946\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -229563042944049199 Time: 1.03356\n", + "[03/14/2023-21:27:07] [V] [TRT] Fastest Tactic: 3199589679702517123 Time: 0.980388\n", + "[03/14/2023-21:27:07] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", + "[03/14/2023-21:27:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CudnnConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CublasConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CudnnConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CaskConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CudnnConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CublasConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CaskConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CublasConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CaskConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CublasConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CaskConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(200704,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 0 Time: 8.22148\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1 Time: 6.19157\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 56 Time: 8.44039\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 57 Time: 6.09284\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Fastest Tactic: 57 Time: 6.09284\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1754569683116234317 Time: 4.07563\n", + "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1825138533642645384 Time: 4.61236\n", + "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 2733356012094739613 Time: 7.85058\n", + "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 3915320020053085238 Time: 4.65714\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 6808617066150061604 Time: 4.99944\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 9091006216302412844 Time: 4.95252\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: -8060443123034038864 Time: 5.32269\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: -4420849921117327522 Time: 7.80813\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: -3946921629105938337 Time: 7.97312\n", + "[03/14/2023-21:27:09] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.07563\n", + "[03/14/2023-21:27:09] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling\n", + "[03/14/2023-21:27:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:09] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 861694390046228376 Time: 4.8228\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5258189349241541167 Time: 4.92789\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5821621277990374316 Time: 4.72412\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5863767799113001648 Time: 5.53998\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -9147980667639709536 Time: 4.38173\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8892196987859366827 Time: 4.55085\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8850904373104590857 Time: 4.84613\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8010679767156598961 Time: 5.47326\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -7751035352149795660 Time: 4.38617\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -5115676123557684531 Time: 4.73308\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -493597327599791285 Time: 4.83319\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -423878181466897819 Time: 5.56093\n", + "[03/14/2023-21:27:10] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.38173\n", + "[03/14/2023-21:27:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:10] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:10] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 0 Time: 7.45683\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 1 Time: 5.9521\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 56 Time: 7.95761\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216\n", + "[03/14/2023-21:27:11] [V] [TRT] Fastest Tactic: 1 Time: 5.9521\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling\n", + "[03/14/2023-21:27:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:11] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 1651411198763708804 Time: 2.12578\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 2418518597804310654 Time: 2.54947\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 4318470497547290900 Time: 2.78566\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 4930470141256631146 Time: 3.7678\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 8292881859266835088 Time: 3.85839\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 8401509141903434922 Time: 2.60323\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -8654297089785671176 Time: 2.66022\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81824\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -7140760933967189247 Time: 2.74486\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -6004726995029373073 Time: 3.77338\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -5719726816705110014 Time: 2.64921\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -4097850214384059472 Time: 3.87391\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -3717489476759089008 Time: 2.48287\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -3689982367035295496 Time: 2.73897\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -2640575123064142123 Time: 2.36004\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -2534402059426524406 Time: 2.33963\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: -2027588946874785071 Time: 3.8638\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: -1968398013367819764 Time: 2.65654\n", + "[03/14/2023-21:27:12] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.12578\n", + "[03/14/2023-21:27:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 0 Time: 10.6581\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 1 skipped. Scratch requested: 154408960, available: 16777216\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 56 Time: 10.5892\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216\n", + "[03/14/2023-21:27:12] [V] [TRT] Fastest Tactic: 56 Time: 10.5892\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 83696452256923412 Time: 1.54752\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 106549059816437840 Time: 1.5916\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 1179757074518529353 Time: 1.04905\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2105695814191699972 Time: 1.59648\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2148106709480872763 Time: 0.993636\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2410442691266548717 Time: 0.910788\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2511830168590723349 Time: 1.0086\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2634905271404611895 Time: 1.1448\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2689212690707793357 Time: 1.2773\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2798075085844016892 Time: 1.20733\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3041642431972138763 Time: 0.820816\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3091156937974993800 Time: 1.19574\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3199589679702517123 Time: 1.05843\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3754069740140581927 Time: 1.61297\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3932578551652369355 Time: 1.68968\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4149021101886580762 Time: 1.16192\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4555462412611657028 Time: 1.04832\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4749226340913476230 Time: 1.81087\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5483093640784800285 Time: 1.56321\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5666160310350604399 Time: 1.6444\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5900614001783877430 Time: 1.88368\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5925270497649423688 Time: 1.36242\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5999406432703271895 Time: 1.59223\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 6680916730816870145 Time: 1.50352\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7107292614492808590 Time: 1.24439\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7158029511300006471 Time: 1.61577\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7859952145590271433 Time: 1.50178\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8283847742354150423 Time: 1.58403\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8468288610222482742 Time: 1.09822\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8620567263556985011 Time: 1.08266\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8642279798680442080 Time: 1.11668\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8980274178270132023 Time: 1.45148\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 9108067304506990859 Time: 1.49304\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -9104099172933216230 Time: 2.25306\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8992262742606384444 Time: 1.01871\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8956720569082607796 Time: 1.86004\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8952042869709043207 Time: 1.26285\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8898856569474934280 Time: 1.1963\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8774805574135441656 Time: 1.30319\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8749513212655756001 Time: 1.10249\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8520017388966620486 Time: 1.69043\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8487084252145372186 Time: 1.24657\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8391760416076885205 Time: 1.35121\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7990268040387498660 Time: 2.17045\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2397\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7533167286135592323 Time: 1.13956\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -6273232454637933930 Time: 1.07438\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5818527483287834165 Time: 1.05551\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5590418898350402100 Time: 1.50917\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5505475137955795830 Time: 0.831216\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5389631537202601150 Time: 1.26113\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5332866838585594777 Time: 1.16131\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5121883532434354186 Time: 0.980724\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5006039300385557796 Time: 1.06602\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38994\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -4352168563838861262 Time: 0.817376\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -4109084522508697633 Time: 1.08952\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -3237051169894153788 Time: 1.5659\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -3136088851200285532 Time: 0.820696\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2827934362840121038 Time: 1.62696\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2676138141351394855 Time: 2.41199\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2601537631049973288 Time: 0.995184\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2586046817576862066 Time: 0.942312\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2569977342077121032 Time: 1.56502\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2422160065350346448 Time: 1.49242\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2125188058121029448 Time: 1.28749\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2123887091022542343 Time: 1.2756\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -1838109259315759592 Time: 1.28986\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -1216445540764179377 Time: 0.953236\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -539379305772590030 Time: 2.25266\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -288413895057594820 Time: 1.06699\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -229563042944049199 Time: 0.827476\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 0.817376\n", + "[03/14/2023-21:27:14] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling\n", + "[03/14/2023-21:27:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.946676\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.20851\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.946676\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.793924\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.78732\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.78732\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.867452\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.626904\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.626904\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.644844\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.6433\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.6433\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.29328\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.18606\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 1.18606\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.896676\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.1286\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.896676\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.853668\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.24482\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.853668\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.625728\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.7506\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.625728\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.929264\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.01526\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.929264\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.811364\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.928812\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.811364\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.748652\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.556484\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.556484\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.687964\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.469332\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.469332\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.12464\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.66206\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.66206\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.843392\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.86616\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.843392\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.2542\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.550208\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.550208\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.482812\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.47076\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.47076\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 1.08931\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.734576\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.734576\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.784416\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.70308\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.70308\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.881348\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.441932\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.441932\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.6603\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.444328\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.444328\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning format combination: Float(200704,784,28,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 7.69195\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1 skipped. Scratch requested: 19773952, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 56 Time: 7.99244\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 57 skipped. Scratch requested: 19773952, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 7.69195\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1825138533642645384 Time: 4.26968\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 2842488832350522458 Time: 5.25534\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 3915320020053085238 Time: 4.9442\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 6448355332020552203 Time: 4.89524\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 6808617066150061604 Time: 5.26744\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -8060443123034038864 Time: 5.72979\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -4420849921117327522 Time: 8.53264\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -3946921629105938337 Time: 8.00678\n", + "[03/14/2023-21:27:16] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.26968\n", + "[03/14/2023-21:27:16] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling\n", + "[03/14/2023-21:27:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:16] [V] [TRT] *************** Autotuning format combination: Float(200704,1,7168,256) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:16] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:16] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 861694390046228376 Time: 5.18411\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 1017870653102653567 Time: 4.86974\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5258189349241541167 Time: 5.0898\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5821621277990374316 Time: 4.91483\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5863767799113001648 Time: 5.42973\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -9147980667639709536 Time: 4.76073\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -8850904373104590857 Time: 5.00928\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: -7751035352149795660 Time: 4.82851\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: -3853827649136781465 Time: 4.95081\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: -3263369460438823196 Time: 5.1293\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: -423878181466897819 Time: 5.53322\n", + "[03/14/2023-21:27:17] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.76073\n", + "[03/14/2023-21:27:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:17] [V] [TRT] *************** Autotuning format combination: Half(200704,784,28,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 0 Time: 7.24836\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1 Time: 5.9822\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 56 Time: 7.65154\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:17] [V] [TRT] Fastest Tactic: 1 Time: 5.9822\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:17] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling\n", + "[03/14/2023-21:27:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:17] [V] [TRT] *************** Autotuning format combination: Half(100352,784:2,28,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1145226902788474763 Time: 2.20914\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1651411198763708804 Time: 2.9062\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 2418518597804310654 Time: 2.90498\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4318470497547290900 Time: 2.81898\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4653005425971292725 Time: 2.86113\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4930470141256631146 Time: 3.51212\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 8292881859266835088 Time: 3.57718\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 8401509141903434922 Time: 2.85372\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -8654297089785671176 Time: 2.69216\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -7448936905981214224 Time: 3.34455\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -6004726995029373073 Time: 3.78375\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -5719726816705110014 Time: 2.69814\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -3754890472406891741 Time: 2.51519\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -3689982367035295496 Time: 2.47808\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -2894005464278291378 Time: 3.36112\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -2027588946874785071 Time: 3.56834\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -1968398013367819764 Time: 2.82559\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -245090590808296743 Time: 2.57878\n", + "[03/14/2023-21:27:18] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.20914\n", + "[03/14/2023-21:27:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:27:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:18] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:18] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 0 Time: 11.4159\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1 skipped. Scratch requested: 65407488, available: 16777216\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 56 Time: 11.4985\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:19] [V] [TRT] Fastest Tactic: 0 Time: 11.4159\n", + "[03/14/2023-21:27:19] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 46202665595848747 Time: 1.10613\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 239013563835492727 Time: 1.61373\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 385569945292539752 Time: 2.39901\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 671037109694951988 Time: 1.24064\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 833287959109025818 Time: 1.47474\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 864841579020773074 Time: 0.752764\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 912634305247603909 Time: 1.21153\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1013168150133367738 Time: 1.05178\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1014187170474222133 Time: 1.2295\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1067227531433278814 Time: 0.881108\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1554365048685552334 Time: 1.24122\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1579845938601132607 Time: 0.85092\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1796821236841789338 Time: 1.75454\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1837941418294761657 Time: 1.21755\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1948263663414159978 Time: 1.43807\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1989668371181446952 Time: 1.83085\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2027733232253711640 Time: 0.962012\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2148106709480872763 Time: 1.00557\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2154731107061273008 Time: 1.17954\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2410442691266548717 Time: 0.725628\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3464689803495983377 Time: 0.963408\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3636831327753843771 Time: 0.855772\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3745975654290680669 Time: 1.26101\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3754069740140581927 Time: 1.45865\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3784804427912340706 Time: 1.58254\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3823144360994712832 Time: 0.880064\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3919868136802676679 Time: 1.35122\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5263029549013613567 Time: 0.834104\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5506334059535811602 Time: 0.786344\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5635311898703673455 Time: 0.751884\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5786991692145244692 Time: 2.31848\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5848150552772236982 Time: 1.19635\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5925270497649423688 Time: 1.28091\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5932046018238429951 Time: 1.61756\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6103089697398018604 Time: 1.22826\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6195603576432354734 Time: 1.65681\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6252808259936499253 Time: 1.54732\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6408235920257988861 Time: 1.28837\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6623704051070449703 Time: 1.37428\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6680916730816870145 Time: 1.31587\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7114340626053367917 Time: 1.59053\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7158029511300006471 Time: 1.44833\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7612687199567064086 Time: 1.26576\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7729555994715864793 Time: 1.26295\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7844857443355818347 Time: 1.37872\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7849296535223586261 Time: 1.38402\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7859952145590271433 Time: 1.45984\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8219150286974756863 Time: 2.07068\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8283847742354150423 Time: 1.3616\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8455608235315878803 Time: 1.61859\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8668812313058150080 Time: 1.29485\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8992262742606384444 Time: 1.00237\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8750433364328295059 Time: 1.28248\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8682550625095202832 Time: 0.989088\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8392835332206231687 Time: 1.77698\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8254009616492665198 Time: 0.768604\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7615325597099025933 Time: 0.832276\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7594446953125532601 Time: 1.26043\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7345578023323941164 Time: 2.11192\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6828337260021572283 Time: 1.88922\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6711815420995272523 Time: 1.68904\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6636202818604544855 Time: 2.30506\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6489479581011009593 Time: 0.939464\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6320761427625651496 Time: 0.90954\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6273232454637933930 Time: 0.838048\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6080892721161662420 Time: 0.777096\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6032793021868796623 Time: 1.1938\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5818527483287834165 Time: 0.832496\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5710735840878760115 Time: 0.92626\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5589367647444470524 Time: 1.85126\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5546257196173962281 Time: 1.17739\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5198219374380660379 Time: 1.02578\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4954692664176521434 Time: 0.767708\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4627695383426341593 Time: 1.63449\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4534876761957424274 Time: 1.30054\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4142141368456048176 Time: 1.57069\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4116131327756252574 Time: 2.03052\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3968200906158272636 Time: 1.21621\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3784342055748695733 Time: 1.70926\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3425274793298557239 Time: 1.18469\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3271955096576257018 Time: 1.21236\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3237051169894153788 Time: 1.52448\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3136088851200285532 Time: 0.771308\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2871615028541756894 Time: 2.35607\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2751179716463646694 Time: 1.55925\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2634388175487609605 Time: 1.90983\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2586046817576862066 Time: 0.71486\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1708101578041178688 Time: 0.780016\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1586820571068855896 Time: 1.58119\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1020632631321619146 Time: 1.27072\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -907287437357565279 Time: 0.760308\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -229563042944049199 Time: 0.739364\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.71486\n", + "[03/14/2023-21:27:21] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", + "[03/14/2023-21:27:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22958\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.280952\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22958\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 2.62225\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.203308\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.203308\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.233536\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.161916\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.161916\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.166296\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.161668\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.161668\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.334508\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.280236\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.280236\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22954\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.257584\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22954\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22908\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.276612\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22908\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.160576\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.1741\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.160576\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 2.32066\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.254292\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.254292\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.189172\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.241424\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.189172\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.19188\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.138012\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.138012\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.177268\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.122324\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.122324\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.306444\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.165252\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.165252\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.19872\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.203748\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.19872\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.351644\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.1311\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.1311\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.1357\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.117164\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.117164\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.293288\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.192368\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.192368\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.196964\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.178268\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.178268\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.289304\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.13622\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.13622\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.178876\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.121804\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.121804\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 4.33168\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1 Time: 3.35294\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 56 Time: 4.5544\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 57 Time: 3.32306\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 57 Time: 3.32306\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1754569683116234317 Time: 2.15222\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1825138533642645384 Time: 2.2508\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 2733356012094739613 Time: 4.43325\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 3915320020053085238 Time: 2.41336\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 6808617066150061604 Time: 2.57061\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 9091006216302412844 Time: 2.6593\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: -8060443123034038864 Time: 2.71456\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: -4420849921117327522 Time: 4.25716\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: -3946921629105938337 Time: 4.53742\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.15222\n", + "[03/14/2023-21:27:22] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:23] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 861694390046228376 Time: 2.52945\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5258189349241541167 Time: 2.42177\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5821621277990374316 Time: 2.4883\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5863767799113001648 Time: 3.173\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -9147980667639709536 Time: 2.31778\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8892196987859366827 Time: 2.28365\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8850904373104590857 Time: 2.35062\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8010679767156598961 Time: 3.15767\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -7751035352149795660 Time: 2.30284\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -5115676123557684531 Time: 2.4718\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -493597327599791285 Time: 2.26864\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -423878181466897819 Time: 3.18248\n", + "[03/14/2023-21:27:23] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 2.26864\n", + "[03/14/2023-21:27:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285\n", + "[03/14/2023-21:27:23] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 0 Time: 3.70964\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 1 Time: 3.18565\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 2 Time: 4.33706\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 56 Time: 4.05456\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 58 Time: 4.3738\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 1 Time: 3.18565\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1651411198763708804 Time: 1.21512\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2418518597804310654 Time: 1.25323\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 4318470497547290900 Time: 1.32042\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 4930470141256631146 Time: 2.09607\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 8292881859266835088 Time: 2.13695\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 8401509141903434922 Time: 1.28762\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -8654297089785671176 Time: 1.43703\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -7516584506774355935 Time: 2.08596\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -7140760933967189247 Time: 1.28554\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -6004726995029373073 Time: 2.08191\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -5719726816705110014 Time: 1.36357\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -4097850214384059472 Time: 2.13158\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -3717489476759089008 Time: 1.27785\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -3689982367035295496 Time: 1.41717\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2640575123064142123 Time: 1.24813\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2534402059426524406 Time: 1.25373\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2027588946874785071 Time: 2.13698\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -1968398013367819764 Time: 1.36678\n", + "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.21512\n", + "[03/14/2023-21:27:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 0 Time: 5.28838\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 56 Time: 5.3628\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 0 Time: 5.28838\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 83696452256923412 Time: 0.807152\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 106549059816437840 Time: 0.828976\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1179757074518529353 Time: 0.5673\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2105695814191699972 Time: 0.804812\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2148106709480872763 Time: 0.46682\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2410442691266548717 Time: 0.506512\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2511830168590723349 Time: 0.588884\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2634905271404611895 Time: 0.548152\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 2689212690707793357 Time: 0.632512\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 2798075085844016892 Time: 0.556904\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3041642431972138763 Time: 0.362136\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3091156937974993800 Time: 0.528304\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3199589679702517123 Time: 0.552324\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3754069740140581927 Time: 0.7511\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3932578551652369355 Time: 0.774484\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4149021101886580762 Time: 0.518148\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4555462412611657028 Time: 0.44184\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4749226340913476230 Time: 0.782448\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5483093640784800285 Time: 0.67192\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.794136\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.94592\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.759284\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.732544\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.797848\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.620344\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.839124\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.806672\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.789228\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.543044\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.536252\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.60018\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.74182\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.737648\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -9104099172933216230 Time: 1.11424\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.493652\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.915216\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.61956\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.620652\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8774805574135441656 Time: 0.715584\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.552656\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8520017388966620486 Time: 0.8318\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8487084252145372186 Time: 0.656408\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8391760416076885205 Time: 0.724256\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7990268040387498660 Time: 1.08006\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7849113095413980300 Time: 0.67402\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7533167286135592323 Time: 0.562948\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -6273232454637933930 Time: 0.64778\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5818527483287834165 Time: 0.630632\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5590418898350402100 Time: 0.766356\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5505475137955795830 Time: 0.424716\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5389631537202601150 Time: 0.69984\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5332866838585594777 Time: 0.586696\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5121883532434354186 Time: 0.43314\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5006039300385557796 Time: 0.526612\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4534876761957424274 Time: 0.786864\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4352168563838861262 Time: 0.455516\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4109084522508697633 Time: 0.554464\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -3237051169894153788 Time: 0.841592\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -3136088851200285532 Time: 0.40082\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2827934362840121038 Time: 0.901332\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2676138141351394855 Time: 1.13598\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2601537631049973288 Time: 0.427336\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2586046817576862066 Time: 0.521132\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2569977342077121032 Time: 0.760836\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2422160065350346448 Time: 0.806004\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2125188058121029448 Time: 0.707504\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2123887091022542343 Time: 0.611776\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -1838109259315759592 Time: 0.620512\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -1216445540764179377 Time: 0.505648\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -539379305772590030 Time: 1.10703\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -288413895057594820 Time: 0.49552\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -229563042944049199 Time: 0.405064\n", + "[03/14/2023-21:27:25] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.362136\n", + "[03/14/2023-21:27:25] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", + "[03/14/2023-21:27:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.9199\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.25854\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.9199\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 10.7864\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.787492\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.787492\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.936468\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.629776\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.629776\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.668796\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.626732\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.626732\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.32549\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.1568\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 1.1568\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.896692\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.14343\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.896692\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.882408\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.2569\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.882408\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.615012\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.75462\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.615012\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 10.7569\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.00748\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 1.00748\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.768584\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.01942\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.768584\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.76088\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.55708\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.55708\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.717912\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.4658\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.4658\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.20714\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.65476\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.65476\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.789512\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.856116\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.789512\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.51688\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.569912\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.569912\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.550224\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.45888\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.45888\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.15882\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.76766\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.76766\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.780536\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.702796\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.702796\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.16375\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 0.538708\n", + "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 0 Time: 0.538708\n", + "[03/14/2023-21:27:27] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1002 Time: 0.69658\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 0.482852\n", + "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 0 Time: 0.482852\n", + "[03/14/2023-21:27:27] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:27] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:27] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 10.256\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1 Time: 8.60157\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 56 Time: 10.4224\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 57 Time: 8.58838\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 57 Time: 8.58838\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16126\n", + "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1825138533642645384 Time: 6.33032\n", + "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:28] [V] [TRT] Tactic: 2733356012094739613 Time: 21.6773\n", + "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:28] [V] [TRT] Tactic: 3915320020053085238 Time: 6.19745\n", + "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:28] [V] [TRT] Tactic: 6808617066150061604 Time: 11.3962\n", + "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:28] [V] [TRT] Tactic: 9091006216302412844 Time: 11.4783\n", + "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: -8060443123034038864 Time: 11.4039\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: -4420849921117327522 Time: 21.0109\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: -3946921629105938337 Time: 21.616\n", + "[03/14/2023-21:27:29] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 6.16126\n", + "[03/14/2023-21:27:29] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling\n", + "[03/14/2023-21:27:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: 861694390046228376 Time: 4.43096\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: 5258189349241541167 Time: 5.26281\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: 5821621277990374316 Time: 5.15294\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: 5863767799113001648 Time: 6.24576\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -9147980667639709536 Time: 4.5448\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8892196987859366827 Time: 4.68879\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8850904373104590857 Time: 4.8431\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8010679767156598961 Time: 6.11518\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -7751035352149795660 Time: 4.53776\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -5115676123557684531 Time: 4.80249\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -493597327599791285 Time: 4.66118\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -423878181466897819 Time: 6.2028\n", + "[03/14/2023-21:27:30] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.43096\n", + "[03/14/2023-21:27:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376\n", + "[03/14/2023-21:27:30] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:30] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 0 Time: 8.67031\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 1 Time: 16.1651\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 56 Time: 8.91692\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:31] [V] [TRT] Fastest Tactic: 0 Time: 8.67031\n", + "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:31] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling\n", + "[03/14/2023-21:27:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", + "[03/14/2023-21:27:31] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 1651411198763708804 Time: 7.34175\n", + "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 2418518597804310654 Time: 5.78413\n", + "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 4318470497547290900 Time: 7.3451\n", + "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: 4930470141256631146 Time: 14.0257\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: 8292881859266835088 Time: 10.8403\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: 8401509141903434922 Time: 5.78671\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: -8654297089785671176 Time: 3.00186\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: -7516584506774355935 Time: 13.969\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: -7140760933967189247 Time: 5.70382\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: -6004726995029373073 Time: 14.03\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -5719726816705110014 Time: 3.6492\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -4097850214384059472 Time: 10.8119\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -3717489476759089008 Time: 7.24952\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -3689982367035295496 Time: 3.01489\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2640575123064142123 Time: 3.90024\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2534402059426524406 Time: 3.25045\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2027588946874785071 Time: 10.8604\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -1968398013367819764 Time: 3.64812\n", + "[03/14/2023-21:27:33] [V] [TRT] Fastest Tactic: -8654297089785671176 Time: 3.00186\n", + "[03/14/2023-21:27:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:33] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:33] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 0 Time: 11.3234\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1 skipped. Scratch requested: 155194880, available: 16777216\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 56 Time: 11.4147\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216\n", + "[03/14/2023-21:27:34] [V] [TRT] Fastest Tactic: 0 Time: 11.3234\n", + "[03/14/2023-21:27:34] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 385569945292539752 Time: 2.08585\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 833287959109025818 Time: 1.81626\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1013168150133367738 Time: 1.01789\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1067227531433278814 Time: 0.977328\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1179757074518529353 Time: 1.12077\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1554365048685552334 Time: 1.32817\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1579845938601132607 Time: 0.928916\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1796821236841789338 Time: 1.78944\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1948263663414159978 Time: 1.53496\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1989668371181446952 Time: 1.87584\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2027733232253711640 Time: 1.11831\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2105695814191699972 Time: 1.6991\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2148106709480872763 Time: 1.05064\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2410442691266548717 Time: 0.976044\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2511830168590723349 Time: 1.04586\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2798075085844016892 Time: 1.1578\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3041642431972138763 Time: 0.861512\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3745975654290680669 Time: 1.38539\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3754069740140581927 Time: 1.6714\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3784804427912340706 Time: 1.47163\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3919868136802676679 Time: 1.19902\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4149021101886580762 Time: 1.19442\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4555462412611657028 Time: 1.08832\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4749226340913476230 Time: 1.74955\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 5483093640784800285 Time: 1.54105\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 5666160310350604399 Time: 1.716\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5848150552772236982 Time: 1.2459\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5900614001783877430 Time: 1.82894\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5925270497649423688 Time: 1.46348\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5999406432703271895 Time: 1.44396\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6103089697398018604 Time: 1.32717\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6195603576432354734 Time: 1.61622\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6408235920257988861 Time: 1.30004\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6623704051070449703 Time: 1.41946\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6680916730816870145 Time: 1.65848\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55902\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7158029511300006471 Time: 1.71584\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7612687199567064086 Time: 1.15562\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7729555994715864793 Time: 1.19568\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7844857443355818347 Time: 1.24287\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7859952145590271433 Time: 1.54286\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8283847742354150423 Time: 1.65546\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8455608235315878803 Time: 1.75168\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8668812313058150080 Time: 1.33911\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8992262742606384444 Time: 1.08977\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8952042869709043207 Time: 1.29376\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17714\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8774805574135441656 Time: 1.34494\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8750433364328295059 Time: 1.3067\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8749513212655756001 Time: 1.01081\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8520017388966620486 Time: 1.7282\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8487084252145372186 Time: 1.35687\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8392835332206231687 Time: 1.61481\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45276\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8254009616492665198 Time: 1.01082\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7849113095413980300 Time: 1.33658\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7615325597099025933 Time: 1.01442\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7594446953125532601 Time: 1.36936\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7533167286135592323 Time: 1.04579\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7345578023323941164 Time: 2.1493\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -6828337260021572283 Time: 2.02501\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6711815420995272523 Time: 1.73803\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6636202818604544855 Time: 2.3332\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6489479581011009593 Time: 1.10392\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15811\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6080892721161662420 Time: 0.84602\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5818527483287834165 Time: 1.15444\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5710735840878760115 Time: 1.03452\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5589367647444470524 Time: 1.78889\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5198219374380660379 Time: 1.08958\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5121883532434354186 Time: 0.93012\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5006039300385557796 Time: 1.04397\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4627695383426341593 Time: 1.57866\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4534876761957424274 Time: 1.51838\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4352168563838861262 Time: 0.858084\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4116131327756252574 Time: 1.97878\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4109084522508697633 Time: 1.01153\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3968200906158272636 Time: 1.35221\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3425274793298557239 Time: 1.14552\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3271955096576257018 Time: 1.16526\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3237051169894153788 Time: 1.74762\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3136088851200285532 Time: 0.857652\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2871615028541756894 Time: 2.17135\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2827934362840121038 Time: 1.66672\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2676138141351394855 Time: 2.31267\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2586046817576862066 Time: 0.991468\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2569977342077121032 Time: 1.45537\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2422160065350346448 Time: 1.54196\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1838109259315759592 Time: 1.20507\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1708101578041178688 Time: 1.03248\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1586820571068855896 Time: 1.53841\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1216445540764179377 Time: 1.00154\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1020632631321619146 Time: 1.38666\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -907287437357565279 Time: 1.0158\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -539379305772590030 Time: 2.09696\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -229563042944049199 Time: 0.87944\n", + "[03/14/2023-21:27:36] [V] [TRT] Fastest Tactic: -6080892721161662420 Time: 0.84602\n", + "[03/14/2023-21:27:36] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling\n", + "[03/14/2023-21:27:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:36] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: 1002 Time: 0.91958\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.28454\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.91958\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 11.0014\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.78726\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.78726\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.936968\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.631388\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.631388\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.669212\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.626756\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.626756\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.32433\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.17729\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 1.17729\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.897072\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.129\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.897072\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.884016\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.2599\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.884016\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.614484\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.794536\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.614484\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 10.9785\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.00794\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 1.00794\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.769848\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.02016\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.769848\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.760524\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.552516\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.552516\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.720156\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.464716\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.464716\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.20727\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.657724\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.657724\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.791828\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.856336\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.791828\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.51473\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.552796\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.552796\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.545124\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.455608\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.455608\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.16279\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.768408\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.768408\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.781012\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.706508\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.706508\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.17135\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.53864\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.53864\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1002 Time: 0.696996\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 0 Time: 0.482784\n", + "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 0 Time: 0.482784\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 0 Time: 3.44829\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20723712, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 56 Time: 3.64564\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20723712, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 0 Time: 3.44829\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1754569683116234317 Time: 1.9131\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1825138533642645384 Time: 2.11537\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 2733356012094739613 Time: 4.01221\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 3915320020053085238 Time: 2.32255\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 6808617066150061604 Time: 2.46608\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 9091006216302412844 Time: 2.46988\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: -8060443123034038864 Time: 2.55578\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: -4420849921117327522 Time: 3.79756\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: -3946921629105938337 Time: 4.09171\n", + "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.9131\n", + "[03/14/2023-21:27:38] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 861694390046228376 Time: 2.31648\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5258189349241541167 Time: 2.41819\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5821621277990374316 Time: 2.29666\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5863767799113001648 Time: 2.64553\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: -9147980667639709536 Time: 2.12199\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8892196987859366827 Time: 2.19052\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8850904373104590857 Time: 2.4243\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8010679767156598961 Time: 2.6715\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7751035352149795660 Time: 2.21076\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -5115676123557684531 Time: 2.46195\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -493597327599791285 Time: 2.36172\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -423878181466897819 Time: 2.64698\n", + "[03/14/2023-21:27:39] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.12199\n", + "[03/14/2023-21:27:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 0 Time: 3.25261\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 1 Time: 2.71618\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 56 Time: 3.62754\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Fastest Tactic: 1 Time: 2.71618\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 1651411198763708804 Time: 1.0792\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 2418518597804310654 Time: 1.08666\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4318470497547290900 Time: 1.20816\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4930470141256631146 Time: 1.8547\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 8292881859266835088 Time: 1.8783\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 8401509141903434922 Time: 1.29809\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8654297089785671176 Time: 1.21856\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7516584506774355935 Time: 1.9518\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7140760933967189247 Time: 1.20345\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -6004726995029373073 Time: 1.86577\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -5719726816705110014 Time: 1.18707\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -4097850214384059472 Time: 1.91444\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -3717489476759089008 Time: 1.19569\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -3689982367035295496 Time: 1.2084\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2640575123064142123 Time: 1.1552\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2534402059426524406 Time: 1.15409\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88887\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -1968398013367819764 Time: 1.20356\n", + "[03/14/2023-21:27:40] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.0792\n", + "[03/14/2023-21:27:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:40] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 0 Time: 4.7753\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64752128, available: 16777216\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 56 Time: 4.90779\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:40] [V] [TRT] Fastest Tactic: 0 Time: 4.7753\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 83696452256923412 Time: 0.73678\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 106549059816437840 Time: 0.665968\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 1179757074518529353 Time: 0.43672\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2105695814191699972 Time: 0.685616\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2148106709480872763 Time: 0.455124\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2410442691266548717 Time: 0.383404\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2511830168590723349 Time: 0.44988\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2634905271404611895 Time: 0.534916\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2689212690707793357 Time: 0.55868\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2798075085844016892 Time: 0.547604\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3041642431972138763 Time: 0.37766\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3091156937974993800 Time: 0.543236\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3199589679702517123 Time: 0.462784\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3754069740140581927 Time: 0.74766\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3932578551652369355 Time: 0.80496\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4149021101886580762 Time: 0.5424\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4555462412611657028 Time: 0.458696\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4749226340913476230 Time: 0.78352\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5483093640784800285 Time: 0.699348\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5666160310350604399 Time: 0.707548\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5900614001783877430 Time: 0.863584\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5925270497649423688 Time: 0.60544\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5999406432703271895 Time: 0.709752\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 6680916730816870145 Time: 0.624388\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7107292614492808590 Time: 0.56664\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7158029511300006471 Time: 0.68668\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7859952145590271433 Time: 0.592212\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8283847742354150423 Time: 0.68452\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8468288610222482742 Time: 0.465744\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8620567263556985011 Time: 0.466984\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8642279798680442080 Time: 0.514904\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8980274178270132023 Time: 0.674124\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 9108067304506990859 Time: 0.6928\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -9104099172933216230 Time: 0.959168\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8992262742606384444 Time: 0.447724\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8956720569082607796 Time: 0.854384\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8952042869709043207 Time: 0.604\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8898856569474934280 Time: 0.538952\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8774805574135441656 Time: 0.565436\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8749513212655756001 Time: 0.470684\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8520017388966620486 Time: 0.78768\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8487084252145372186 Time: 0.567484\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -8391760416076885205 Time: 0.588196\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7990268040387498660 Time: 1.0377\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7849113095413980300 Time: 0.591488\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7533167286135592323 Time: 0.561524\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -6273232454637933930 Time: 0.455048\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5818527483287834165 Time: 0.44582\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5590418898350402100 Time: 0.704128\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5505475137955795830 Time: 0.392036\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5389631537202601150 Time: 0.577308\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5332866838585594777 Time: 0.557224\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5121883532434354186 Time: 0.488308\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5006039300385557796 Time: 0.515204\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4534876761957424274 Time: 0.627236\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4352168563838861262 Time: 0.401604\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4109084522508697633 Time: 0.472572\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -3237051169894153788 Time: 0.70958\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -3136088851200285532 Time: 0.385108\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2827934362840121038 Time: 0.7486\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2676138141351394855 Time: 1.04535\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2601537631049973288 Time: 0.482548\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2586046817576862066 Time: 0.393088\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2569977342077121032 Time: 0.69002\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2422160065350346448 Time: 0.619692\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2125188058121029448 Time: 0.543328\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2123887091022542343 Time: 0.587212\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -1838109259315759592 Time: 0.538324\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -1216445540764179377 Time: 0.394544\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -539379305772590030 Time: 0.966244\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -288413895057594820 Time: 0.502812\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -229563042944049199 Time: 0.383052\n", + "[03/14/2023-21:27:41] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.37766\n", + "[03/14/2023-21:27:41] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", + "[03/14/2023-21:27:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 0 Time: 7.29074\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20777472, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 6 Time: 4.11342\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 56 Time: 8.13078\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20777472, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 62 Time: 4.08758\n", + "[03/14/2023-21:27:41] [V] [TRT] Fastest Tactic: 62 Time: 4.08758\n", + "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 1825138533642645384 Time: 4.70493\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 2775507031594384867 Time: 4.03184\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 2842488832350522458 Time: 4.84664\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 3915320020053085238 Time: 4.70686\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 6448355332020552203 Time: 4.84312\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 6808617066150061604 Time: 4.95476\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: -8060443123034038864 Time: 5.10379\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: -4420849921117327522 Time: 6.95978\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: -3946921629105938337 Time: 6.15399\n", + "[03/14/2023-21:27:42] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.03184\n", + "[03/14/2023-21:27:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", + "[03/14/2023-21:27:42] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:42] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:42] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:42] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 861694390046228376 Time: 4.76917\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 1017870653102653567 Time: 4.67556\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5258189349241541167 Time: 4.89284\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5821621277990374316 Time: 4.61819\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5863767799113001648 Time: 5.29196\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -9147980667639709536 Time: 4.55828\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -8850904373104590857 Time: 4.93142\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -7751035352149795660 Time: 4.58324\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -3853827649136781465 Time: 4.67386\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -3263369460438823196 Time: 4.90827\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -423878181466897819 Time: 5.38684\n", + "[03/14/2023-21:27:43] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.55828\n", + "[03/14/2023-21:27:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:43] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:43] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: 0 Time: 7.03663\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1 Time: 5.36294\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 56 Time: 7.27376\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Fastest Tactic: 1 Time: 5.36294\n", + "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:44] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:44] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling\n", + "[03/14/2023-21:27:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:44] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:44] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1145226902788474763 Time: 2.16571\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1651411198763708804 Time: 2.77329\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 2418518597804310654 Time: 2.6906\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4318470497547290900 Time: 2.62294\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4653005425971292725 Time: 2.67876\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4930470141256631146 Time: 3.02971\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 8292881859266835088 Time: 3.16214\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 8401509141903434922 Time: 2.68726\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -8654297089785671176 Time: 2.55981\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -7448936905981214224 Time: 3.03929\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -6004726995029373073 Time: 2.89594\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -5719726816705110014 Time: 2.51666\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3754890472406891741 Time: 2.57089\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3689982367035295496 Time: 2.49581\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3140347171730126532 Time: 2.027\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: -2894005464278291378 Time: 2.83959\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: -2027588946874785071 Time: 3.01504\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: -1968398013367819764 Time: 2.93319\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: -245090590808296743 Time: 2.58795\n", + "[03/14/2023-21:27:45] [V] [TRT] Fastest Tactic: -3140347171730126532 Time: 2.027\n", + "[03/14/2023-21:27:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3140347171730126532\n", + "[03/14/2023-21:27:45] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:45] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 0 Time: 10.222\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1 skipped. Scratch requested: 26872320, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 56 Time: 10.2494\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Fastest Tactic: 0 Time: 10.222\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 46202665595848747 Time: 1.02174\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 239013563835492727 Time: 1.51\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 385569945292539752 Time: 2.30436\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 671037109694951988 Time: 1.15781\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 833287959109025818 Time: 1.33274\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 864841579020773074 Time: 0.664988\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 912634305247603909 Time: 1.12245\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1013168150133367738 Time: 0.888488\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14983\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1067227531433278814 Time: 0.778124\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1554365048685552334 Time: 1.17913\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1579845938601132607 Time: 0.753724\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1796821236841789338 Time: 1.66949\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1837941418294761657 Time: 1.15567\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1948263663414159978 Time: 1.34183\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1989668371181446952 Time: 1.69292\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2027733232253711640 Time: 0.846576\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2148106709480872763 Time: 0.864664\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2154731107061273008 Time: 1.1006\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2410442691266548717 Time: 0.660004\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3464689803495983377 Time: 0.848256\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3636831327753843771 Time: 0.749564\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3745975654290680669 Time: 1.183\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3754069740140581927 Time: 1.31847\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3784804427912340706 Time: 1.47599\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3823144360994712832 Time: 0.763452\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3919868136802676679 Time: 1.15885\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5263029549013613567 Time: 0.68098\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5506334059535811602 Time: 0.667836\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5635311898703673455 Time: 0.672904\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5786991692145244692 Time: 2.26509\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5848150552772236982 Time: 1.17226\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5925270497649423688 Time: 1.16248\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5932046018238429951 Time: 1.45362\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6103089697398018604 Time: 1.16576\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6195603576432354734 Time: 1.5014\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6252808259936499253 Time: 1.4127\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6408235920257988861 Time: 1.20643\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6623704051070449703 Time: 1.29608\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6680916730816870145 Time: 1.33349\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7114340626053367917 Time: 1.52829\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7158029511300006471 Time: 1.28395\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7612687199567064086 Time: 1.13405\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7729555994715864793 Time: 1.1146\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7844857443355818347 Time: 1.15594\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7849296535223586261 Time: 1.17847\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7859952145590271433 Time: 1.29449\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8219150286974756863 Time: 1.95781\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8283847742354150423 Time: 1.30033\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8455608235315878803 Time: 1.57534\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8668812313058150080 Time: 1.28598\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: -8992262742606384444 Time: 0.920436\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: -8750433364328295059 Time: 1.21914\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8682550625095202832 Time: 0.89254\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8392835332206231687 Time: 1.7085\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8254009616492665198 Time: 0.713324\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7615325597099025933 Time: 0.728212\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7594446953125532601 Time: 1.13632\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7345578023323941164 Time: 1.94267\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6828337260021572283 Time: 1.74472\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6711815420995272523 Time: 1.53732\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6636202818604544855 Time: 2.11446\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6489479581011009593 Time: 0.86068\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6320761427625651496 Time: 0.826856\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6273232454637933930 Time: 0.76856\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6080892721161662420 Time: 0.690432\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6032793021868796623 Time: 1.15916\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5818527483287834165 Time: 0.75198\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5710735840878760115 Time: 0.785712\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5589367647444470524 Time: 1.78074\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5546257196173962281 Time: 1.07922\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5198219374380660379 Time: 0.852516\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4954692664176521434 Time: 0.679968\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4627695383426341593 Time: 1.4958\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4534876761957424274 Time: 1.17158\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4142141368456048176 Time: 1.44631\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4116131327756252574 Time: 1.86934\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3968200906158272636 Time: 1.17586\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3784342055748695733 Time: 1.65344\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3425274793298557239 Time: 1.09023\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3271955096576257018 Time: 1.1035\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3237051169894153788 Time: 1.3053\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3136088851200285532 Time: 0.657324\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2871615028541756894 Time: 2.12178\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2751179716463646694 Time: 1.45417\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2634388175487609605 Time: 1.77961\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2586046817576862066 Time: 0.656252\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1708101578041178688 Time: 0.69344\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1586820571068855896 Time: 1.5314\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1020632631321619146 Time: 1.17962\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -907287437357565279 Time: 0.688848\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -229563042944049199 Time: 0.672872\n", + "[03/14/2023-21:27:47] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.656252\n", + "[03/14/2023-21:27:47] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling\n", + "[03/14/2023-21:27:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:47] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 0 Time: 6.7782\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1 Time: 5.38725\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 56 Time: 6.83429\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 57 Time: 5.37672\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Fastest Tactic: 57 Time: 5.37672\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1754569683116234317 Time: 2.60479\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1825138533642645384 Time: 2.68982\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08146\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 3915320020053085238 Time: 2.66005\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 6808617066150061604 Time: 2.99429\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 9091006216302412844 Time: 3.05313\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: -8060443123034038864 Time: 3.07859\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: -4420849921117327522 Time: 4.79393\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: -3946921629105938337 Time: 5.17054\n", + "[03/14/2023-21:27:48] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.60479\n", + "[03/14/2023-21:27:48] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:48] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 861694390046228376 Time: 2.53878\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5258189349241541167 Time: 2.5939\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5821621277990374316 Time: 2.64218\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5863767799113001648 Time: 3.8407\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -9147980667639709536 Time: 2.45502\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8892196987859366827 Time: 2.53402\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8850904373104590857 Time: 2.5318\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8010679767156598961 Time: 3.82342\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -7751035352149795660 Time: 2.45689\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -5115676123557684531 Time: 2.59421\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -493597327599791285 Time: 2.48092\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -423878181466897819 Time: 3.88806\n", + "[03/14/2023-21:27:49] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.45502\n", + "[03/14/2023-21:27:49] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:49] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:49] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 0 Time: 5.28702\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 1 Time: 4.45716\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 2 Time: 5.62684\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 56 Time: 5.57068\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 58 Time: 5.53874\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: 1 Time: 4.45716\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1651411198763708804 Time: 1.45914\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2418518597804310654 Time: 1.50268\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 4318470497547290900 Time: 1.57712\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 4930470141256631146 Time: 2.39264\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 8292881859266835088 Time: 2.44547\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 8401509141903434922 Time: 1.53249\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -8654297089785671176 Time: 1.56293\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -7516584506774355935 Time: 2.38414\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -7140760933967189247 Time: 1.49449\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -6004726995029373073 Time: 2.38115\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -5719726816705110014 Time: 1.48469\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -4097850214384059472 Time: 2.44066\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -3717489476759089008 Time: 1.46596\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -3689982367035295496 Time: 1.4893\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2640575123064142123 Time: 1.35715\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2534402059426524406 Time: 1.35764\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2027588946874785071 Time: 2.44684\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -1968398013367819764 Time: 1.53202\n", + "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.35715\n", + "[03/14/2023-21:27:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 0 Time: 7.00073\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 56 Time: 6.96336\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: 56 Time: 6.96336\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 83696452256923412 Time: 0.886108\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 106549059816437840 Time: 0.928792\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1179757074518529353 Time: 0.72442\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2105695814191699972 Time: 1.04258\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2148106709480872763 Time: 0.61604\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2410442691266548717 Time: 0.720084\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2511830168590723349 Time: 0.641928\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2634905271404611895 Time: 0.580428\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2689212690707793357 Time: 0.837096\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2798075085844016892 Time: 0.658008\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3041642431972138763 Time: 0.610908\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3091156937974993800 Time: 0.648548\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3199589679702517123 Time: 0.684068\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3754069740140581927 Time: 0.969144\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3932578551652369355 Time: 0.88636\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4149021101886580762 Time: 0.6063\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4555462412611657028 Time: 0.61304\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4749226340913476230 Time: 1.01446\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5483093640784800285 Time: 0.838024\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5666160310350604399 Time: 0.98014\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5900614001783877430 Time: 0.979652\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5925270497649423688 Time: 0.951736\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5999406432703271895 Time: 0.763456\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 6680916730816870145 Time: 0.923892\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7107292614492808590 Time: 0.658864\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7158029511300006471 Time: 1.01507\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7859952145590271433 Time: 0.907776\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8283847742354150423 Time: 0.92\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8468288610222482742 Time: 0.723992\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8620567263556985011 Time: 0.721072\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8642279798680442080 Time: 0.615108\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8980274178270132023 Time: 0.78434\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 9108067304506990859 Time: 0.77074\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -9104099172933216230 Time: 1.18786\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8992262742606384444 Time: 0.665704\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8956720569082607796 Time: 1.0324\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8952042869709043207 Time: 0.724772\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8898856569474934280 Time: 0.710664\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8774805574135441656 Time: 0.84016\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8749513212655756001 Time: 0.73464\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8520017388966620486 Time: 0.887628\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8487084252145372186 Time: 0.837556\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8391760416076885205 Time: 0.951252\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7990268040387498660 Time: 1.11708\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7849113095413980300 Time: 0.86216\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7533167286135592323 Time: 0.605532\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -6273232454637933930 Time: 0.74324\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5818527483287834165 Time: 0.751392\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5590418898350402100 Time: 0.78918\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5505475137955795830 Time: 0.526952\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5389631537202601150 Time: 0.918912\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5332866838585594777 Time: 0.5997\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5121883532434354186 Time: 0.5491\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5006039300385557796 Time: 0.60832\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4534876761957424274 Time: 0.99248\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4352168563838861262 Time: 0.533424\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4109084522508697633 Time: 0.713596\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -3237051169894153788 Time: 1.00873\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -3136088851200285532 Time: 0.625964\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -2827934362840121038 Time: 0.890276\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -2676138141351394855 Time: 1.16678\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2601537631049973288 Time: 0.549652\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2586046817576862066 Time: 0.75226\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2569977342077121032 Time: 0.829232\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2422160065350346448 Time: 0.9316\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2125188058121029448 Time: 0.781932\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2123887091022542343 Time: 0.676672\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -1838109259315759592 Time: 0.65152\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -1216445540764179377 Time: 0.735832\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -539379305772590030 Time: 1.18036\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -288413895057594820 Time: 0.618404\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -229563042944049199 Time: 0.621264\n", + "[03/14/2023-21:27:52] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 0.526952\n", + "[03/14/2023-21:27:52] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", + "[03/14/2023-21:27:52] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CublasConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CublasConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CublasConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 0 Time: 7.32004\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 1 Time: 5.09163\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 56 Time: 7.6905\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 57 Time: 5.20313\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216\n", + "[03/14/2023-21:27:53] [V] [TRT] Fastest Tactic: 1 Time: 5.09163\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 1754569683116234317 Time: 4.07314\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 1825138533642645384 Time: 4.53392\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 2733356012094739613 Time: 8.12179\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 3915320020053085238 Time: 4.70394\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 6808617066150061604 Time: 5.07384\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 9091006216302412844 Time: 5.0079\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: -8060443123034038864 Time: 5.29493\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: -4420849921117327522 Time: 7.65894\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: -3946921629105938337 Time: 8.23913\n", + "[03/14/2023-21:27:53] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.07314\n", + "[03/14/2023-21:27:53] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling\n", + "[03/14/2023-21:27:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:53] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: 861694390046228376 Time: 4.61568\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5258189349241541167 Time: 4.68694\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5821621277990374316 Time: 4.62898\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5863767799113001648 Time: 5.18788\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -9147980667639709536 Time: 4.29448\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8892196987859366827 Time: 4.38434\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8850904373104590857 Time: 4.69181\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8010679767156598961 Time: 5.09774\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -7751035352149795660 Time: 4.33382\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -5115676123557684531 Time: 4.55423\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -493597327599791285 Time: 4.44888\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -423878181466897819 Time: 5.23105\n", + "[03/14/2023-21:27:54] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.29448\n", + "[03/14/2023-21:27:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:54] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 0 Time: 6.93034\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 1 Time: 5.4689\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 56 Time: 7.4906\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Fastest Tactic: 1 Time: 5.4689\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling\n", + "[03/14/2023-21:27:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:55] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 1651411198763708804 Time: 2.06346\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 2418518597804310654 Time: 2.94045\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4318470497547290900 Time: 2.78667\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4930470141256631146 Time: 3.80528\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 8292881859266835088 Time: 3.82994\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 8401509141903434922 Time: 2.67526\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: -8654297089785671176 Time: 2.52124\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: -7516584506774355935 Time: 3.91849\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: -7140760933967189247 Time: 2.68474\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -6004726995029373073 Time: 3.81678\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -5719726816705110014 Time: 2.55646\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -4097850214384059472 Time: 3.8804\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -3717489476759089008 Time: 2.49708\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -3689982367035295496 Time: 2.61412\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2640575123064142123 Time: 2.37975\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2534402059426524406 Time: 2.32536\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2027588946874785071 Time: 3.85626\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -1968398013367819764 Time: 2.51582\n", + "[03/14/2023-21:27:56] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.06346\n", + "[03/14/2023-21:27:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 0 Time: 10.0588\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 78122496, available: 16777216\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 56 Time: 10.0608\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216\n", + "[03/14/2023-21:27:56] [V] [TRT] Fastest Tactic: 0 Time: 10.0588\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 83696452256923412 Time: 1.38458\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 106549059816437840 Time: 1.41377\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 1179757074518529353 Time: 0.861732\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2105695814191699972 Time: 1.44226\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2148106709480872763 Time: 0.869072\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2410442691266548717 Time: 0.689744\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2511830168590723349 Time: 0.913796\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2634905271404611895 Time: 1.06948\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2689212690707793357 Time: 1.15134\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2798075085844016892 Time: 1.09458\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3041642431972138763 Time: 0.657196\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3091156937974993800 Time: 1.07879\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3199589679702517123 Time: 0.899508\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3754069740140581927 Time: 1.41267\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3932578551652369355 Time: 1.6\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4149021101886580762 Time: 1.07146\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4555462412611657028 Time: 0.856776\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4749226340913476230 Time: 1.61722\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5483093640784800285 Time: 1.43499\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5666160310350604399 Time: 1.33515\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5900614001783877430 Time: 1.69715\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5925270497649423688 Time: 1.18569\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5999406432703271895 Time: 1.42838\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29689\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7107292614492808590 Time: 1.16041\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7158029511300006471 Time: 1.40671\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7859952145590271433 Time: 1.27106\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8283847742354150423 Time: 1.37864\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8468288610222482742 Time: 0.775972\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8620567263556985011 Time: 0.798044\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8642279798680442080 Time: 1.1173\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8980274178270132023 Time: 1.43027\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 9108067304506990859 Time: 1.4313\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -9104099172933216230 Time: 2.02912\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8992262742606384444 Time: 0.8695\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8956720569082607796 Time: 1.79932\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8952042869709043207 Time: 1.15083\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8898856569474934280 Time: 1.10996\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8774805574135441656 Time: 1.18458\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8749513212655756001 Time: 0.803744\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8520017388966620486 Time: 1.62027\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8487084252145372186 Time: 1.11394\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8391760416076885205 Time: 1.1375\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7990268040387498660 Time: 2.06404\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7849113095413980300 Time: 1.0956\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7533167286135592323 Time: 1.04058\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -6273232454637933930 Time: 0.851528\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5818527483287834165 Time: 0.843872\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5590418898350402100 Time: 1.45715\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5505475137955795830 Time: 0.705064\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5389631537202601150 Time: 1.13388\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5332866838585594777 Time: 1.06662\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5121883532434354186 Time: 0.774492\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5006039300385557796 Time: 0.917348\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4534876761957424274 Time: 1.24594\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4352168563838861262 Time: 0.731344\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4109084522508697633 Time: 0.809124\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -3237051169894153788 Time: 1.35648\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -3136088851200285532 Time: 0.642624\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2827934362840121038 Time: 1.4359\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2676138141351394855 Time: 2.08636\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2601537631049973288 Time: 0.773076\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2586046817576862066 Time: 0.687704\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2569977342077121032 Time: 1.39307\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2422160065350346448 Time: 1.26246\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2125188058121029448 Time: 1.18242\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2123887091022542343 Time: 1.14681\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -1838109259315759592 Time: 1.17478\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -1216445540764179377 Time: 0.712832\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -539379305772590030 Time: 2.00677\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -288413895057594820 Time: 0.879612\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -229563042944049199 Time: 0.711368\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.642624\n", + "[03/14/2023-21:27:58] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling\n", + "[03/14/2023-21:27:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.45432\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.629708\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.45432\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 5.46931\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.398064\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.398064\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.464352\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.317456\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.317456\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.331608\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.316348\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.316348\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.66332\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.561084\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.561084\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.452096\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.510928\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.452096\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.44676\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.57574\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.44676\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.313516\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.351016\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.313516\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 4.90214\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.503896\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.503896\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.375112\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.500324\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.375112\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.379588\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.27612\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.27612\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.353476\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.236488\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.236488\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.605968\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.329592\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.329592\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.388616\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.413492\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.388616\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.722016\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.265392\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.265392\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.270412\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.230252\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.230252\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.582964\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.385872\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.385872\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.390084\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.353288\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.353288\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.566276\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.271384\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.271384\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.350004\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.2428\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.2428\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning format combination: Float(100352,196,14,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:59] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 7.74612\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 66544128, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 56 Time: 7.8814\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 57 skipped. Scratch requested: 66544128, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 7.74612\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1825138533642645384 Time: 4.2295\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 2842488832350522458 Time: 5.34261\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 3915320020053085238 Time: 4.82215\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 6448355332020552203 Time: 4.85205\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 6808617066150061604 Time: 5.32218\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: -8060443123034038864 Time: 5.7266\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: -4420849921117327522 Time: 8.4602\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: -3946921629105938337 Time: 7.87141\n", + "[03/14/2023-21:28:00] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.2295\n", + "[03/14/2023-21:28:00] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling\n", + "[03/14/2023-21:28:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:00] [V] [TRT] *************** Autotuning format combination: Float(100352,1,7168,512) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:00] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:00] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:00] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 861694390046228376 Time: 5.02945\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 1017870653102653567 Time: 4.82654\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5258189349241541167 Time: 5.0426\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5821621277990374316 Time: 4.8364\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5863767799113001648 Time: 5.35881\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -9147980667639709536 Time: 4.60907\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -8850904373104590857 Time: 5.11822\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -7751035352149795660 Time: 4.75957\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -3853827649136781465 Time: 4.79651\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -3263369460438823196 Time: 4.99725\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -423878181466897819 Time: 5.43002\n", + "[03/14/2023-21:28:01] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.60907\n", + "[03/14/2023-21:28:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:01] [V] [TRT] *************** Autotuning format combination: Half(100352,196,14,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 0 Time: 7.26055\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 1 Time: 6.0078\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 56 Time: 7.72977\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:01] [V] [TRT] Fastest Tactic: 1 Time: 6.0078\n", + "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:01] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:01] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling\n", + "[03/14/2023-21:28:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:01] [V] [TRT] *************** Autotuning format combination: Half(50176,196:2,14,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:01] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:02] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:02] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:02] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 1145226902788474763 Time: 2.23118\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 1651411198763708804 Time: 2.91315\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 2418518597804310654 Time: 2.78732\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4318470497547290900 Time: 2.84844\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4653005425971292725 Time: 2.86252\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4930470141256631146 Time: 3.6804\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 8292881859266835088 Time: 3.78844\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 8401509141903434922 Time: 2.94822\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -8654297089785671176 Time: 2.59144\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -7448936905981214224 Time: 3.53554\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -6004726995029373073 Time: 3.74688\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -5719726816705110014 Time: 2.58678\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -3754890472406891741 Time: 2.57763\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -3689982367035295496 Time: 2.35897\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -2894005464278291378 Time: 3.6689\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -2027588946874785071 Time: 3.73945\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: -1968398013367819764 Time: 2.67864\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: -245090590808296743 Time: 2.57706\n", + "[03/14/2023-21:28:03] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.23118\n", + "[03/14/2023-21:28:03] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:28:03] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:03] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 0 Time: 11.2575\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1 skipped. Scratch requested: 36833792, available: 16777216\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 56 Time: 11.2863\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:28:03] [V] [TRT] Fastest Tactic: 0 Time: 11.2575\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 46202665595848747 Time: 1.24071\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 239013563835492727 Time: 1.5457\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 385569945292539752 Time: 2.31519\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 671037109694951988 Time: 1.31677\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 833287959109025818 Time: 1.42292\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 864841579020773074 Time: 0.778484\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 912634305247603909 Time: 1.14673\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1013168150133367738 Time: 0.952616\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1014187170474222133 Time: 1.19668\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1067227531433278814 Time: 0.834532\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1554365048685552334 Time: 1.201\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1579845938601132607 Time: 0.780224\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1796821236841789338 Time: 1.67076\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1837941418294761657 Time: 1.44288\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1948263663414159978 Time: 1.42161\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1989668371181446952 Time: 1.8153\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2027733232253711640 Time: 0.934992\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2148106709480872763 Time: 0.912368\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2154731107061273008 Time: 1.13959\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2410442691266548717 Time: 0.769652\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3464689803495983377 Time: 0.856944\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3636831327753843771 Time: 0.76594\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3745975654290680669 Time: 1.3852\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34814\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3784804427912340706 Time: 1.48321\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3823144360994712832 Time: 0.823704\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3919868136802676679 Time: 1.29822\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5263029549013613567 Time: 0.781716\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5506334059535811602 Time: 0.839992\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5635311898703673455 Time: 0.700352\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5786991692145244692 Time: 2.26406\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5848150552772236982 Time: 1.24356\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42492\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5932046018238429951 Time: 1.55493\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6103089697398018604 Time: 1.49398\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6195603576432354734 Time: 1.57454\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6252808259936499253 Time: 1.58442\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6408235920257988861 Time: 1.34203\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6623704051070449703 Time: 1.3544\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29508\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7114340626053367917 Time: 1.54674\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7158029511300006471 Time: 1.35601\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7612687199567064086 Time: 1.13844\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7729555994715864793 Time: 1.22025\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7844857443355818347 Time: 1.25578\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7849296535223586261 Time: 1.23378\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7859952145590271433 Time: 1.4075\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 8219150286974756863 Time: 2.13491\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8283847742354150423 Time: 1.39864\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8455608235315878803 Time: 1.70438\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8668812313058150080 Time: 1.37787\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8992262742606384444 Time: 1.07565\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8750433364328295059 Time: 1.27292\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8682550625095202832 Time: 0.894308\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8392835332206231687 Time: 1.70245\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8254009616492665198 Time: 0.830908\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7615325597099025933 Time: 0.868252\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7594446953125532601 Time: 1.3479\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7345578023323941164 Time: 1.93388\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6828337260021572283 Time: 2.07156\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6711815420995272523 Time: 1.67937\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6636202818604544855 Time: 2.30665\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6489479581011009593 Time: 0.945396\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6320761427625651496 Time: 0.866692\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6273232454637933930 Time: 0.760628\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6080892721161662420 Time: 0.723488\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6032793021868796623 Time: 1.14357\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5818527483287834165 Time: 0.756804\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5710735840878760115 Time: 0.862776\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5589367647444470524 Time: 1.88004\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5546257196173962281 Time: 1.15832\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5198219374380660379 Time: 0.963788\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4954692664176521434 Time: 0.824176\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4627695383426341593 Time: 1.51457\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38954\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4142141368456048176 Time: 1.43012\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4116131327756252574 Time: 1.93012\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3968200906158272636 Time: 1.18672\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3784342055748695733 Time: 1.71603\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3425274793298557239 Time: 1.1558\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3271955096576257018 Time: 1.23037\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3237051169894153788 Time: 1.4184\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3136088851200285532 Time: 0.68026\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -2871615028541756894 Time: 2.19061\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2751179716463646694 Time: 1.54812\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2634388175487609605 Time: 1.9156\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2586046817576862066 Time: 0.794828\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1708101578041178688 Time: 0.829452\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1586820571068855896 Time: 1.4947\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1020632631321619146 Time: 1.43622\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -907287437357565279 Time: 0.801704\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -229563042944049199 Time: 0.671056\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.671056\n", + "[03/14/2023-21:28:06] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", + "[03/14/2023-21:28:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.115736\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.141608\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.115736\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 1.45334\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.105728\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.105728\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.118272\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.082048\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.082048\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.084208\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.083364\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.083364\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.163836\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.129036\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.129036\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.111096\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.116168\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.111096\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.11636\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.122652\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.11636\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.082468\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.089656\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.082468\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 1.29553\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.128592\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.128592\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.092112\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.119332\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.092112\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.104424\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.06968\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.06968\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.10172\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.061096\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.061096\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.14848\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.083316\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.083316\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.092844\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.099896\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.092844\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.159756\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.067376\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.067376\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.068168\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.068068\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.068068\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.140668\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.105488\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.105488\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.094676\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.091864\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.091864\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.132396\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.075528\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.075528\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.091652\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.065472\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.065472\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:06] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:06] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 3.59007\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1 Time: 2.6594\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 2 Time: 3.97058\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 56 Time: 3.95542\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 57 Time: 2.69806\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 58 Time: 4.21634\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:07] [V] [TRT] Fastest Tactic: 1 Time: 2.6594\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 1754569683116234317 Time: 2.17841\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 1825138533642645384 Time: 2.24409\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 2733356012094739613 Time: 4.00972\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 3915320020053085238 Time: 2.33122\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 6808617066150061604 Time: 2.55934\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 9091006216302412844 Time: 2.52218\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8060443123034038864 Time: 2.65192\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -4420849921117327522 Time: 3.94232\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -3946921629105938337 Time: 4.09858\n", + "[03/14/2023-21:28:07] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.17841\n", + "[03/14/2023-21:28:07] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:07] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 861694390046228376 Time: 2.3409\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5258189349241541167 Time: 2.33206\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5821621277990374316 Time: 2.25309\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5863767799113001648 Time: 2.77606\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -9147980667639709536 Time: 2.1616\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8892196987859366827 Time: 2.16877\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8850904373104590857 Time: 2.25587\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8010679767156598961 Time: 2.73436\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -7751035352149795660 Time: 2.14157\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -5115676123557684531 Time: 2.20082\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -493597327599791285 Time: 2.29974\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -423878181466897819 Time: 2.79602\n", + "[03/14/2023-21:28:08] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.14157\n", + "[03/14/2023-21:28:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 0 Time: 3.39653\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 1 Time: 2.76391\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 2 Time: 4.02812\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 56 Time: 3.69934\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 58 Time: 3.93592\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:08] [V] [TRT] Fastest Tactic: 1 Time: 2.76391\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 1651411198763708804 Time: 1.08406\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 2418518597804310654 Time: 1.20034\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4318470497547290900 Time: 1.3008\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4930470141256631146 Time: 1.72656\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 8292881859266835088 Time: 1.73004\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 8401509141903434922 Time: 1.29258\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -8654297089785671176 Time: 1.23912\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -7516584506774355935 Time: 1.75579\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -7140760933967189247 Time: 1.22788\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -6004726995029373073 Time: 1.63376\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -5719726816705110014 Time: 1.35299\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -4097850214384059472 Time: 1.71166\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -3717489476759089008 Time: 1.28689\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -3689982367035295496 Time: 1.29532\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2640575123064142123 Time: 1.18919\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2534402059426524406 Time: 1.17331\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2027588946874785071 Time: 1.72004\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -1968398013367819764 Time: 1.26918\n", + "[03/14/2023-21:28:09] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.08406\n", + "[03/14/2023-21:28:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 0 Time: 4.86873\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 56 Time: 4.98544\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:09] [V] [TRT] Fastest Tactic: 0 Time: 4.86873\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 83696452256923412 Time: 0.7362\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 106549059816437840 Time: 0.707012\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 1179757074518529353 Time: 0.43902\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2105695814191699972 Time: 0.682748\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2148106709480872763 Time: 0.422244\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2410442691266548717 Time: 0.40212\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2511830168590723349 Time: 0.508472\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2634905271404611895 Time: 0.512208\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2689212690707793357 Time: 0.581876\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2798075085844016892 Time: 0.511672\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3041642431972138763 Time: 0.340556\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3091156937974993800 Time: 0.493276\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3199589679702517123 Time: 0.490972\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3754069740140581927 Time: 0.687124\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3932578551652369355 Time: 0.7518\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4149021101886580762 Time: 0.49716\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4555462412611657028 Time: 0.438104\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4749226340913476230 Time: 0.7929\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5483093640784800285 Time: 0.691116\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5666160310350604399 Time: 0.697788\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5900614001783877430 Time: 0.843592\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5925270497649423688 Time: 0.623088\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5999406432703271895 Time: 0.659428\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 6680916730816870145 Time: 0.644\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7107292614492808590 Time: 0.544772\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7158029511300006471 Time: 0.740832\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7859952145590271433 Time: 0.694488\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8283847742354150423 Time: 0.708016\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8468288610222482742 Time: 0.427532\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8620567263556985011 Time: 0.418552\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8642279798680442080 Time: 0.498724\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8980274178270132023 Time: 0.638888\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 9108067304506990859 Time: 0.659136\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -9104099172933216230 Time: 0.975416\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8992262742606384444 Time: 0.450692\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8956720569082607796 Time: 0.860196\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8952042869709043207 Time: 0.56526\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8898856569474934280 Time: 0.545764\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8774805574135441656 Time: 0.639812\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8749513212655756001 Time: 0.421016\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8520017388966620486 Time: 0.76096\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8487084252145372186 Time: 0.575008\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8391760416076885205 Time: 0.59254\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7990268040387498660 Time: 0.951956\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7849113095413980300 Time: 0.568876\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7533167286135592323 Time: 0.494332\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -6273232454637933930 Time: 0.4956\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5818527483287834165 Time: 0.474824\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5590418898350402100 Time: 0.698808\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5505475137955795830 Time: 0.357168\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5389631537202601150 Time: 0.577072\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5332866838585594777 Time: 0.51054\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5121883532434354186 Time: 0.391436\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5006039300385557796 Time: 0.44268\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4534876761957424274 Time: 0.642212\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4352168563838861262 Time: 0.360496\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4109084522508697633 Time: 0.422068\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -3237051169894153788 Time: 0.690948\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -3136088851200285532 Time: 0.357736\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2827934362840121038 Time: 0.751368\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2676138141351394855 Time: 1.0011\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2601537631049973288 Time: 0.37942\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2586046817576862066 Time: 0.405552\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2569977342077121032 Time: 0.676256\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2422160065350346448 Time: 0.65612\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2125188058121029448 Time: 0.622448\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2123887091022542343 Time: 0.55672\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -1838109259315759592 Time: 0.533772\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -1216445540764179377 Time: 0.3902\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -539379305772590030 Time: 0.976472\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -288413895057594820 Time: 0.433252\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -229563042944049199 Time: 0.36102\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.340556\n", + "[03/14/2023-21:28:10] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", + "[03/14/2023-21:28:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.444624\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.614284\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.444624\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 5.92742\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.398608\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.398608\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.451868\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.31818\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.31818\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.321008\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.312708\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.312708\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.647124\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.481372\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.481372\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.42778\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.446968\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.42778\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.446664\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.4831\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.446664\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.314168\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.356248\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.314168\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 5.88498\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.504548\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.504548\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.35734\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.458464\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.35734\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.40054\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.274272\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.274272\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.40274\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.23812\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.23812\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.578308\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.328528\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.328528\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.36506\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.425088\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.36506\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.639172\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.266076\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.266076\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.249384\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.264124\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.249384\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.550064\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.410868\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.410868\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.373664\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.354312\n", + "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.354312\n", + "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.497216\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.2894\n", + "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.2894\n", + "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.348996\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.249548\n", + "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.249548\n", + "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 9.40732\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1 skipped. Scratch requested: 22842880, available: 16777216\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 56 Time: 9.55402\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 57 skipped. Scratch requested: 22842880, available: 16777216\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 9.40732\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1754569683116234317 Time: 7.33462\n", + "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1825138533642645384 Time: 7.35192\n", + "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:12] [V] [TRT] Tactic: 2733356012094739613 Time: 27.3396\n", + "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:12] [V] [TRT] Tactic: 3915320020053085238 Time: 7.34324\n", + "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:12] [V] [TRT] Tactic: 6808617066150061604 Time: 14.2384\n", + "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:12] [V] [TRT] Tactic: 9091006216302412844 Time: 14.3443\n", + "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:13] [V] [TRT] Tactic: -8060443123034038864 Time: 14.2424\n", + "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:13] [V] [TRT] Tactic: -4420849921117327522 Time: 25.5956\n", + "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:13] [V] [TRT] Tactic: -3946921629105938337 Time: 27.2883\n", + "[03/14/2023-21:28:13] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 7.33462\n", + "[03/14/2023-21:28:13] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling\n", + "[03/14/2023-21:28:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:13] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:13] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:13] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:13] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: 861694390046228376 Time: 4.09294\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5258189349241541167 Time: 5.14246\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5821621277990374316 Time: 4.71596\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5863767799113001648 Time: 5.45027\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -9147980667639709536 Time: 4.3399\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8892196987859366827 Time: 4.60346\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8850904373104590857 Time: 4.68114\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8010679767156598961 Time: 5.44236\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -7751035352149795660 Time: 4.30252\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -5115676123557684531 Time: 4.54739\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -493597327599791285 Time: 4.72252\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -423878181466897819 Time: 5.55244\n", + "[03/14/2023-21:28:14] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.09294\n", + "[03/14/2023-21:28:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376\n", + "[03/14/2023-21:28:14] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 0 Time: 7.87481\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 1 Time: 14.9791\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 2 Time: 7.65489\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 56 Time: 8.22612\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 58 Time: 8.10438\n", + "[03/14/2023-21:28:15] [V] [TRT] Fastest Tactic: 2 Time: 7.65489\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 2\n", + "[03/14/2023-21:28:15] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 1651411198763708804 Time: 7.01846\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 2418518597804310654 Time: 6.96938\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 4318470497547290900 Time: 7.03324\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 4930470141256631146 Time: 13.4944\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 8292881859266835088 Time: 13.3062\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 8401509141903434922 Time: 6.98158\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: -8654297089785671176 Time: 3.50769\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -7516584506774355935 Time: 13.7822\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -7140760933967189247 Time: 6.9936\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -6004726995029373073 Time: 13.5182\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -5719726816705110014 Time: 3.45193\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -4097850214384059472 Time: 13.5309\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -3717489476759089008 Time: 7.01136\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -3689982367035295496 Time: 3.50014\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2640575123064142123 Time: 3.60296\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2534402059426524406 Time: 3.65638\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2027588946874785071 Time: 13.354\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -1968398013367819764 Time: 3.4502\n", + "[03/14/2023-21:28:18] [V] [TRT] Fastest Tactic: -1968398013367819764 Time: 3.4502\n", + "[03/14/2023-21:28:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 0 Time: 10.2999\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 1 skipped. Scratch requested: 81273344, available: 16777216\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 2 skipped. Scratch requested: 38535680, available: 16777216\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 56 Time: 10.4793\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 58 skipped. Scratch requested: 38535680, available: 16777216\n", + "[03/14/2023-21:28:18] [V] [TRT] Fastest Tactic: 0 Time: 10.2999\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 385569945292539752 Time: 2.0144\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 833287959109025818 Time: 1.55876\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1013168150133367738 Time: 1.0707\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1067227531433278814 Time: 0.946288\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1179757074518529353 Time: 0.955948\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1554365048685552334 Time: 1.27988\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1579845938601132607 Time: 0.94132\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1796821236841789338 Time: 1.79918\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1948263663414159978 Time: 1.65778\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1989668371181446952 Time: 1.96766\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2027733232253711640 Time: 0.999572\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2105695814191699972 Time: 1.52606\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2148106709480872763 Time: 0.889792\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2410442691266548717 Time: 0.735824\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2511830168590723349 Time: 0.921352\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08228\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3041642431972138763 Time: 0.721064\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3745975654290680669 Time: 1.16229\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3754069740140581927 Time: 1.48159\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3784804427912340706 Time: 1.53562\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3919868136802676679 Time: 1.30873\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4149021101886580762 Time: 1.41094\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4555462412611657028 Time: 1.0188\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4749226340913476230 Time: 1.8936\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5483093640784800285 Time: 1.61498\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5666160310350604399 Time: 1.63998\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5848150552772236982 Time: 1.22244\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5900614001783877430 Time: 1.87183\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5925270497649423688 Time: 1.27646\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5999406432703271895 Time: 1.48674\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6103089697398018604 Time: 1.33987\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6195603576432354734 Time: 1.88652\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6408235920257988861 Time: 1.55215\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6623704051070449703 Time: 1.4285\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6680916730816870145 Time: 1.42197\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55915\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7158029511300006471 Time: 1.54505\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7612687199567064086 Time: 1.41131\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7729555994715864793 Time: 1.38368\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7844857443355818347 Time: 1.11838\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7859952145590271433 Time: 1.31767\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8283847742354150423 Time: 1.40633\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8455608235315878803 Time: 1.7134\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8668812313058150080 Time: 1.53982\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8992262742606384444 Time: 1.04544\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8952042869709043207 Time: 1.30008\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17158\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8774805574135441656 Time: 1.27135\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8750433364328295059 Time: 1.20673\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8749513212655756001 Time: 0.814204\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8520017388966620486 Time: 1.66762\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8487084252145372186 Time: 1.25807\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8392835332206231687 Time: 1.76315\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8391760416076885205 Time: 1.33762\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8254009616492665198 Time: 0.816976\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7849113095413980300 Time: 1.16037\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7615325597099025933 Time: 0.841088\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7594446953125532601 Time: 1.17247\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37266\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7345578023323941164 Time: 1.98948\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6828337260021572283 Time: 2.0789\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6711815420995272523 Time: 1.78024\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6636202818604544855 Time: 2.36158\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6489479581011009593 Time: 1.06261\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6273232454637933930 Time: 0.996472\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6080892721161662420 Time: 0.813172\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5818527483287834165 Time: 0.935008\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5710735840878760115 Time: 0.935872\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5589367647444470524 Time: 1.85828\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5198219374380660379 Time: 1.13826\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5121883532434354186 Time: 0.980384\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5006039300385557796 Time: 1.09381\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4627695383426341593 Time: 1.66624\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38517\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4352168563838861262 Time: 0.77396\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4116131327756252574 Time: 1.92079\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4109084522508697633 Time: 0.845116\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3968200906158272636 Time: 1.23246\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3425274793298557239 Time: 1.37958\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3271955096576257018 Time: 1.3466\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3237051169894153788 Time: 1.60063\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3136088851200285532 Time: 0.765656\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2871615028541756894 Time: 2.27791\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2827934362840121038 Time: 1.90748\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2676138141351394855 Time: 2.54605\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2586046817576862066 Time: 0.82512\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2569977342077121032 Time: 1.55455\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2422160065350346448 Time: 1.41901\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1838109259315759592 Time: 1.49765\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1708101578041178688 Time: 0.864912\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1586820571068855896 Time: 1.55874\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1216445540764179377 Time: 0.799876\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1020632631321619146 Time: 1.18685\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -907287437357565279 Time: 0.81596\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -539379305772590030 Time: 2.05574\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -229563042944049199 Time: 0.854796\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.721064\n", + "[03/14/2023-21:28:21] [V] [TRT] Setting workspace to 38535680enables more tactics for profiling\n", + "[03/14/2023-21:28:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.437456\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.7103\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.437456\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 6.24666\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.398396\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.398396\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.45126\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.314332\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.314332\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.321168\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.313112\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.313112\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.646956\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.485776\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.485776\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.427448\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.456676\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.427448\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.446624\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.488548\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.446624\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.313884\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.353456\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.313884\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 5.9036\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.504748\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.504748\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.357944\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.460528\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.357944\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.400888\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.2758\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.2758\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.403168\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.237888\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.237888\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.576216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.32938\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.32938\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.366172\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.422748\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.366172\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.633112\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.261804\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.261804\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.24776\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.26214\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.24776\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.550492\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.411384\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.411384\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.374456\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.353692\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.353692\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.497316\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.289628\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.289628\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.348956\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.249628\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.249628\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 3.17471\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1 skipped. Scratch requested: 18747904, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 56 Time: 3.41189\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 57 skipped. Scratch requested: 18747904, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 3.17471\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1754569683116234317 Time: 1.88141\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1825138533642645384 Time: 2.14552\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 2733356012094739613 Time: 3.80325\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 3915320020053085238 Time: 2.31113\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 6808617066150061604 Time: 2.4557\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 9091006216302412844 Time: 2.34033\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: -8060443123034038864 Time: 2.64058\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: -4420849921117327522 Time: 3.73206\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -3946921629105938337 Time: 4.00475\n", + "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.88141\n", + "[03/14/2023-21:28:23] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 861694390046228376 Time: 2.2504\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5258189349241541167 Time: 2.35123\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5821621277990374316 Time: 2.22636\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5863767799113001648 Time: 2.51496\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -9147980667639709536 Time: 2.16941\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8892196987859366827 Time: 2.16652\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8850904373104590857 Time: 2.2274\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8010679767156598961 Time: 2.42274\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -7751035352149795660 Time: 2.12202\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -5115676123557684531 Time: 2.29914\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -493597327599791285 Time: 2.2048\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -423878181466897819 Time: 2.5802\n", + "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.12202\n", + "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 0 Time: 3.16828\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 1 Time: 2.58034\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 56 Time: 3.57156\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: 1 Time: 2.58034\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 1651411198763708804 Time: 1.02412\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 2418518597804310654 Time: 1.04868\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 4318470497547290900 Time: 1.16542\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4930470141256631146 Time: 1.7656\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 8292881859266835088 Time: 1.8047\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 8401509141903434922 Time: 1.2486\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -8654297089785671176 Time: 1.22767\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -7516584506774355935 Time: 1.82717\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -7140760933967189247 Time: 1.2412\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -6004726995029373073 Time: 1.70669\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -5719726816705110014 Time: 1.17104\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -4097850214384059472 Time: 1.82233\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -3717489476759089008 Time: 1.20366\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -3689982367035295496 Time: 1.11146\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2640575123064142123 Time: 1.11741\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2534402059426524406 Time: 1.10719\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2027588946874785071 Time: 1.73875\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -1968398013367819764 Time: 1.14433\n", + "[03/14/2023-21:28:24] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.02412\n", + "[03/14/2023-21:28:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:24] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 0 Time: 4.63231\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34212352, available: 16777216\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 56 Time: 4.76478\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:24] [V] [TRT] Fastest Tactic: 0 Time: 4.63231\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 83696452256923412 Time: 0.694824\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 106549059816437840 Time: 0.624524\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 1179757074518529353 Time: 0.330984\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2105695814191699972 Time: 0.607828\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2148106709480872763 Time: 0.405552\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2410442691266548717 Time: 0.345948\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2511830168590723349 Time: 0.396416\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2634905271404611895 Time: 0.49628\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2689212690707793357 Time: 0.600372\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2798075085844016892 Time: 0.525492\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3041642431972138763 Time: 0.319352\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3091156937974993800 Time: 0.525424\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3199589679702517123 Time: 0.403336\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3754069740140581927 Time: 0.64972\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3932578551652369355 Time: 0.751516\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4149021101886580762 Time: 0.501908\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4555462412611657028 Time: 0.410432\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4749226340913476230 Time: 0.773584\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 5483093640784800285 Time: 0.681012\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.63878\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.817508\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.644848\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.646268\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.552972\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.526708\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.639044\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.570948\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.642092\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.399164\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.397404\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.47876\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.61906\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.631872\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -9104099172933216230 Time: 0.881476\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.401748\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.8346\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.54672\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.514716\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8774805574135441656 Time: 0.529596\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.407532\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8520017388966620486 Time: 0.746608\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8487084252145372186 Time: 0.5999\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8391760416076885205 Time: 0.608364\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7990268040387498660 Time: 0.973204\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7849113095413980300 Time: 0.613852\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7533167286135592323 Time: 0.504652\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -6273232454637933930 Time: 0.363656\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5818527483287834165 Time: 0.35416\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5590418898350402100 Time: 0.672176\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5505475137955795830 Time: 0.32816\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5389631537202601150 Time: 0.5944\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5332866838585594777 Time: 0.49142\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5121883532434354186 Time: 0.385028\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5006039300385557796 Time: 0.421032\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4534876761957424274 Time: 0.633324\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4352168563838861262 Time: 0.333916\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4109084522508697633 Time: 0.42\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -3237051169894153788 Time: 0.621992\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -3136088851200285532 Time: 0.313548\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2827934362840121038 Time: 0.685924\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2676138141351394855 Time: 1.00903\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2601537631049973288 Time: 0.395264\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2586046817576862066 Time: 0.362512\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2569977342077121032 Time: 0.672892\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2422160065350346448 Time: 0.577172\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2125188058121029448 Time: 0.491664\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2123887091022542343 Time: 0.50706\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -1838109259315759592 Time: 0.49628\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -1216445540764179377 Time: 0.330824\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -539379305772590030 Time: 0.885472\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -288413895057594820 Time: 0.414644\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -229563042944049199 Time: 0.3145\n", + "[03/14/2023-21:28:25] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.313548\n", + "[03/14/2023-21:28:25] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", + "[03/14/2023-21:28:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:25] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:25] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 0 Time: 7.25884\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 1 skipped. Scratch requested: 29915648, available: 16777216\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 6 skipped. Scratch requested: 26218496, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 56 Time: 7.4586\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 57 skipped. Scratch requested: 29915648, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 62 skipped. Scratch requested: 26218496, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Fastest Tactic: 0 Time: 7.25884\n", + "[03/14/2023-21:28:26] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 1825138533642645384 Time: 4.25226\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 2775507031594384867 Time: 7.8254\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 2842488832350522458 Time: 5.13643\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 3915320020053085238 Time: 4.59154\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 6448355332020552203 Time: 5.0745\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 6808617066150061604 Time: 4.80033\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: -8060443123034038864 Time: 5.44805\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: -4420849921117327522 Time: 7.23196\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3946921629105938337 Time: 6.16992\n", + "[03/14/2023-21:28:27] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.25226\n", + "[03/14/2023-21:28:27] [V] [TRT] Setting workspace to 26218496enables more tactics for profiling\n", + "[03/14/2023-21:28:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:27] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:27] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:27] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:27] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 861694390046228376 Time: 4.73828\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 1017870653102653567 Time: 4.56151\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5258189349241541167 Time: 4.82198\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5821621277990374316 Time: 4.68076\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5863767799113001648 Time: 5.19028\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -9147980667639709536 Time: 4.51698\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -8850904373104590857 Time: 4.98286\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -7751035352149795660 Time: 4.57289\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3853827649136781465 Time: 4.61486\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3263369460438823196 Time: 4.75174\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: -423878181466897819 Time: 5.43592\n", + "[03/14/2023-21:28:28] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.51698\n", + "[03/14/2023-21:28:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:28] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 0 Time: 6.89095\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1 Time: 5.3297\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 56 Time: 7.21984\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Fastest Tactic: 1 Time: 5.3297\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:28] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling\n", + "[03/14/2023-21:28:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:28] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1145226902788474763 Time: 2.22238\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1651411198763708804 Time: 2.75311\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 2418518597804310654 Time: 2.78011\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4318470497547290900 Time: 2.49019\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4653005425971292725 Time: 2.70842\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4930470141256631146 Time: 3.36413\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 8292881859266835088 Time: 3.3074\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 8401509141903434922 Time: 2.58867\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -8654297089785671176 Time: 2.43669\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -7448936905981214224 Time: 3.32389\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -6004726995029373073 Time: 2.79537\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -5719726816705110014 Time: 2.44029\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3754890472406891741 Time: 2.62876\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3689982367035295496 Time: 2.50343\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3140347171730126532 Time: 3.91865\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -2894005464278291378 Time: 3.54028\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -2027588946874785071 Time: 2.91347\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -1968398013367819764 Time: 2.75149\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -245090590808296743 Time: 2.63149\n", + "[03/14/2023-21:28:29] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.22238\n", + "[03/14/2023-21:28:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:28:29] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:29] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:29] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:29] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 0 Time: 9.82126\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 1 skipped. Scratch requested: 17566208, available: 16777216\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 56 Time: 9.80386\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216\n", + "[03/14/2023-21:28:30] [V] [TRT] Fastest Tactic: 56 Time: 9.80386\n", + "[03/14/2023-21:28:30] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 46202665595848747 Time: 1.19205\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 239013563835492727 Time: 1.46871\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 385569945292539752 Time: 2.30661\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 671037109694951988 Time: 1.23824\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 833287959109025818 Time: 1.34493\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 864841579020773074 Time: 0.766328\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 912634305247603909 Time: 1.10503\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1013168150133367738 Time: 0.8815\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1014187170474222133 Time: 1.12675\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1067227531433278814 Time: 0.761044\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1554365048685552334 Time: 1.14269\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1579845938601132607 Time: 0.709164\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1796821236841789338 Time: 1.57347\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1837941418294761657 Time: 1.3998\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1948263663414159978 Time: 1.28432\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1989668371181446952 Time: 1.71187\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2027733232253711640 Time: 0.833856\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2148106709480872763 Time: 0.823492\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2154731107061273008 Time: 1.02563\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2410442691266548717 Time: 0.74148\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3464689803495983377 Time: 0.78334\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3636831327753843771 Time: 0.696396\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3745975654290680669 Time: 1.32178\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3754069740140581927 Time: 1.25955\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3784804427912340706 Time: 1.45374\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3823144360994712832 Time: 0.74256\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3919868136802676679 Time: 1.15783\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5263029549013613567 Time: 0.686152\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5506334059535811602 Time: 0.79102\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5635311898703673455 Time: 0.658084\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5786991692145244692 Time: 2.11769\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5848150552772236982 Time: 1.16172\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42868\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 5932046018238429951 Time: 1.45219\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6103089697398018604 Time: 1.58852\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6195603576432354734 Time: 1.58974\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6252808259936499253 Time: 1.49613\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6408235920257988861 Time: 1.22248\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6623704051070449703 Time: 1.30094\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29789\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7114340626053367917 Time: 1.48702\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7158029511300006471 Time: 1.30837\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7612687199567064086 Time: 1.12342\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7729555994715864793 Time: 1.12336\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7844857443355818347 Time: 1.25015\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7849296535223586261 Time: 1.22356\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7859952145590271433 Time: 1.29528\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8219150286974756863 Time: 2.00943\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8283847742354150423 Time: 1.48719\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8455608235315878803 Time: 1.65789\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8668812313058150080 Time: 1.32341\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8992262742606384444 Time: 0.908484\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8750433364328295059 Time: 1.1655\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8682550625095202832 Time: 0.875436\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8392835332206231687 Time: 1.71334\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8254009616492665198 Time: 0.815608\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7615325597099025933 Time: 0.804008\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7594446953125532601 Time: 1.27156\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7345578023323941164 Time: 1.85798\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6828337260021572283 Time: 1.84085\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6711815420995272523 Time: 1.55802\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6636202818604544855 Time: 2.27391\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6489479581011009593 Time: 0.918816\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6320761427625651496 Time: 0.846456\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6273232454637933930 Time: 0.769152\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6080892721161662420 Time: 0.686368\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6032793021868796623 Time: 1.17277\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -5818527483287834165 Time: 0.71564\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5710735840878760115 Time: 0.734508\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5589367647444470524 Time: 1.72512\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5546257196173962281 Time: 1.17483\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5198219374380660379 Time: 0.873872\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4954692664176521434 Time: 0.799096\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4627695383426341593 Time: 1.47808\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4534876761957424274 Time: 1.37161\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4142141368456048176 Time: 1.40967\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4116131327756252574 Time: 1.80711\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3968200906158272636 Time: 1.16714\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3784342055748695733 Time: 1.58496\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13218\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3271955096576257018 Time: 1.13643\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3237051169894153788 Time: 1.28028\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3136088851200285532 Time: 0.66524\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2871615028541756894 Time: 2.18237\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2751179716463646694 Time: 1.57926\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2634388175487609605 Time: 1.81313\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2586046817576862066 Time: 0.77658\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1708101578041178688 Time: 0.798236\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1586820571068855896 Time: 1.46572\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1020632631321619146 Time: 1.40254\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -907287437357565279 Time: 0.792108\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -229563042944049199 Time: 0.643972\n", + "[03/14/2023-21:28:32] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.643972\n", + "[03/14/2023-21:28:32] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling\n", + "[03/14/2023-21:28:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:32] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:32] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 0 Time: 5.09567\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 1 Time: 3.77041\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 2 Time: 5.33586\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 56 Time: 5.2252\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 57 Time: 3.79594\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 58 Time: 5.3388\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:33] [V] [TRT] Fastest Tactic: 1 Time: 3.77041\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 1754569683116234317 Time: 2.44495\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 1825138533642645384 Time: 2.40415\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 2733356012094739613 Time: 4.4898\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 3915320020053085238 Time: 2.49967\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 6808617066150061604 Time: 2.70036\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 9091006216302412844 Time: 2.86504\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -8060443123034038864 Time: 2.89428\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -4420849921117327522 Time: 4.30317\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -3946921629105938337 Time: 4.50671\n", + "[03/14/2023-21:28:33] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 2.40415\n", + "[03/14/2023-21:28:33] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:33] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 861694390046228376 Time: 2.34472\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5258189349241541167 Time: 2.46632\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5821621277990374316 Time: 2.42163\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5863767799113001648 Time: 3.08158\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -9147980667639709536 Time: 2.23695\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -8892196987859366827 Time: 2.3084\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8850904373104590857 Time: 2.44742\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8010679767156598961 Time: 3.08324\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7751035352149795660 Time: 2.22457\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -5115676123557684531 Time: 2.31485\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -493597327599791285 Time: 2.348\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -423878181466897819 Time: 3.14783\n", + "[03/14/2023-21:28:34] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.22457\n", + "[03/14/2023-21:28:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:34] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 0 Time: 4.41118\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 1 Time: 3.4869\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 2 Time: 4.77565\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 56 Time: 4.4989\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 58 Time: 4.5321\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:34] [V] [TRT] Fastest Tactic: 1 Time: 3.4869\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:34] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 1651411198763708804 Time: 1.21372\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 2418518597804310654 Time: 1.30875\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4318470497547290900 Time: 1.3135\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4930470141256631146 Time: 1.92942\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 8292881859266835088 Time: 1.9685\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 8401509141903434922 Time: 1.34375\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8654297089785671176 Time: 1.30558\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7516584506774355935 Time: 1.91143\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7140760933967189247 Time: 1.33147\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -6004726995029373073 Time: 1.91678\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -5719726816705110014 Time: 1.34466\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -4097850214384059472 Time: 2.01697\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -3717489476759089008 Time: 1.31432\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -3689982367035295496 Time: 1.25668\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2640575123064142123 Time: 1.21591\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2534402059426524406 Time: 1.20984\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2027588946874785071 Time: 1.94094\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -1968398013367819764 Time: 1.306\n", + "[03/14/2023-21:28:35] [V] [TRT] Fastest Tactic: -2534402059426524406 Time: 1.20984\n", + "[03/14/2023-21:28:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:35] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 0 Time: 5.76025\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 56 Time: 5.91614\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:35] [V] [TRT] Fastest Tactic: 0 Time: 5.76025\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 83696452256923412 Time: 0.758252\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 106549059816437840 Time: 0.730596\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 1179757074518529353 Time: 0.536416\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2105695814191699972 Time: 0.826572\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2148106709480872763 Time: 0.521392\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2410442691266548717 Time: 0.484352\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2511830168590723349 Time: 0.576076\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2634905271404611895 Time: 0.536872\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2689212690707793357 Time: 0.66134\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2798075085844016892 Time: 0.584052\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3041642431972138763 Time: 0.428968\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3091156937974993800 Time: 0.592372\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3199589679702517123 Time: 0.57966\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3754069740140581927 Time: 0.80866\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3932578551652369355 Time: 0.768504\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4149021101886580762 Time: 0.531048\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4555462412611657028 Time: 0.524936\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4749226340913476230 Time: 0.854272\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5483093640784800285 Time: 0.73586\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5666160310350604399 Time: 0.821852\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5900614001783877430 Time: 0.906236\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5925270497649423688 Time: 0.717352\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5999406432703271895 Time: 0.700248\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 6680916730816870145 Time: 0.746996\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7107292614492808590 Time: 0.582644\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7158029511300006471 Time: 0.800316\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7859952145590271433 Time: 0.758696\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8283847742354150423 Time: 0.813848\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8468288610222482742 Time: 0.501936\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8620567263556985011 Time: 0.49308\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8642279798680442080 Time: 0.547136\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8980274178270132023 Time: 0.740348\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 9108067304506990859 Time: 0.73686\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -9104099172933216230 Time: 1.06232\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8992262742606384444 Time: 0.533828\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8956720569082607796 Time: 0.927432\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8952042869709043207 Time: 0.651132\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8898856569474934280 Time: 0.58322\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8774805574135441656 Time: 0.671956\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8749513212655756001 Time: 0.499568\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8520017388966620486 Time: 0.776816\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8487084252145372186 Time: 0.649576\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8391760416076885205 Time: 0.695552\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7990268040387498660 Time: 1.03133\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7849113095413980300 Time: 0.678484\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7533167286135592323 Time: 0.550656\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -6273232454637933930 Time: 0.563068\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5818527483287834165 Time: 0.558176\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5590418898350402100 Time: 0.765628\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5505475137955795830 Time: 0.484496\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5389631537202601150 Time: 0.683848\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5332866838585594777 Time: 0.556036\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5121883532434354186 Time: 0.489736\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5006039300385557796 Time: 0.54188\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4534876761957424274 Time: 0.731576\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4352168563838861262 Time: 0.476636\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4109084522508697633 Time: 0.504348\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -3237051169894153788 Time: 0.789816\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -3136088851200285532 Time: 0.429672\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2827934362840121038 Time: 0.778724\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2676138141351394855 Time: 1.06376\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2601537631049973288 Time: 0.489104\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2586046817576862066 Time: 0.501576\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2569977342077121032 Time: 0.771652\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2422160065350346448 Time: 0.763804\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2125188058121029448 Time: 0.702864\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2123887091022542343 Time: 0.634184\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -1838109259315759592 Time: 0.58202\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -1216445540764179377 Time: 0.487952\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -539379305772590030 Time: 1.03106\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -288413895057594820 Time: 0.540592\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -229563042944049199 Time: 0.441388\n", + "[03/14/2023-21:28:36] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.428968\n", + "[03/14/2023-21:28:36] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", + "[03/14/2023-21:28:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CudnnConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CublasConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CudnnConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CaskConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CudnnConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CublasConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CaskConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8192257 Time: 0.540724\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8257793 Time: 0.496828\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8323329 Time: 0.48982\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8388865 Time: 0.485716\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8454401 Time: 0.481184\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8519937 Time: 0.480164\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8585473 Time: 0.479176\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8651009 Time: 0.478128\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 8651009 Time: 0.478128\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.262428\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.262428\n", + "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.145588\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.145588\n", + "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8192257 Time: 0.274168\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8257793 Time: 0.250688\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8323329 Time: 0.24682\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8388865 Time: 0.244492\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8454401 Time: 0.245456\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8519937 Time: 0.247268\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8585473 Time: 0.2506\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8651009 Time: 0.252548\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 8388865 Time: 0.244492\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -3 Time: 0.466468\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -3 Time: 0.466468\n", + "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 8388865\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -2 Time: 0.104756\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -2 Time: 0.104756\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.139456\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.139456\n", + "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -2\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Float(2048,1,2048,2048) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008072\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008552\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008072\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008292\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009448\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008292\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083192\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006904\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006904\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007536\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.0069\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.0069\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008356\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008376\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008356\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.0081\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00856\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.0081\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.082864\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008956\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.008956\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.006904\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009208\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.006904\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008488\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.0092\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008488\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,2048,2048) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007748\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00898\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.007748\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084788\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006744\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006744\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007396\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00692\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.00692\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083912\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00648\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.00648\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,2048,2048) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.00742\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009616\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.00742\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084984\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006352\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006352\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.00716\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.07422\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.00716\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083908\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006068\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006068\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,2048,2048) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.006912\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009376\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.006912\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.0848\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.005456\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.005456\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084984\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.074468\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.074468\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Float(2048,1,1,1) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.411716\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1 Time: 0.19034\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 2 Time: 0.251188\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 56 Time: 0.410828\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 57 Time: 0.190388\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 58 Time: 0.251316\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1 Time: 0.19034\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.122652\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1 Time: 0.109408\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1 Time: 0.109408\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1754569683116234317 Time: 0.529316\n", + "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1825138533642645384 Time: 0.524784\n", + "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 2733356012094739613 Time: 0.463684\n", + "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 3915320020053085238 Time: 0.534596\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 6808617066150061604 Time: 0.366404\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 9091006216302412844 Time: 0.358696\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8060443123034038864 Time: 0.3792\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -4420849921117327522 Time: 0.479496\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3946921629105938337 Time: 0.499204\n", + "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 9091006216302412844 Time: 0.358696\n", + "[03/14/2023-21:28:38] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", + "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1\n", + "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Float(2048,1,2048,2048) -> Float(1000,1,1000,1000) ***************\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 861694390046228376 Time: 0.355932\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5258189349241541167 Time: 0.1843\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5821621277990374316 Time: 0.356312\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5863767799113001648 Time: 0.103508\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -9147980667639709536 Time: 0.344804\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8892196987859366827 Time: 0.344632\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8850904373104590857 Time: 0.185732\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8010679767156598961 Time: 0.101056\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7751035352149795660 Time: 0.347292\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -5115676123557684531 Time: 0.352484\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -493597327599791285 Time: 0.178524\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -423878181466897819 Time: 0.103624\n", + "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: -8010679767156598961 Time: 0.101056\n", + "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(2048,1,1,1) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 0 Time: 0.413968\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1 Time: 0.458576\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2 Time: 0.292912\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 56 Time: 0.413956\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 58 Time: 0.292756\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 58 Time: 0.292756\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 0 Time: 0.047152\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1 Time: 0.04134\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2 Time: 0.046608\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 3 Time: 0.04142\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4 Time: 0.062684\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5 Time: 0.062708\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 6 Time: 0.047876\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 7 Time: 0.043072\n", + "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 1 Time: 0.04134\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", + "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1\n", + "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(500,1:2,1,1) ***************\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1651411198763708804 Time: 0.192268\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2418518597804310654 Time: 0.192312\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4318470497547290900 Time: 0.188044\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4930470141256631146 Time: 0.338988\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 8292881859266835088 Time: 0.342504\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 8401509141903434922 Time: 0.186536\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8654297089785671176 Time: 0.271104\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7516584506774355935 Time: 0.216904\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7140760933967189247 Time: 0.184168\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -6004726995029373073 Time: 0.32384\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -5719726816705110014 Time: 0.271952\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -4097850214384059472 Time: 0.227624\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3717489476759089008 Time: 0.183408\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3689982367035295496 Time: 0.265892\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -2640575123064142123 Time: 0.269068\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -2534402059426524406 Time: 0.268784\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2027588946874785071 Time: 0.334464\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1968398013367819764 Time: 0.269704\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: -3717489476759089008 Time: 0.183408\n", + "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Half(125,1:8,125,125) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.415068\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.456536\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2 Time: 0.293372\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 56 Time: 0.414208\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 58 Time: 0.293132\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 58 Time: 0.293132\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 83696452256923412 Time: 0.055224\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 106549059816437840 Time: 0.035408\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1179757074518529353 Time: 0.05472\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2105695814191699972 Time: 0.092416\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2148106709480872763 Time: 0.065524\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2410442691266548717 Time: 0.095208\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2511830168590723349 Time: 0.064468\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2634905271404611895 Time: 0.05606\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2689212690707793357 Time: 0.176832\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2798075085844016892 Time: 0.095072\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3041642431972138763 Time: 0.0535\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3091156937974993800 Time: 0.094864\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3199589679702517123 Time: 0.064292\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3754069740140581927 Time: 0.107428\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3932578551652369355 Time: 0.03808\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4149021101886580762 Time: 0.056848\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4555462412611657028 Time: 0.066024\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4749226340913476230 Time: 0.054292\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5483093640784800285 Time: 0.067076\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5666160310350604399 Time: 0.103852\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5900614001783877430 Time: 0.066732\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5925270497649423688 Time: 0.17516\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5999406432703271895 Time: 0.060732\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 6680916730816870145 Time: 0.09624\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7107292614492808590 Time: 0.032444\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7158029511300006471 Time: 0.093328\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7859952145590271433 Time: 0.0948\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8283847742354150423 Time: 0.105748\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8468288610222482742 Time: 0.096268\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8620567263556985011 Time: 0.105344\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8642279798680442080 Time: 0.095444\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8980274178270132023 Time: 0.058296\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 9108067304506990859 Time: 0.060852\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -9104099172933216230 Time: 0.044472\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8992262742606384444 Time: 0.070976\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8956720569082607796 Time: 0.065776\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8952042869709043207 Time: 0.095324\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8898856569474934280 Time: 0.094784\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8774805574135441656 Time: 0.092292\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8749513212655756001 Time: 0.096256\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8520017388966620486 Time: 0.038244\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8487084252145372186 Time: 0.177364\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8391760416076885205 Time: 0.174456\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7990268040387498660 Time: 0.057284\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7849113095413980300 Time: 0.176648\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7533167286135592323 Time: 0.062956\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -6273232454637933930 Time: 0.055996\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5818527483287834165 Time: 0.054452\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5590418898350402100 Time: 0.066356\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5505475137955795830 Time: 0.058284\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5389631537202601150 Time: 0.176448\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5332866838585594777 Time: 0.061268\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5121883532434354186 Time: 0.0816\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5006039300385557796 Time: 0.069504\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4534876761957424274 Time: 0.174704\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4352168563838861262 Time: 0.057892\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4109084522508697633 Time: 0.104092\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -3237051169894153788 Time: 0.09228\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -3136088851200285532 Time: 0.054208\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2827934362840121038 Time: 0.035684\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2676138141351394855 Time: 0.05748\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2601537631049973288 Time: 0.08206\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2586046817576862066 Time: 0.095932\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2569977342077121032 Time: 0.059704\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2422160065350346448 Time: 0.094704\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2125188058121029448 Time: 0.092528\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2123887091022542343 Time: 0.094252\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1838109259315759592 Time: 0.032696\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1216445540764179377 Time: 0.095212\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -539379305772590030 Time: 0.04452\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -288413895057594820 Time: 0.068748\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -229563042944049199 Time: 0.057392\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 7107292614492808590 Time: 0.032444\n", + "[03/14/2023-21:28:39] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", + "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1,1) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006892\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006876\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006876\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.007104\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00618\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00618\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006544\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00616\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00616\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(1000,1,1,1) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.007156\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006256\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006256\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.04422\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004976\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004976\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.045016\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004972\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004972\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.044296\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00468\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00468\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.044932\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004752\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004752\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Float(1000,1,1,1) -> Float(1000,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004924\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.01036\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004924\n", + "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(1000,1,1,1) -> Half(1000,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004188\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.00938\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004188\n", + "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(1000,1) -> Float(1000,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006656\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006376\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006376\n", + "[03/14/2023-21:28:39] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to Conv_0 + Relu_1 (input) from Float(150528,50176,224,1) to Half(50176,1:4,224,1)\n", + "[03/14/2023-21:28:39] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] ((Unnamed Layer* 132) [Fully Connected]_output) from Half(125,1:8,125,125) to Float(1000,1,1,1)\n", + "[03/14/2023-21:28:39] [V] [TRT] For layer (Unnamed Layer* 136) [Shuffle] a non-conforming implementation was chosen than was requested i.e. requested layer computation precision and output precision types were ignored because it resulted in faster network performance. Enable strict mode to try force choose a conforming implementation.\n", + "[03/14/2023-21:28:39] [V] [TRT] Formats and tactics selection completed in 204.908 seconds.\n", + "[03/14/2023-21:28:39] [V] [TRT] After reformat layers: 59 layers\n", + "[03/14/2023-21:28:39] [V] [TRT] Block size 205520896\n", + "[03/14/2023-21:28:39] [V] [TRT] Block size 205520896\n", + "[03/14/2023-21:28:39] [V] [TRT] Block size 102760448\n", + "[03/14/2023-21:28:39] [V] [TRT] Block size 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Total Activation Memory: 530579456\n", + "[03/14/2023-21:28:39] [I] [TRT] Detected 1 inputs and 1 output network tensors.\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_13 + Relu_14 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_15 + Add_16 + Relu_17 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_18 + Relu_19 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_20 + Relu_21 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_22 + Add_23 + Relu_24 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_40 + Relu_41 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_42 + Relu_43 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_44 + Add_45 + Relu_46 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_47 + Relu_48 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_49 + Relu_50 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_51 + Add_52 + Relu_53 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_69 + Relu_70 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_71 + Relu_72 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_73 + Add_74 + Relu_75 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_76 + Relu_77 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_78 + Relu_79 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_80 + Add_81 + Relu_82 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_83 + Relu_84 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_85 + Relu_86 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_87 + Add_88 + Relu_89 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_90 + Relu_91 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_92 + Relu_93 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_94 + Add_95 + Relu_96 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_112 + Relu_113 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_114 + Relu_115 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_116 + Add_117 + Relu_118 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1 HostPersistent: 0 DevicePersistent: 0\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_0 + Relu_1 HostPersistent: 256 DevicePersistent: 25600\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: MaxPool_2 HostPersistent: 48 DevicePersistent: 0\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_3 + Relu_4 HostPersistent: 3776 DevicePersistent: 8704\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_5 + Relu_6 HostPersistent: 3776 DevicePersistent: 74240\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_7 HostPersistent: 2176 DevicePersistent: 52224\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_8 + Add_9 + Relu_10 HostPersistent: 3776 DevicePersistent: 34304\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_11 + Relu_12 HostPersistent: 3776 DevicePersistent: 33280\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_13 + Relu_14 HostPersistent: 3776 DevicePersistent: 74240\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_15 + Add_16 + Relu_17 HostPersistent: 3776 DevicePersistent: 34304\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_18 + Relu_19 HostPersistent: 3776 DevicePersistent: 33280\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_20 + Relu_21 HostPersistent: 3776 DevicePersistent: 74240\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_22 + Add_23 + Relu_24 HostPersistent: 3776 DevicePersistent: 34304\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_25 + Relu_26 HostPersistent: 3776 DevicePersistent: 66560\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_27 + Relu_28 HostPersistent: 1664 DevicePersistent: 300032\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_29 HostPersistent: 2176 DevicePersistent: 137216\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_30 + Add_31 + Relu_32 HostPersistent: 3776 DevicePersistent: 265216\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_33 + Relu_34 HostPersistent: 3200 DevicePersistent: 136192\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_35 + Relu_36 HostPersistent: 2176 DevicePersistent: 300032\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_37 + Add_38 + Relu_39 HostPersistent: 3776 DevicePersistent: 134144\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_40 + Relu_41 HostPersistent: 3200 DevicePersistent: 136192\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_42 + Relu_43 HostPersistent: 2176 DevicePersistent: 300032\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_44 + Add_45 + Relu_46 HostPersistent: 3776 DevicePersistent: 134144\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_47 + Relu_48 HostPersistent: 3200 DevicePersistent: 136192\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_49 + Relu_50 HostPersistent: 2176 DevicePersistent: 300032\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_51 + Add_52 + Relu_53 HostPersistent: 3776 DevicePersistent: 134144\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_54 + Relu_55 HostPersistent: 3776 DevicePersistent: 263680\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_56 + Relu_57 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_58 HostPersistent: 3200 DevicePersistent: 527872\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_59 + Add_60 + Relu_61 HostPersistent: 3776 DevicePersistent: 1054720\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_62 + Relu_63 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_64 + Relu_65 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_66 + Add_67 + Relu_68 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_69 + Relu_70 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_71 + Relu_72 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_73 + Add_74 + Relu_75 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_76 + Relu_77 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_78 + Relu_79 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_80 + Add_81 + Relu_82 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_83 + Relu_84 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_85 + Relu_86 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_87 + Add_88 + Relu_89 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_90 + Relu_91 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_92 + Relu_93 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_94 + Add_95 + Relu_96 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_97 + Relu_98 HostPersistent: 1664 DevicePersistent: 1051136\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_99 + Relu_100 HostPersistent: 2176 DevicePersistent: 4720128\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_101 HostPersistent: 3200 DevicePersistent: 2101760\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_102 + Add_103 + Relu_104 HostPersistent: 3200 DevicePersistent: 4198912\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_105 + Relu_106 HostPersistent: 1664 DevicePersistent: 2098688\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_107 + Relu_108 HostPersistent: 2176 DevicePersistent: 4720128\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_109 + Add_110 + Relu_111 HostPersistent: 3200 DevicePersistent: 2101760\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_112 + Relu_113 HostPersistent: 1664 DevicePersistent: 2098688\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_114 + Relu_115 HostPersistent: 2176 DevicePersistent: 4720128\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_116 + Add_117 + Relu_118 HostPersistent: 3200 DevicePersistent: 2101760\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: GlobalAveragePool_119 HostPersistent: 0 DevicePersistent: 0\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Gemm_121 HostPersistent: 3776 DevicePersistent: 4102144\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] HostPersistent: 0 DevicePersistent: 0\n", + "[03/14/2023-21:28:40] [I] [TRT] Total Host Persistent Memory: 162096\n", + "[03/14/2023-21:28:40] [I] [TRT] Total Device Persistent Memory: 51194368\n", + "[03/14/2023-21:28:40] [I] [TRT] Total Scratch Memory: 0\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageStats] Peak memory usage of TRT CPU/GPU memory allocators: CPU 53 MiB, GPU 256 MiB\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1662, GPU 879 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 887 (MiB)\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 871 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Engine generation completed in 206.276 seconds.\n", + "[03/14/2023-21:28:40] [V] [TRT] Deleting timing cache: 515 entries, 1506 hits\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Engine Layer Information:\n", + "Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1, Tactic: 1002, input[Float(-2,3,224,224)] -> Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)]\n", + "Layer(CaskConvolution): Conv_0 + Relu_1, Tactic: -8357652348141719927, Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)] -> 323[Half(-2,64,112,112)]\n", + "Layer(CudnnPooling): MaxPool_2, Tactic: -1, 323[Half(-2,64,112,112)] -> 324[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_3 + Relu_4, Tactic: 106549059816437840, 324[Half(-2,64,56,56)] -> 327[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_5 + Relu_6, Tactic: 3464689803495983377, 327[Half(-2,64,56,56)] -> 330[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_7, Tactic: -229563042944049199, 330[Half(-2,64,56,56)] -> 505[Half(-2,256,56,56)]\n", + "Layer(CaskConvolution): Conv_8 + Add_9 + Relu_10, Tactic: -2125188058121029448, 324[Half(-2,64,56,56)], 505[Half(-2,256,56,56)] -> 336[Half(-2,256,56,56)]\n", + "Layer(CaskConvolution): Conv_11 + Relu_12, Tactic: -2827934362840121038, 336[Half(-2,256,56,56)] -> 339[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_13 + Relu_14, Tactic: 3464689803495983377, 339[Half(-2,64,56,56)] -> 342[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_15 + Add_16 + Relu_17, Tactic: -2125188058121029448, 342[Half(-2,64,56,56)], 336[Half(-2,256,56,56)] -> 346[Half(-2,256,56,56)]\n", + "Layer(CaskConvolution): Conv_18 + Relu_19, Tactic: -2827934362840121038, 346[Half(-2,256,56,56)] -> 349[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_20 + Relu_21, Tactic: 3464689803495983377, 349[Half(-2,64,56,56)] -> 352[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_22 + Add_23 + Relu_24, Tactic: -2125188058121029448, 352[Half(-2,64,56,56)], 346[Half(-2,256,56,56)] -> 356[Half(-2,256,56,56)]\n", + "Layer(CaskConvolution): Conv_25 + Relu_26, Tactic: -5505475137955795830, 356[Half(-2,256,56,56)] -> 359[Half(-2,128,56,56)]\n", + "Layer(CaskConvolution): Conv_27 + Relu_28, Tactic: -3136088851200285532, 359[Half(-2,128,56,56)] -> 362[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_29, Tactic: -229563042944049199, 362[Half(-2,128,28,28)] -> 535[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_30 + Add_31 + Relu_32, Tactic: -4352168563838861262, 356[Half(-2,256,56,56)], 535[Half(-2,512,28,28)] -> 368[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_33 + Relu_34, Tactic: 3041642431972138763, 368[Half(-2,512,28,28)] -> 371[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_35 + Relu_36, Tactic: -229563042944049199, 371[Half(-2,128,28,28)] -> 374[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_37 + Add_38 + Relu_39, Tactic: 3199589679702517123, 374[Half(-2,128,28,28)], 368[Half(-2,512,28,28)] -> 378[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_40 + Relu_41, Tactic: 3041642431972138763, 378[Half(-2,512,28,28)] -> 381[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_42 + Relu_43, Tactic: -229563042944049199, 381[Half(-2,128,28,28)] -> 384[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_44 + Add_45 + Relu_46, Tactic: 3199589679702517123, 384[Half(-2,128,28,28)], 378[Half(-2,512,28,28)] -> 388[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_47 + Relu_48, Tactic: 3041642431972138763, 388[Half(-2,512,28,28)] -> 391[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_49 + Relu_50, Tactic: -229563042944049199, 391[Half(-2,128,28,28)] -> 394[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_51 + Add_52 + Relu_53, Tactic: 3199589679702517123, 394[Half(-2,128,28,28)], 388[Half(-2,512,28,28)] -> 398[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_54 + Relu_55, Tactic: -4352168563838861262, 398[Half(-2,512,28,28)] -> 401[Half(-2,256,28,28)]\n", + "Layer(CaskConvolution): Conv_56 + Relu_57, Tactic: -2586046817576862066, 401[Half(-2,256,28,28)] -> 404[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_58, Tactic: 3041642431972138763, 404[Half(-2,256,14,14)] -> 574[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_59 + Add_60 + Relu_61, Tactic: -6080892721161662420, 398[Half(-2,512,28,28)], 574[Half(-2,1024,14,14)] -> 410[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_62 + Relu_63, Tactic: 3041642431972138763, 410[Half(-2,1024,14,14)] -> 413[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_64 + Relu_65, Tactic: -2586046817576862066, 413[Half(-2,256,14,14)] -> 416[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_66 + Add_67 + Relu_68, Tactic: -5505475137955795830, 416[Half(-2,256,14,14)], 410[Half(-2,1024,14,14)] -> 420[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_69 + Relu_70, Tactic: 3041642431972138763, 420[Half(-2,1024,14,14)] -> 423[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_71 + Relu_72, Tactic: -2586046817576862066, 423[Half(-2,256,14,14)] -> 426[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_73 + Add_74 + Relu_75, Tactic: -5505475137955795830, 426[Half(-2,256,14,14)], 420[Half(-2,1024,14,14)] -> 430[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_76 + Relu_77, Tactic: 3041642431972138763, 430[Half(-2,1024,14,14)] -> 433[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_78 + Relu_79, Tactic: -2586046817576862066, 433[Half(-2,256,14,14)] -> 436[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_80 + Add_81 + Relu_82, Tactic: -5505475137955795830, 436[Half(-2,256,14,14)], 430[Half(-2,1024,14,14)] -> 440[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_83 + Relu_84, Tactic: 3041642431972138763, 440[Half(-2,1024,14,14)] -> 443[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_85 + Relu_86, Tactic: -2586046817576862066, 443[Half(-2,256,14,14)] -> 446[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_87 + Add_88 + Relu_89, Tactic: -5505475137955795830, 446[Half(-2,256,14,14)], 440[Half(-2,1024,14,14)] -> 450[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_90 + Relu_91, Tactic: 3041642431972138763, 450[Half(-2,1024,14,14)] -> 453[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_92 + Relu_93, Tactic: -2586046817576862066, 453[Half(-2,256,14,14)] -> 456[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_94 + Add_95 + Relu_96, Tactic: -5505475137955795830, 456[Half(-2,256,14,14)], 450[Half(-2,1024,14,14)] -> 460[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_97 + Relu_98, Tactic: -3136088851200285532, 460[Half(-2,1024,14,14)] -> 463[Half(-2,512,14,14)]\n", + "Layer(CaskConvolution): Conv_99 + Relu_100, Tactic: -229563042944049199, 463[Half(-2,512,14,14)] -> 466[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_101, Tactic: 3041642431972138763, 466[Half(-2,512,7,7)] -> 631[Half(-2,2048,7,7)]\n", + "Layer(CaskConvolution): Conv_102 + Add_103 + Relu_104, Tactic: 3041642431972138763, 460[Half(-2,1024,14,14)], 631[Half(-2,2048,7,7)] -> 472[Half(-2,2048,7,7)]\n", + "Layer(CaskConvolution): Conv_105 + Relu_106, Tactic: -3136088851200285532, 472[Half(-2,2048,7,7)] -> 475[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_107 + Relu_108, Tactic: -229563042944049199, 475[Half(-2,512,7,7)] -> 478[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_109 + Add_110 + Relu_111, Tactic: 3041642431972138763, 478[Half(-2,512,7,7)], 472[Half(-2,2048,7,7)] -> 482[Half(-2,2048,7,7)]\n", + "Layer(CaskConvolution): Conv_112 + Relu_113, Tactic: -3136088851200285532, 482[Half(-2,2048,7,7)] -> 485[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_114 + Relu_115, Tactic: -229563042944049199, 485[Half(-2,512,7,7)] -> 488[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_116 + Add_117 + Relu_118, Tactic: 3041642431972138763, 488[Half(-2,512,7,7)], 482[Half(-2,2048,7,7)] -> 492[Half(-2,2048,7,7)]\n", + "Layer(CudaPooling): GlobalAveragePool_119, Tactic: -2, 492[Half(-2,2048,7,7)] -> 493[Half(-2,2048,1,1)]\n", + "Layer(CaskConvolution): Gemm_121, Tactic: 7107292614492808590, 493[Half(-2,2048,1,1)] -> (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)]\n", + "Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle], Tactic: 0, (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)] -> Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle][Float(-2,1000,1,1)]\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] Builder end: CPU 1662 MiB, GPU 853 MiB\n", + "[03/14/2023-21:28:40] [I] [TRT] Loaded engine size: 49 MB\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine begin: CPU 1662 MiB, GPU 803 MiB\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1662, GPU 863 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 871 (MiB)\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Deserialization required 160038 microseconds.\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine end: CPU 1662 MiB, GPU 853 MiB\n", + "[03/14/2023-21:28:40] [I] Engine built in 208.358 sec.\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation begin: CPU 1514 MiB, GPU 853 MiB\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1514, GPU 863 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1514, GPU 871 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Total per-runner device memory is 51194368\n", + "[03/14/2023-21:28:40] [V] [TRT] Total per-runner host memory is 162096\n", + "[03/14/2023-21:28:40] [V] [TRT] Allocated activation device memory of size 513802240\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation end: CPU 1514 MiB, GPU 1411 MiB\n", + "[03/14/2023-21:28:40] [I] Created input binding for input with dimensions 128x3x224x224\n", + "[03/14/2023-21:28:40] [I] Created output binding for output with dimensions 128x1000\n", + "[03/14/2023-21:28:40] [I] Starting inference\n", + "[03/14/2023-21:28:44] [I] Warmup completed 4 queries over 200 ms\n", + "[03/14/2023-21:28:44] [I] Timing trace has 55 queries over 3.12051 s\n", + "[03/14/2023-21:28:44] [I] \n", + "[03/14/2023-21:28:44] [I] === Trace details ===\n", + "[03/14/2023-21:28:44] [I] Trace averages of 10 runs:\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.14 ms - Host latency: 67.5936 ms (end to end 110.741 ms, enqueue 0.458421 ms)\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 56.0947 ms - Host latency: 68.5476 ms (end to end 111.97 ms, enqueue 0.46156 ms)\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.2569 ms - Host latency: 67.707 ms (end to end 110.578 ms, enqueue 0.442236 ms)\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 56.0127 ms - Host latency: 68.4673 ms (end to end 111.817 ms, enqueue 0.47312 ms)\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.3822 ms - Host latency: 67.8345 ms (end to end 110.692 ms, enqueue 0.480957 ms)\n", + "[03/14/2023-21:28:44] [I] \n", + "[03/14/2023-21:28:44] [I] === Performance summary ===\n", + "[03/14/2023-21:28:44] [I] Throughput: 17.6253 qps\n", + "[03/14/2023-21:28:44] [I] Latency: min = 67.0677 ms, max = 69.9773 ms, mean = 68.0911 ms, median = 68.0387 ms, percentile(99%) = 69.9773 ms\n", + "[03/14/2023-21:28:44] [I] End-to-End Host Latency: min = 109.552 ms, max = 116.728 ms, mean = 111.275 ms, median = 111.054 ms, percentile(99%) = 116.728 ms\n", + "[03/14/2023-21:28:44] [I] Enqueue Time: min = 0.397827 ms, max = 0.562012 ms, mean = 0.462458 ms, median = 0.462219 ms, percentile(99%) = 0.562012 ms\n", + "[03/14/2023-21:28:44] [I] H2D Latency: min = 12.3595 ms, max = 12.3865 ms, mean = 12.3696 ms, median = 12.37 ms, percentile(99%) = 12.3865 ms\n", + "[03/14/2023-21:28:44] [I] GPU Compute Time: min = 54.6188 ms, max = 57.5254 ms, mean = 55.6382 ms, median = 55.5883 ms, percentile(99%) = 57.5254 ms\n", + "[03/14/2023-21:28:44] [I] D2H Latency: min = 0.0812988 ms, max = 0.0842285 ms, mean = 0.0832464 ms, median = 0.083252 ms, percentile(99%) = 0.0842285 ms\n", + "[03/14/2023-21:28:44] [I] Total Host Walltime: 3.12051 s\n", + "[03/14/2023-21:28:44] [I] Total GPU Compute Time: 3.0601 s\n", + "[03/14/2023-21:28:44] [I] Explanations of the performance metrics are printed in the verbose logs.\n", + "[03/14/2023-21:28:44] [V] \n", + "[03/14/2023-21:28:44] [V] === Explanations of the performance metrics ===\n", + "[03/14/2023-21:28:44] [V] Total Host Walltime: the host walltime from when the first query (after warmups) is enqueued to when the last query is completed.\n", + "[03/14/2023-21:28:44] [V] GPU Compute Time: the GPU latency to execute the kernels for a query.\n", + "[03/14/2023-21:28:44] [V] Total GPU Compute Time: the summation of the GPU Compute Time of all the queries. If this is significantly shorter than Total Host Walltime, the GPU may be under-utilized because of host-side overheads or data transfers.\n", + "[03/14/2023-21:28:44] [V] Throughput: the observed throughput computed by dividing the number of queries by the Total Host Walltime. If this is significantly lower than the reciprocal of GPU Compute Time, the GPU may be under-utilized because of host-side overheads or data transfers.\n", + "[03/14/2023-21:28:44] [V] Enqueue Time: the host latency to enqueue a query. If this is longer than GPU Compute Time, the GPU may be under-utilized.\n", + "[03/14/2023-21:28:44] [V] H2D Latency: the latency for host-to-device data transfers for input tensors of a single query.\n", + "[03/14/2023-21:28:44] [V] D2H Latency: the latency for device-to-host data transfers for output tensors of a single query.\n", + "[03/14/2023-21:28:44] [V] Latency: the summation of H2D Latency, GPU Compute Time, and D2H Latency. This is the latency to infer a single query.\n", + "[03/14/2023-21:28:44] [V] End-to-End Host Latency: the duration from when the H2D of a query is called to when the D2H of the same query is completed, which includes the latency to wait for the completion of the previous query. This is the latency of a query if multiple queries are enqueued consecutively.\n", + "[03/14/2023-21:28:44] [I] \n", + "&&&& PASSED TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose\n", + "[03/14/2023-21:28:44] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1514, GPU 1343 (MiB)\n" + ] + } + ], + "source": [ + "!docker run --gpus=all --rm -it \\\n", + " -v `pwd`/workspace:/workspace nvcr.io/nvidia/pytorch:21.08-py3 \\\n", + " /bin/bash generate_models.sh" + ] + }, + { + "cell_type": "markdown", + "id": "170665a3", + "metadata": {}, + "source": [ + "## PyTorch Resnet50\n", + "\n", + "For a simple use case we will take the pre-trained ResNet50 model from [torchvision](https://pytorch.org/vision/stable/models.html) and deploy it on SageMaker with Triton as the model server. The script for exporting this model can be found [here](./workspace/pt_exporter.py). This is run as part of the `generate_models.sh` script from the previous cell. After the model is serialized we package it into the format that Triton and SageMaker expect it to be. We used the pre-configured `config.pbtxt` file provided with this repo [here](./triton-serve-pt/resnet/config.pbtxt) to specify model [configuration](https://github.com/triton-inference-server/server/blob/main/docs/model_configuration.md) which Triton uses to load the model. We tar the model directory and upload it to s3 to later create a [SageMaker Model](https://sagemaker.readthedocs.io/en/stable/api/inference/model.html).\n", + "\n", + "**Note**: SageMaker expects the model tarball file to have a top level directory with the same name as the model defined in the `config.pbtxt`.\n", + "\n", + "```\n", + "resnet\n", + "├── 1\n", + "│ └── model.pt\n", + "└── config.pbtxt\n", + "```" + ] + }, + { + "cell_type": "markdown", + "id": "f42bec12", + "metadata": {}, + "source": [ + "### PyTorch: Packaging model files and uploading to s3" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "2ba5d998", + "metadata": {}, + "outputs": [], + "source": [ + "!mkdir -p triton-serve-pt/resnet/1/\n", + "!mv -f workspace/model.pt triton-serve-pt/resnet/1/\n", + "!tar -C triton-serve-pt/ -czf model.tar.gz resnet\n", + "model_uri = sagemaker_session.upload_data(path=\"model.tar.gz\", key_prefix=\"triton-serve-pt\")" + ] + }, + { + "cell_type": "markdown", + "id": "e655f8bf", + "metadata": {}, + "source": [ + "### PyTorch: Create SageMaker Endpoint\n", + "\n", + "We start off by creating a [sagemaker model](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_CreateModel.html) from the model files we uploaded to s3 in the previous step.\n", + "\n", + "In this step we also provide an additional Environment Variable i.e. `SAGEMAKER_TRITON_DEFAULT_MODEL_NAME` which specifies the name of the model to be loaded by Triton. **The value of this key should match the folder name in the model package uploaded to s3**. This variable is optional in case of a single model. In case of ensemble models, this key **has to be** specified for Triton to startup in SageMaker.\n", + "\n", + "Additionally, customers can set `SAGEMAKER_TRITON_BUFFER_MANAGER_THREAD_COUNT` and `SAGEMAKER_TRITON_THREAD_COUNT` for optimizing the thread counts.\n", + "\n", + "**Note**: The current release of Triton (21.08-py3) on SageMaker doesn't support running instances of different models on the same server, except in case of [ensembles](https://github.com/triton-inference-server/server/blob/main/docs/architecture.md#ensemble-models). Only multiple model instances of the same model are supported, which can be specified under the [instance-groups](https://github.com/triton-inference-server/server/blob/main/docs/model_configuration.md#instance-groups) section of the config.pbtxt file." + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "ad3a4efa", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Model Arn: arn:aws:sagemaker:us-east-1:340280328827:model/triton-resnet-pt-2023-03-14-21-28-52\n" + ] + } + ], + "source": [ + "sm_model_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", + "\n", + "container = {\n", + " \"Image\": triton_image_uri,\n", + " \"ModelDataUrl\": model_uri,\n", + " \"Environment\": {\"SAGEMAKER_TRITON_DEFAULT_MODEL_NAME\": \"resnet\"},\n", + "}\n", + "\n", + "create_model_response = sm_client.create_model(\n", + " ModelName=sm_model_name, ExecutionRoleArn=role, PrimaryContainer=container\n", + ")\n", + "\n", + "print(\"Model Arn: \" + create_model_response[\"ModelArn\"])" + ] + }, + { + "cell_type": "markdown", + "id": "384d0919", + "metadata": {}, + "source": [ + "Using the model above, we create an [endpoint configuration](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_CreateEndpointConfig.html) where we can specify the type and number of instances we want in the endpoint." + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "f21e2d91", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Endpoint Config Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint-config/triton-resnet-pt-2023-03-14-21-28-52\n" + ] + } + ], + "source": [ + "endpoint_config_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", + "\n", + "create_endpoint_config_response = sm_client.create_endpoint_config(\n", + " EndpointConfigName=endpoint_config_name,\n", + " ProductionVariants=[\n", + " {\n", + " \"InstanceType\": \"ml.g4dn.4xlarge\",\n", + " \"InitialVariantWeight\": 1,\n", + " \"InitialInstanceCount\": 1,\n", + " \"ModelName\": sm_model_name,\n", + " \"VariantName\": \"AllTraffic\",\n", + " }\n", + " ],\n", + ")\n", + "\n", + "print(\"Endpoint Config Arn: \" + create_endpoint_config_response[\"EndpointConfigArn\"])" + ] + }, + { + "cell_type": "markdown", + "id": "efdb416e", + "metadata": {}, + "source": [ + "Using the above endpoint configuration we create a new sagemaker endpoint and wait for the deployment to finish. The status will change to **InService** once the deployment is successful." + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "cb69a730", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Endpoint Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint/triton-resnet-pt-2023-03-14-21-28-53\n" + ] + } + ], + "source": [ + "endpoint_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", + "\n", + "create_endpoint_response = sm_client.create_endpoint(\n", + " EndpointName=endpoint_name, EndpointConfigName=endpoint_config_name\n", + ")\n", + "\n", + "print(\"Endpoint Arn: \" + create_endpoint_response[\"EndpointArn\"])" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "0a0e6b84", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Status: Creating\n", + "Status: Creating\n", + "Status: Creating\n", + "Status: Creating\n", + "Status: Creating\n", + "Status: Creating\n", + "Status: InService\n", + "Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint/triton-resnet-pt-2023-03-14-21-28-53\n", + "Status: InService\n" + ] + } + ], + "source": [ + "resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", + "status = resp[\"EndpointStatus\"]\n", + "print(\"Status: \" + status)\n", + "\n", + "while status == \"Creating\":\n", + " time.sleep(60)\n", + " resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", + " status = resp[\"EndpointStatus\"]\n", + " print(\"Status: \" + status)\n", + "\n", + "print(\"Arn: \" + resp[\"EndpointArn\"])\n", + "print(\"Status: \" + status)" + ] + }, + { + "cell_type": "markdown", + "id": "265105de", + "metadata": {}, + "source": [ + "### PyTorch: Run inference\n", + "\n", + "Once we have the endpoint running we can use the [sample image](./shiba_inu_dog.jpg) provided to do an inference using json as the payload format. For inference request format, Triton uses the KFServing community standard [inference protocols](https://github.com/triton-inference-server/server/blob/main/docs/protocol/README.md)." + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "c2d2fc77", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'model_name': 'resnet', 'model_version': '1', 'outputs': [{'name': 'OUTPUT__0', 'datatype': 'FP32', 'shape': [1, 1000], 'data': [-1.2423866987228394, 0.24701853096485138, -1.719444751739502, -2.983774185180664, -3.0031378269195557, -1.9556485414505005, -2.4896504878997803, -0.3748376667499542, 0.04311593994498253, -1.6037155389785767, -3.8769569396972656, -1.9742560386657715, -3.648282527923584, -5.388746738433838, -1.698643445968628, -2.9155545234680176, -1.8570739030838013, 0.3685508072376251, -0.6721064448356628, -1.7402973175048828, -4.448188781738281, -2.3320815563201904, -3.1124160289764404, -2.239777088165283, -2.1238701343536377, -3.492258310317993, -4.8195390701293945, -2.8759515285491943, -3.056042432785034, -3.1336770057678223, -2.4614756107330322, -0.422211229801178, -2.3585638999938965, -3.5724363327026367, -0.7773780822753906, -4.294384479522705, -1.833012342453003, -4.481720924377441, -2.8400700092315674, -2.1916582584381104, -0.20150907337665558, -3.9115793704986572, -0.9050753116607666, -2.9791603088378906, -2.123189687728882, -3.932497024536133, -1.3375134468078613, -2.3746981620788574, -5.249118804931641, -2.663971424102783, -1.3220090866088867, -1.0240105390548706, -1.2798264026641846, -1.4837510585784912, -1.7605003118515015, -0.4450632631778717, -0.19828875362873077, -2.9953088760375977, -2.8129000663757324, -1.3711806535720825, -0.905617356300354, -1.1093047857284546, -3.472838878631592, -2.207808494567871, -2.5746278762817383, -3.245371103286743, -1.7209906578063965, -1.5765990018844604, -2.447021722793579, -4.086050510406494, -2.895289182662964, -1.957357406616211, -2.824129581451416, -3.280388355255127, -1.5759888887405396, -4.0739006996154785, -2.207242250442505, -1.2069604396820068, -1.2588688135147095, -0.21239452064037323, -3.4536893367767334, -5.687176704406738, -1.407385230064392, -3.0367422103881836, -0.9377634525299072, -2.6809866428375244, -1.6750167608261108, -0.6902238130569458, 0.591416597366333, -0.8433014154434204, -2.482624053955078, -4.851302623748779, -1.44878351688385, -1.7387932538986206, -0.46680518984794617, -4.541265964508057, -2.670034885406494, -0.08718496561050415, -1.1567074060440063, -0.1274053156375885, -0.38829556107521057, -2.899203300476074, -2.51202130317688, -4.1139631271362305, 1.2109885215759277, -1.4036363363265991, -2.20768666267395, -3.528991937637329, 0.12620562314987183, -3.3343400955200195, -1.449752688407898, -1.695318341255188, 1.2576112747192383, 0.28074538707733154, -1.221692442893982, -1.2502559423446655, -3.0089879035949707, -1.881725788116455, -0.6232064962387085, -2.089332342147827, -1.4124246835708618, -1.4048116207122803, -0.6954549551010132, -1.6978026628494263, -1.430797815322876, -2.1470093727111816, -0.8399049043655396, -0.5957848429679871, -4.416295528411865, -3.389047145843506, -0.4003943204879761, -4.153247356414795, -1.4695099592208862, -3.5651304721832275, -0.2752054035663605, -2.632575511932373, -2.6370229721069336, -2.5659046173095703, -3.039868116378784, -3.4027254581451416, -4.482636451721191, -3.4936184883117676, -3.5955097675323486, -4.155820369720459, -0.40469369292259216, -1.180621862411499, -3.971254587173462, -3.9174814224243164, -3.2591006755828857, -4.544680595397949, -3.731271505355835, 4.48147439956665, 2.799806594848633, 0.45567819476127625, 2.9352850914001465, 1.1198471784591675, 2.183328866958618, 2.875535011291504, 2.670189619064331, 3.0479562282562256, 0.7560573220252991, 1.0376800298690796, 3.7504732608795166, 1.8162275552749634, 0.8302632570266724, -0.7442867159843445, 1.4246255159378052, 0.9099918007850647, 4.1397528648376465, 1.698013424873352, -0.7983959317207336, 1.5178110599517822, 0.4979192316532135, 3.0345089435577393, 8.439630508422852, 1.2237529754638672, 4.001903533935547, -1.5365468263626099, -0.502070426940918, 2.08219051361084, 3.0254714488983154, 0.851430356502533, 1.05483877658844, 0.1593506634235382, 2.5694620609283447, 1.6882529258728027, 4.791681289672852, 0.46597373485565186, 1.7344970703125, 1.8653706312179565, -3.7306764125823975, -0.17342054843902588, 0.607579231262207, 3.3979227542877197, -0.9690961241722107, 2.2444777488708496, 0.5438726544380188, 0.3399249017238617, -0.5145711898803711, -0.27643948793411255, 5.0431389808654785, 1.0719243288040161, 0.6755212545394897, 1.0635666847229004, 2.8970518112182617, -0.24503494799137115, 0.2677985429763794, 5.767853260040283, 2.7208287715911865, 2.631786823272705, -3.712066411972046, 0.9199149012565613, -0.6619486808776855, 1.6385998725891113, -2.3274905681610107, 2.802562713623047, -1.0896999835968018, -1.3109577894210815, 1.1040453910827637, 0.799062192440033, 0.2817995846271515, -0.5115494728088379, 5.687519073486328, 5.994056701660156, 4.608816623687744, 4.708855152130127, 2.3742897510528564, 5.3140549659729, 0.7772890329360962, 1.2149087190628052, 6.167642116546631, 7.475282192230225, 4.660694599151611, 0.8593671321868896, 2.490009307861328, 5.6235809326171875, 1.4078541994094849, 1.4069896936416626, 3.779740333557129, 3.51975417137146, 5.2699713706970215, 2.4907889366149902, 1.1211588382720947, 1.8801428079605103, 7.124374866485596, 1.5052049160003662, 0.8761277198791504, 5.837669372558594, 11.038846015930176, 11.087148666381836, 10.83184814453125, 2.1337273120880127, -0.7215707898139954, 10.503634452819824, 3.639939785003662, 4.094263553619385, 3.846100330352783, 4.839427947998047, 8.102232933044434, 6.168914794921875, 10.11670970916748, 4.459931373596191, 1.7802114486694336, 8.43028736114502, 6.315309524536133, 3.8544113636016846, 2.8066086769104004, 4.197896480560303, -1.8742378950119019, 3.8444674015045166, 3.9126832485198975, 4.828442573547363, 2.9183831214904785, 7.703972339630127, 3.154557704925537, -2.6741669178009033, -2.491279363632202, 1.0260021686553955, 0.10183209925889969, -1.4041682481765747, 0.10055980831384659, 2.641960382461548, 3.8174126148223877, 1.0405006408691406, -0.16851866245269775, 2.2795510292053223, -0.08556774258613586, -1.3939931392669678, -2.0821800231933594, -4.192112445831299, -1.3648494482040405, 1.5525035858154297, 1.7010834217071533, 0.9642353653907776, -0.20052699744701385, -1.6545937061309814, -2.1897003650665283, -3.0494840145111084, -4.859720706939697, -2.6989574432373047, -1.4257192611694336, -0.4274105429649353, -1.4028866291046143, -2.224156379699707, 0.4315847158432007, -1.2196311950683594, -0.7891831398010254, -0.38564443588256836, -2.1956629753112793, 0.05167578160762787, -0.4005343019962311, -0.8555538654327393, -1.0657142400741577, -1.1980371475219727, -0.7499071359634399, -3.5165908336639404, -3.7054836750030518, -0.12918005883693695, -2.2676055431365967, 1.047448754310608, 2.4772748947143555, -2.1959140300750732, -2.4128668308258057, 0.5036782026290894, -2.3777709007263184, -1.0409942865371704, -0.4000007212162018, 1.3676034212112427, -0.053796734660863876, -2.675828218460083, -0.9308931827545166, -0.5529853105545044, 0.24982373416423798, -0.30617469549179077, -3.2795674800872803, -2.29314923286438, -4.353572845458984, -4.246553421020508, 0.4030839502811432, 6.243841648101807, 0.9266072511672974, -0.8102241158485413, -2.228850841522217, -2.7836508750915527, -4.507824420928955, -0.08835665136575699, -3.3499867916107178, -1.7043232917785645, -0.046653855592012405, -1.8700982332229614, -4.243189334869385, -4.142364978790283, -1.035437822341919, 1.1121145486831665, 0.5489708185195923, 1.7854083776474, -0.8899326324462891, -2.804229497909546, -0.5876503586769104, 0.03297153860330582, -4.439447402954102, -0.04600190743803978, -3.4029335975646973, -2.1875674724578857, -3.829667806625366, -2.804438829421997, -3.741136312484741, -5.61972713470459, 1.61433744430542, -2.4030938148498535, -3.8727028369903564, -0.9809319972991943, -3.026529312133789, -2.645667314529419, -2.2556560039520264, -3.3481874465942383, -2.2604241371154785, -2.3744215965270996, -3.6118099689483643, -3.5855491161346436, -3.8193302154541016, -3.778609275817871, -1.8183324337005615, -2.2463197708129883, -0.10866231471300125, -3.394549608230591, -1.5781954526901245, 1.205003023147583, -1.2630035877227783, -1.0072981119155884, -3.740948438644409, 0.17715883255004883, -2.8512673377990723, -1.8297392129898071, -1.8495395183563232, -1.8976248502731323, -2.7651848793029785, -3.4741358757019043, 1.1579986810684204, -0.9449197053909302, -0.7782102227210999, 1.266616940498352, -0.6262883543968201, -3.9068939685821533, -3.947010040283203, -0.4385109543800354, -1.6055970191955566, 1.4065991640090942, 0.1412144899368286, 3.039067506790161, -1.6238840818405151, 1.714242935180664, 2.9801743030548096, -1.3860528469085693, 4.098141193389893, -0.44749075174331665, -0.370810329914093, 4.346672534942627, 4.513945579528809, 0.792707622051239, -0.4460267722606659, -0.25548022985458374, 1.4597045183181763, -1.100895881652832, -2.0053751468658447, -0.09760716557502747, 1.1322005987167358, 1.216845989227295, 2.9429848194122314, 3.3941543102264404, 0.08172310143709183, 0.5641721487045288, 0.5944889783859253, 0.4217013716697693, 3.0764071941375732, -0.23975367844104767, 0.1801811158657074, -0.3441045582294464, -2.1999106407165527, 2.1867895126342773, -0.09990686178207397, -0.9786611199378967, 2.22766375541687, 0.8623665571212769, 0.8131497502326965, 1.3771015405654907, 0.41693755984306335, -0.8338810205459595, -0.17246480286121368, 0.5097242593765259, 0.21408654749393463, -1.317720890045166, 1.012494683265686, 1.7705196142196655, 0.929252028465271, -0.17954468727111816, 0.47507980465888977, 1.6022729873657227, 0.3543952703475952, 0.7656742334365845, -0.7247799038887024, -0.23360368609428406, 2.603882074356079, 1.9868561029434204, -1.6057071685791016, 1.5703074932098389, -3.7741658687591553, -3.140000343322754, 0.5150386095046997, 1.3023779392242432, 0.4507051706314087, -0.5896298885345459, 3.9387500286102295, -2.5309929847717285, 0.518461287021637, -0.045031480491161346, 0.738206684589386, 0.6375916600227356, 2.4231107234954834, 2.9671168327331543, 0.8056631088256836, -0.2885362505912781, -0.23231540620326996, 0.5387077927589417, 1.0304267406463623, -0.7439289689064026, 0.2635357975959778, 1.7739307880401611, 0.5353232026100159, 2.856762647628784, 0.6452627182006836, -0.056495301425457, 0.019424065947532654, 0.8019267320632935, 0.22669832408428192, 0.10482416301965714, 2.5235612392425537, 1.4046953916549683, -1.9748278856277466, -2.55082631111145, -2.590188980102539, 2.6248185634613037, 0.5802381634712219, -0.012786176055669785, 1.328223466873169, 0.4185781180858612, -1.1124658584594727, -0.6484693288803101, 2.74432373046875, -0.37855908274650574, -0.5795044302940369, 1.4532623291015625, -0.759277880191803, -0.6047621369361877, -0.8623836636543274, 2.0634381771087646, 0.5325129628181458, -0.07227202504873276, 0.249970942735672, 0.7232279777526855, 1.1935458183288574, 0.24584455788135529, 2.459434986114502, 1.7067794799804688, -1.0971909761428833, -1.6077880859375, 0.8989061713218689, 0.4052864909172058, -0.02393043041229248, 1.2966910600662231, 0.9352517127990723, 0.7611367106437683, -0.49709200859069824, 0.5513348579406738, -0.15507125854492188, -3.5316507816314697, -0.5069413781166077, 5.401363372802734, -0.6017521619796753, 3.6606040000915527, -2.9822845458984375, 0.4929428696632385, 0.8544527292251587, 2.7701542377471924, 0.6290282011032104, 0.5133344531059265, -0.7050278186798096, -2.6976919174194336, 0.5152340531349182, -0.07887257635593414, -2.970639944076538, -0.6368319392204285, 1.791993260383606, 1.235923171043396, -1.6039893627166748, 0.3796193301677704, 0.0743897557258606, 2.5868160724639893, 0.922818124294281, 2.62589693069458, 3.8283755779266357, -0.6406854391098022, -1.1299877166748047, 1.14467191696167, -1.0328023433685303, -0.8392481207847595, 0.4829899072647095, -1.6974682807922363, 2.0771267414093018, -0.4594328701496124, -1.2899274826049805, -0.36673101782798767, 2.590146064758301, -0.1904577910900116, 4.209320545196533, 3.580552101135254, -0.2811737060546875, 0.018901944160461426, 0.9365814328193665, 0.6035410761833191, 1.7300513982772827, 0.7132458090782166, -0.7031646966934204, -0.5004294514656067, 0.6516416072845459, 0.13088513910770416, 0.39647555351257324, -1.3985508680343628, 2.494258403778076, 0.17934682965278625, 0.4559157192707062, 1.6974800825119019, -2.653848648071289, -1.4799747467041016, 0.23367762565612793, -0.401059091091156, 0.8545640707015991, 1.2081598043441772, -1.0631687641143799, -0.7097278833389282, -0.6915793418884277, -0.48807767033576965, 2.1490485668182373, 1.994779348373413, -0.309725284576416, 0.7534962296485901, 0.3838612139225006, 2.0906643867492676, 1.7898967266082764, 2.3028721809387207, 0.9491930603981018, 1.288383960723877, -1.3181759119033813, -1.56107497215271, 0.9501054883003235, 1.1505216360092163, 0.0841454267501831, -1.1702102422714233, -0.22755806148052216, 0.47900375723838806, 3.3707222938537598, 3.2171294689178467, 1.3577296733856201, 0.5132479667663574, 1.6241233348846436, 0.39679446816444397, 0.6182871460914612, -1.8020302057266235, -2.273179531097412, -1.0654096603393555, 0.23821355402469635, 0.46932509541511536, 0.46651357412338257, -1.7554057836532593, -1.1448501348495483, 0.5380088686943054, 2.2509233951568604, 2.4570677280426025, 1.6912322044372559, 1.282508373260498, -1.4788862466812134, 1.1049860715866089, -1.6647998094558716, -0.7823216915130615, 0.9179087281227112, 1.7279776334762573, 1.436221957206726, -1.5274734497070312, -0.2444668561220169, -1.5347509384155273, -1.9325847625732422, -1.0709526538848877, 1.5472469329833984, 1.2437478303909302, -1.063280701637268, 1.902294635772705, 1.6843698024749756, -0.3648700714111328, 1.3523964881896973, -0.3981909453868866, -1.0235872268676758, 1.0606437921524048, -2.137662172317505, -1.4636268615722656, 0.820901095867157, 1.3147257566452026, -0.6305176615715027, 1.0510809421539307, -1.2072645425796509, 0.30682259798049927, 1.2256721258163452, -0.16383419930934906, 2.16978120803833, 0.7964350581169128, -0.48495718836784363, -0.7223852276802063, 5.431890487670898, -2.9348883628845215, 0.173114612698555, 1.0914671421051025, 1.753499150276184, 3.865567445755005, 0.296067476272583, 0.5469890832901001, -0.7199031710624695, -0.30049896240234375, -2.9984302520751953, -1.4062846899032593, -2.158229112625122, -0.7109717726707458, 0.9285435676574707, -1.2161037921905518, 2.3051962852478027, 2.64526104927063, -0.45120319724082947, -0.7393449544906616, 1.405531644821167, 0.9890850782394409, 1.92544686794281, -0.6046110987663269, 2.328507423400879, 0.6218724250793457, 0.20570991933345795, 2.966010808944702, 1.3359277248382568, -1.241937279701233, 3.257911205291748, 0.30844682455062866, -0.9970972537994385, 2.7559309005737305, 2.947950601577759, -0.15460214018821716, -0.7883446216583252, -0.9202589988708496, -0.020370205864310265, -2.6500086784362793, 3.0443508625030518, 1.743947982788086, 0.747965931892395, 0.4742513597011566, -0.5459211468696594, 1.2916135787963867, 2.1087779998779297, 2.2014925479888916, -1.0636907815933228, -0.047605179250240326, -2.6452813148498535, -1.383744239807129, 1.1371270418167114, -1.238087773323059, 0.5519890785217285, 1.7330126762390137, -0.6170194149017334, 1.854001522064209, 0.0954878181219101, 1.9466322660446167, 1.794241189956665, 0.039252638816833496, -0.19749785959720612, -4.206841945648193, -1.3268961906433105, 2.189582109451294, 0.25798800587654114, -0.39195317029953003, -1.3728301525115967, -2.2057876586914062, 0.07216962426900864, 0.8506231904029846, 2.716503620147705, 1.0431472063064575, 3.1343870162963867, 1.0341962575912476, 2.7223002910614014, -0.33414843678474426, -0.5487478375434875, 0.8990635275840759, 3.4038333892822266, -0.22376447916030884, 0.07326292246580124, -0.12549275159835815, -0.3097744286060333, 1.4494130611419678, 0.3737104833126068, 0.42938563227653503, 1.2288645505905151, 3.198986291885376, -0.9852681756019592, 2.1392951011657715, 1.8636292219161987, 0.5314702987670898, 2.1410844326019287, 0.07178203761577606, 2.579829216003418, 2.0770046710968018, -0.01828363910317421, 1.1538102626800537, -0.7035776972770691, -0.5001262426376343, -0.9653146862983704, -2.6354258060455322, -1.1420164108276367, 0.9036303162574768, 0.5201398134231567, -0.9366657137870789, 0.6147940158843994, 2.563716411590576, -0.7428556680679321, 2.7990546226501465, 1.4155992269515991, 1.7655411958694458, 1.627662181854248, 2.0145602226257324, 1.5509142875671387, -0.66004478931427, 0.9519579410552979, -0.22161263227462769, -0.033559706062078476, 3.4113306999206543, 0.807908296585083, 2.731243133544922, -1.1829602718353271, -0.666088879108429, -1.0103628635406494, -0.05003039538860321, 0.5441370010375977, 6.094512939453125, 0.4210489094257355, -0.3898664712905884, -0.5602355599403381, 0.6837038397789001, 2.6086695194244385, 1.1682504415512085, -2.57012939453125, 0.5038474202156067, -0.7558023929595947, -0.6899958252906799, -0.7047230005264282, 1.170420527458191, -1.8128705024719238, -0.43803533911705017, -0.7041135430335999, -2.0361108779907227, -2.865117073059082, 1.0411895513534546, 4.023390293121338, 0.2144118994474411, 3.322456121444702, -0.12874726951122284, 0.7509807348251343, -1.5593122243881226, -0.6948837041854858, 1.4350576400756836, -1.4185090065002441, -2.825155258178711, -0.5716686844825745, -0.27019694447517395, 0.14666974544525146, 0.7213382720947266, 0.2349950671195984, 0.4298882484436035, 0.24089881777763367, 2.424152135848999, 2.38161301612854, 2.68387508392334, -1.675816297531128, 0.5684142112731934, 0.08140233159065247, -1.328484058380127, -0.08933857083320618, 1.2805442810058594, 4.667807579040527, 0.3949768841266632, 4.964328765869141, 0.4493212401866913, 0.49642714858055115, -0.30175963044166565, -0.939692497253418, 0.3591740131378174, 1.1966487169265747, -1.5987673997879028, -1.4013715982437134, 0.6252586245536804, 0.6375517249107361, -0.08944440633058548, 0.8369368314743042, 2.9173333644866943, 0.8579233884811401, -1.1364729404449463, -0.01266433671116829, -0.052521780133247375, 2.2555484771728516, 2.1849331855773926, 1.890916347503662, 1.0208438634872437, -3.465909004211426, 0.2995164096355438, 1.4601879119873047, -1.042741060256958, 0.48671475052833557, 3.4693238735198975, 1.0927120447158813, 1.1716400384902954, 1.832642912864685, 0.12155322730541229, -0.4447304308414459, 2.9176058769226074, -1.6883790493011475, -2.342083692550659, -0.6320714950561523, 0.5942274928092957, 1.4546467065811157, -1.6978635787963867, 2.2832696437835693, 3.4135866165161133, -0.11403636634349823, -2.5558066368103027, -1.450520396232605, -1.7825028896331787, 4.647156238555908, 0.4630385935306549, 1.5413992404937744, -1.3743259906768799, 3.4131081104278564, 1.411144495010376, 3.457047462463379, 1.3101699352264404, -2.7795538902282715, -0.2232770323753357, -0.19650286436080933, -1.3833602666854858, 2.00016713142395, 1.5340580940246582, 1.9496256113052368, -0.7850511074066162, -0.2745943069458008, 0.6859869360923767, 1.4264651536941528, 0.15139207243919373, 1.9273546934127808, -0.783965528011322, -1.4971638917922974, 1.5665477514266968, -0.7320509552955627, -1.5149905681610107, 1.2925796508789062, -1.6941871643066406, -3.1682546138763428, -2.5794296264648438, -1.3699159622192383, 3.1451945304870605, -1.5959312915802002, 0.15325406193733215, 0.588627278804779, -0.5977718234062195, 1.4148263931274414, -1.661409616470337, -2.2289066314697266, 0.8796267509460449, -0.37350618839263916, 1.0486295223236084, -1.7509045600891113, -1.7230217456817627, -1.4233078956604004, 0.15231209993362427, -1.6564298868179321, -0.6157931685447693, -1.3653186559677124, -0.5375301837921143, 1.3738137483596802, -0.6402419805526733, 0.2147725373506546, -1.2033156156539917, -0.7748193144798279, -0.12748029828071594, -0.21898113191127777, -2.0373013019561768, -2.351781129837036, 0.0028178473003208637, 0.3099181056022644, -1.9125932455062866, -1.207922339439392, -1.8245595693588257, -2.2694051265716553, -1.107034683227539, -2.8216378688812256, -1.4607181549072266, 0.2326987087726593, -1.0092521905899048, 1.407999038696289, -0.708759605884552, -0.5778506994247437, 1.413687825202942, -0.8041055202484131, -0.7602683305740356, -3.4595000743865967, 3.448349952697754, -2.147444486618042, 1.5707422494888306, -0.47289377450942993, -1.1708650588989258, -2.2173688411712646, 3.2860283851623535, -2.037209987640381, -0.6541475653648376, -0.3220016360282898, -0.5214560031890869, -3.3337862491607666, 0.9259704947471619, -0.2998931407928467, -1.8074743747711182, -0.961166262626648, -1.2654640674591064, -0.4000198245048523, -2.9874444007873535, -2.893066644668579, 0.22407519817352295, -1.9909253120422363, -3.592283248901367, 0.3668442368507385, 2.7051074504852295]}]}\n" + ] + } + ], + "source": [ + "payload = {\n", + " \"inputs\": [\n", + " {\n", + " \"name\": \"INPUT__0\",\n", + " \"shape\": [1, 3, 224, 224],\n", + " \"datatype\": \"FP32\",\n", + " \"data\": get_sample_image(),\n", + " }\n", + " ]\n", + "}\n", + "\n", + "response = runtime_sm_client.invoke_endpoint(\n", + " EndpointName=endpoint_name, ContentType=\"application/octet-stream\", Body=json.dumps(payload)\n", + ")\n", + "\n", + "print(json.loads(response[\"Body\"].read().decode(\"utf8\")))" + ] + }, + { + "cell_type": "markdown", + "id": "ba898882", + "metadata": {}, + "source": [ + "We can also use binary+json as the payload format to get better performance for the inference call. The specification of this format is provided [here](https://github.com/triton-inference-server/server/blob/main/docs/protocol/extension_binary_data.md).\n", + "\n", + "**Note:** With the `binary+json` format, we have to specify the length of the request metadata in the header to allow Triton to correctly parse the binary payload. This is done using a custom Content-Type header `application/vnd.sagemaker-triton.binary+json;json-header-size={}`.\n", + "\n", + "Please not, this is different from using `Inference-Header-Content-Length` header on a stand-alone Triton server since custom headers are not allowed in SageMaker." + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "id": "b98f4405", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[-1.24238670e+00 2.47018531e-01 -1.71944475e+00 -2.98377419e+00\n", + " -3.00313783e+00 -1.95564854e+00 -2.48965049e+00 -3.74837667e-01\n", + " 4.31159399e-02 -1.60371554e+00 -3.87695694e+00 -1.97425604e+00\n", + " -3.64828253e+00 -5.38874674e+00 -1.69864345e+00 -2.91555452e+00\n", + " -1.85707390e+00 3.68550807e-01 -6.72106445e-01 -1.74029732e+00\n", + " -4.44818878e+00 -2.33208156e+00 -3.11241603e+00 -2.23977709e+00\n", + " -2.12387013e+00 -3.49225831e+00 -4.81953907e+00 -2.87595153e+00\n", + " -3.05604243e+00 -3.13367701e+00 -2.46147561e+00 -4.22211230e-01\n", + " -2.35856390e+00 -3.57243633e+00 -7.77378082e-01 -4.29438448e+00\n", + " -1.83301234e+00 -4.48172092e+00 -2.84007001e+00 -2.19165826e+00\n", + " -2.01509073e-01 -3.91157937e+00 -9.05075312e-01 -2.97916031e+00\n", + " -2.12318969e+00 -3.93249702e+00 -1.33751345e+00 -2.37469816e+00\n", + " -5.24911880e+00 -2.66397142e+00 -1.32200909e+00 -1.02401054e+00\n", + " -1.27982640e+00 -1.48375106e+00 -1.76050031e+00 -4.45063263e-01\n", + " -1.98288754e-01 -2.99530888e+00 -2.81290007e+00 -1.37118065e+00\n", + " -9.05617356e-01 -1.10930479e+00 -3.47283888e+00 -2.20780849e+00\n", + " -2.57462788e+00 -3.24537110e+00 -1.72099066e+00 -1.57659900e+00\n", + " -2.44702172e+00 -4.08605051e+00 -2.89528918e+00 -1.95735741e+00\n", + " -2.82412958e+00 -3.28038836e+00 -1.57598889e+00 -4.07390070e+00\n", + " -2.20724225e+00 -1.20696044e+00 -1.25886881e+00 -2.12394521e-01\n", + " -3.45368934e+00 -5.68717670e+00 -1.40738523e+00 -3.03674221e+00\n", + " -9.37763453e-01 -2.68098664e+00 -1.67501676e+00 -6.90223813e-01\n", + " 5.91416597e-01 -8.43301415e-01 -2.48262405e+00 -4.85130262e+00\n", + " -1.44878352e+00 -1.73879325e+00 -4.66805190e-01 -4.54126596e+00\n", + " -2.67003489e+00 -8.71849656e-02 -1.15670741e+00 -1.27405316e-01\n", + " -3.88295561e-01 -2.89920330e+00 -2.51202130e+00 -4.11396313e+00\n", + " 1.21098852e+00 -1.40363634e+00 -2.20768666e+00 -3.52899194e+00\n", + " 1.26205623e-01 -3.33434010e+00 -1.44975269e+00 -1.69531834e+00\n", + " 1.25761127e+00 2.80745387e-01 -1.22169244e+00 -1.25025594e+00\n", + " -3.00898790e+00 -1.88172579e+00 -6.23206496e-01 -2.08933234e+00\n", + " -1.41242468e+00 -1.40481162e+00 -6.95454955e-01 -1.69780266e+00\n", + " -1.43079782e+00 -2.14700937e+00 -8.39904904e-01 -5.95784843e-01\n", + " -4.41629553e+00 -3.38904715e+00 -4.00394320e-01 -4.15324736e+00\n", + " -1.46950996e+00 -3.56513047e+00 -2.75205404e-01 -2.63257551e+00\n", + " -2.63702297e+00 -2.56590462e+00 -3.03986812e+00 -3.40272546e+00\n", + " -4.48263645e+00 -3.49361849e+00 -3.59550977e+00 -4.15582037e+00\n", + " -4.04693693e-01 -1.18062186e+00 -3.97125459e+00 -3.91748142e+00\n", + " -3.25910068e+00 -4.54468060e+00 -3.73127151e+00 4.48147440e+00\n", + " 2.79980659e+00 4.55678195e-01 2.93528509e+00 1.11984718e+00\n", + " 2.18332887e+00 2.87553501e+00 2.67018962e+00 3.04795623e+00\n", + " 7.56057322e-01 1.03768003e+00 3.75047326e+00 1.81622756e+00\n", + " 8.30263257e-01 -7.44286716e-01 1.42462552e+00 9.09991801e-01\n", + " 4.13975286e+00 1.69801342e+00 -7.98395932e-01 1.51781106e+00\n", + " 4.97919232e-01 3.03450894e+00 8.43963051e+00 1.22375298e+00\n", + " 4.00190353e+00 -1.53654683e+00 -5.02070427e-01 2.08219051e+00\n", + " 3.02547145e+00 8.51430357e-01 1.05483878e+00 1.59350663e-01\n", + " 2.56946206e+00 1.68825293e+00 4.79168129e+00 4.65973735e-01\n", + " 1.73449707e+00 1.86537063e+00 -3.73067641e+00 -1.73420548e-01\n", + " 6.07579231e-01 3.39792275e+00 -9.69096124e-01 2.24447775e+00\n", + " 5.43872654e-01 3.39924902e-01 -5.14571190e-01 -2.76439488e-01\n", + " 5.04313898e+00 1.07192433e+00 6.75521255e-01 1.06356668e+00\n", + " 2.89705181e+00 -2.45034948e-01 2.67798543e-01 5.76785326e+00\n", + " 2.72082877e+00 2.63178682e+00 -3.71206641e+00 9.19914901e-01\n", + " -6.61948681e-01 1.63859987e+00 -2.32749057e+00 2.80256271e+00\n", + " -1.08969998e+00 -1.31095779e+00 1.10404539e+00 7.99062192e-01\n", + " 2.81799585e-01 -5.11549473e-01 5.68751907e+00 5.99405670e+00\n", + " 4.60881662e+00 4.70885515e+00 2.37428975e+00 5.31405497e+00\n", + " 7.77289033e-01 1.21490872e+00 6.16764212e+00 7.47528219e+00\n", + " 4.66069460e+00 8.59367132e-01 2.49000931e+00 5.62358093e+00\n", + " 1.40785420e+00 1.40698969e+00 3.77974033e+00 3.51975417e+00\n", + " 5.26997137e+00 2.49078894e+00 1.12115884e+00 1.88014281e+00\n", + " 7.12437487e+00 1.50520492e+00 8.76127720e-01 5.83766937e+00\n", + " 1.10388460e+01 1.10871487e+01 1.08318481e+01 2.13372731e+00\n", + " -7.21570790e-01 1.05036345e+01 3.63993979e+00 4.09426355e+00\n", + " 3.84610033e+00 4.83942795e+00 8.10223293e+00 6.16891479e+00\n", + " 1.01167097e+01 4.45993137e+00 1.78021145e+00 8.43028736e+00\n", + " 6.31530952e+00 3.85441136e+00 2.80660868e+00 4.19789648e+00\n", + " -1.87423790e+00 3.84446740e+00 3.91268325e+00 4.82844257e+00\n", + " 2.91838312e+00 7.70397234e+00 3.15455770e+00 -2.67416692e+00\n", + " -2.49127936e+00 1.02600217e+00 1.01832099e-01 -1.40416825e+00\n", + " 1.00559808e-01 2.64196038e+00 3.81741261e+00 1.04050064e+00\n", + " -1.68518662e-01 2.27955103e+00 -8.55677426e-02 -1.39399314e+00\n", + " -2.08218002e+00 -4.19211245e+00 -1.36484945e+00 1.55250359e+00\n", + " 1.70108342e+00 9.64235365e-01 -2.00526997e-01 -1.65459371e+00\n", + " -2.18970037e+00 -3.04948401e+00 -4.85972071e+00 -2.69895744e+00\n", + " -1.42571926e+00 -4.27410543e-01 -1.40288663e+00 -2.22415638e+00\n", + " 4.31584716e-01 -1.21963120e+00 -7.89183140e-01 -3.85644436e-01\n", + " -2.19566298e+00 5.16757816e-02 -4.00534302e-01 -8.55553865e-01\n", + " -1.06571424e+00 -1.19803715e+00 -7.49907136e-01 -3.51659083e+00\n", + " -3.70548368e+00 -1.29180059e-01 -2.26760554e+00 1.04744875e+00\n", + " 2.47727489e+00 -2.19591403e+00 -2.41286683e+00 5.03678203e-01\n", + " -2.37777090e+00 -1.04099429e+00 -4.00000721e-01 1.36760342e+00\n", + " -5.37967347e-02 -2.67582822e+00 -9.30893183e-01 -5.52985311e-01\n", + " 2.49823734e-01 -3.06174695e-01 -3.27956748e+00 -2.29314923e+00\n", + " -4.35357285e+00 -4.24655342e+00 4.03083950e-01 6.24384165e+00\n", + " 9.26607251e-01 -8.10224116e-01 -2.22885084e+00 -2.78365088e+00\n", + " -4.50782442e+00 -8.83566514e-02 -3.34998679e+00 -1.70432329e+00\n", + " -4.66538556e-02 -1.87009823e+00 -4.24318933e+00 -4.14236498e+00\n", + " -1.03543782e+00 1.11211455e+00 5.48970819e-01 1.78540838e+00\n", + " -8.89932632e-01 -2.80422950e+00 -5.87650359e-01 3.29715386e-02\n", + " -4.43944740e+00 -4.60019074e-02 -3.40293360e+00 -2.18756747e+00\n", + " -3.82966781e+00 -2.80443883e+00 -3.74113631e+00 -5.61972713e+00\n", + " 1.61433744e+00 -2.40309381e+00 -3.87270284e+00 -9.80931997e-01\n", + " -3.02652931e+00 -2.64566731e+00 -2.25565600e+00 -3.34818745e+00\n", + " -2.26042414e+00 -2.37442160e+00 -3.61180997e+00 -3.58554912e+00\n", + " -3.81933022e+00 -3.77860928e+00 -1.81833243e+00 -2.24631977e+00\n", + " -1.08662315e-01 -3.39454961e+00 -1.57819545e+00 1.20500302e+00\n", + " -1.26300359e+00 -1.00729811e+00 -3.74094844e+00 1.77158833e-01\n", + " -2.85126734e+00 -1.82973921e+00 -1.84953952e+00 -1.89762485e+00\n", + " -2.76518488e+00 -3.47413588e+00 1.15799868e+00 -9.44919705e-01\n", + " -7.78210223e-01 1.26661694e+00 -6.26288354e-01 -3.90689397e+00\n", + " -3.94701004e+00 -4.38510954e-01 -1.60559702e+00 1.40659916e+00\n", + " 1.41214490e-01 3.03906751e+00 -1.62388408e+00 1.71424294e+00\n", + " 2.98017430e+00 -1.38605285e+00 4.09814119e+00 -4.47490752e-01\n", + " -3.70810330e-01 4.34667253e+00 4.51394558e+00 7.92707622e-01\n", + " -4.46026772e-01 -2.55480230e-01 1.45970452e+00 -1.10089588e+00\n", + " -2.00537515e+00 -9.76071656e-02 1.13220060e+00 1.21684599e+00\n", + " 2.94298482e+00 3.39415431e+00 8.17231014e-02 5.64172149e-01\n", + " 5.94488978e-01 4.21701372e-01 3.07640719e+00 -2.39753678e-01\n", + " 1.80181116e-01 -3.44104558e-01 -2.19991064e+00 2.18678951e+00\n", + " -9.99068618e-02 -9.78661120e-01 2.22766376e+00 8.62366557e-01\n", + " 8.13149750e-01 1.37710154e+00 4.16937560e-01 -8.33881021e-01\n", + " -1.72464803e-01 5.09724259e-01 2.14086547e-01 -1.31772089e+00\n", + " 1.01249468e+00 1.77051961e+00 9.29252028e-01 -1.79544687e-01\n", + " 4.75079805e-01 1.60227299e+00 3.54395270e-01 7.65674233e-01\n", + " -7.24779904e-01 -2.33603686e-01 2.60388207e+00 1.98685610e+00\n", + " -1.60570717e+00 1.57030749e+00 -3.77416587e+00 -3.14000034e+00\n", + " 5.15038610e-01 1.30237794e+00 4.50705171e-01 -5.89629889e-01\n", + " 3.93875003e+00 -2.53099298e+00 5.18461287e-01 -4.50314805e-02\n", + " 7.38206685e-01 6.37591660e-01 2.42311072e+00 2.96711683e+00\n", + " 8.05663109e-01 -2.88536251e-01 -2.32315406e-01 5.38707793e-01\n", + " 1.03042674e+00 -7.43928969e-01 2.63535798e-01 1.77393079e+00\n", + " 5.35323203e-01 2.85676265e+00 6.45262718e-01 -5.64953014e-02\n", + " 1.94240659e-02 8.01926732e-01 2.26698324e-01 1.04824163e-01\n", + " 2.52356124e+00 1.40469539e+00 -1.97482789e+00 -2.55082631e+00\n", + " -2.59018898e+00 2.62481856e+00 5.80238163e-01 -1.27861761e-02\n", + " 1.32822347e+00 4.18578118e-01 -1.11246586e+00 -6.48469329e-01\n", + " 2.74432373e+00 -3.78559083e-01 -5.79504430e-01 1.45326233e+00\n", + " -7.59277880e-01 -6.04762137e-01 -8.62383664e-01 2.06343818e+00\n", + " 5.32512963e-01 -7.22720250e-02 2.49970943e-01 7.23227978e-01\n", + " 1.19354582e+00 2.45844558e-01 2.45943499e+00 1.70677948e+00\n", + " -1.09719098e+00 -1.60778809e+00 8.98906171e-01 4.05286491e-01\n", + " -2.39304304e-02 1.29669106e+00 9.35251713e-01 7.61136711e-01\n", + " -4.97092009e-01 5.51334858e-01 -1.55071259e-01 -3.53165078e+00\n", + " -5.06941378e-01 5.40136337e+00 -6.01752162e-01 3.66060400e+00\n", + " -2.98228455e+00 4.92942870e-01 8.54452729e-01 2.77015424e+00\n", + " 6.29028201e-01 5.13334453e-01 -7.05027819e-01 -2.69769192e+00\n", + " 5.15234053e-01 -7.88725764e-02 -2.97063994e+00 -6.36831939e-01\n", + " 1.79199326e+00 1.23592317e+00 -1.60398936e+00 3.79619330e-01\n", + " 7.43897557e-02 2.58681607e+00 9.22818124e-01 2.62589693e+00\n", + " 3.82837558e+00 -6.40685439e-01 -1.12998772e+00 1.14467192e+00\n", + " -1.03280234e+00 -8.39248121e-01 4.82989907e-01 -1.69746828e+00\n", + " 2.07712674e+00 -4.59432870e-01 -1.28992748e+00 -3.66731018e-01\n", + " 2.59014606e+00 -1.90457791e-01 4.20932055e+00 3.58055210e+00\n", + " -2.81173706e-01 1.89019442e-02 9.36581433e-01 6.03541076e-01\n", + " 1.73005140e+00 7.13245809e-01 -7.03164697e-01 -5.00429451e-01\n", + " 6.51641607e-01 1.30885139e-01 3.96475554e-01 -1.39855087e+00\n", + " 2.49425840e+00 1.79346830e-01 4.55915719e-01 1.69748008e+00\n", + " -2.65384865e+00 -1.47997475e+00 2.33677626e-01 -4.01059091e-01\n", + " 8.54564071e-01 1.20815980e+00 -1.06316876e+00 -7.09727883e-01\n", + " -6.91579342e-01 -4.88077670e-01 2.14904857e+00 1.99477935e+00\n", + " -3.09725285e-01 7.53496230e-01 3.83861214e-01 2.09066439e+00\n", + " 1.78989673e+00 2.30287218e+00 9.49193060e-01 1.28838396e+00\n", + " -1.31817591e+00 -1.56107497e+00 9.50105488e-01 1.15052164e+00\n", + " 8.41454268e-02 -1.17021024e+00 -2.27558061e-01 4.79003757e-01\n", + " 3.37072229e+00 3.21712947e+00 1.35772967e+00 5.13247967e-01\n", + " 1.62412333e+00 3.96794468e-01 6.18287146e-01 -1.80203021e+00\n", + " -2.27317953e+00 -1.06540966e+00 2.38213554e-01 4.69325095e-01\n", + " 4.66513574e-01 -1.75540578e+00 -1.14485013e+00 5.38008869e-01\n", + " 2.25092340e+00 2.45706773e+00 1.69123220e+00 1.28250837e+00\n", + " -1.47888625e+00 1.10498607e+00 -1.66479981e+00 -7.82321692e-01\n", + " 9.17908728e-01 1.72797763e+00 1.43622196e+00 -1.52747345e+00\n", + " -2.44466856e-01 -1.53475094e+00 -1.93258476e+00 -1.07095265e+00\n", + " 1.54724693e+00 1.24374783e+00 -1.06328070e+00 1.90229464e+00\n", + " 1.68436980e+00 -3.64870071e-01 1.35239649e+00 -3.98190945e-01\n", + " -1.02358723e+00 1.06064379e+00 -2.13766217e+00 -1.46362686e+00\n", + " 8.20901096e-01 1.31472576e+00 -6.30517662e-01 1.05108094e+00\n", + " -1.20726454e+00 3.06822598e-01 1.22567213e+00 -1.63834199e-01\n", + " 2.16978121e+00 7.96435058e-01 -4.84957188e-01 -7.22385228e-01\n", + " 5.43189049e+00 -2.93488836e+00 1.73114613e-01 1.09146714e+00\n", + " 1.75349915e+00 3.86556745e+00 2.96067476e-01 5.46989083e-01\n", + " -7.19903171e-01 -3.00498962e-01 -2.99843025e+00 -1.40628469e+00\n", + " -2.15822911e+00 -7.10971773e-01 9.28543568e-01 -1.21610379e+00\n", + " 2.30519629e+00 2.64526105e+00 -4.51203197e-01 -7.39344954e-01\n", + " 1.40553164e+00 9.89085078e-01 1.92544687e+00 -6.04611099e-01\n", + " 2.32850742e+00 6.21872425e-01 2.05709919e-01 2.96601081e+00\n", + " 1.33592772e+00 -1.24193728e+00 3.25791121e+00 3.08446825e-01\n", + " -9.97097254e-01 2.75593090e+00 2.94795060e+00 -1.54602140e-01\n", + " -7.88344622e-01 -9.20258999e-01 -2.03702059e-02 -2.65000868e+00\n", + " 3.04435086e+00 1.74394798e+00 7.47965932e-01 4.74251360e-01\n", + " -5.45921147e-01 1.29161358e+00 2.10877800e+00 2.20149255e+00\n", + " -1.06369078e+00 -4.76051793e-02 -2.64528131e+00 -1.38374424e+00\n", + " 1.13712704e+00 -1.23808777e+00 5.51989079e-01 1.73301268e+00\n", + " -6.17019415e-01 1.85400152e+00 9.54878181e-02 1.94663227e+00\n", + " 1.79424119e+00 3.92526388e-02 -1.97497860e-01 -4.20684195e+00\n", + " -1.32689619e+00 2.18958211e+00 2.57988006e-01 -3.91953170e-01\n", + " -1.37283015e+00 -2.20578766e+00 7.21696243e-02 8.50623190e-01\n", + " 2.71650362e+00 1.04314721e+00 3.13438702e+00 1.03419626e+00\n", + " 2.72230029e+00 -3.34148437e-01 -5.48747838e-01 8.99063528e-01\n", + " 3.40383339e+00 -2.23764479e-01 7.32629225e-02 -1.25492752e-01\n", + " -3.09774429e-01 1.44941306e+00 3.73710483e-01 4.29385632e-01\n", + " 1.22886455e+00 3.19898629e+00 -9.85268176e-01 2.13929510e+00\n", + " 1.86362922e+00 5.31470299e-01 2.14108443e+00 7.17820376e-02\n", + " 2.57982922e+00 2.07700467e+00 -1.82836391e-02 1.15381026e+00\n", + " -7.03577697e-01 -5.00126243e-01 -9.65314686e-01 -2.63542581e+00\n", + " -1.14201641e+00 9.03630316e-01 5.20139813e-01 -9.36665714e-01\n", + " 6.14794016e-01 2.56371641e+00 -7.42855668e-01 2.79905462e+00\n", + " 1.41559923e+00 1.76554120e+00 1.62766218e+00 2.01456022e+00\n", + " 1.55091429e+00 -6.60044789e-01 9.51957941e-01 -2.21612632e-01\n", + " -3.35597061e-02 3.41133070e+00 8.07908297e-01 2.73124313e+00\n", + " -1.18296027e+00 -6.66088879e-01 -1.01036286e+00 -5.00303954e-02\n", + " 5.44137001e-01 6.09451294e+00 4.21048909e-01 -3.89866471e-01\n", + " -5.60235560e-01 6.83703840e-01 2.60866952e+00 1.16825044e+00\n", + " -2.57012939e+00 5.03847420e-01 -7.55802393e-01 -6.89995825e-01\n", + " -7.04723001e-01 1.17042053e+00 -1.81287050e+00 -4.38035339e-01\n", + " -7.04113543e-01 -2.03611088e+00 -2.86511707e+00 1.04118955e+00\n", + " 4.02339029e+00 2.14411899e-01 3.32245612e+00 -1.28747270e-01\n", + " 7.50980735e-01 -1.55931222e+00 -6.94883704e-01 1.43505764e+00\n", + " -1.41850901e+00 -2.82515526e+00 -5.71668684e-01 -2.70196944e-01\n", + " 1.46669745e-01 7.21338272e-01 2.34995067e-01 4.29888248e-01\n", + " 2.40898818e-01 2.42415214e+00 2.38161302e+00 2.68387508e+00\n", + " -1.67581630e+00 5.68414211e-01 8.14023316e-02 -1.32848406e+00\n", + " -8.93385708e-02 1.28054428e+00 4.66780758e+00 3.94976884e-01\n", + " 4.96432877e+00 4.49321240e-01 4.96427149e-01 -3.01759630e-01\n", + " -9.39692497e-01 3.59174013e-01 1.19664872e+00 -1.59876740e+00\n", + " -1.40137160e+00 6.25258625e-01 6.37551725e-01 -8.94444063e-02\n", + " 8.36936831e-01 2.91733336e+00 8.57923388e-01 -1.13647294e+00\n", + " -1.26643367e-02 -5.25217801e-02 2.25554848e+00 2.18493319e+00\n", + " 1.89091635e+00 1.02084386e+00 -3.46590900e+00 2.99516410e-01\n", + " 1.46018791e+00 -1.04274106e+00 4.86714751e-01 3.46932387e+00\n", + " 1.09271204e+00 1.17164004e+00 1.83264291e+00 1.21553227e-01\n", + " -4.44730431e-01 2.91760588e+00 -1.68837905e+00 -2.34208369e+00\n", + " -6.32071495e-01 5.94227493e-01 1.45464671e+00 -1.69786358e+00\n", + " 2.28326964e+00 3.41358662e+00 -1.14036366e-01 -2.55580664e+00\n", + " -1.45052040e+00 -1.78250289e+00 4.64715624e+00 4.63038594e-01\n", + " 1.54139924e+00 -1.37432599e+00 3.41310811e+00 1.41114450e+00\n", + " 3.45704746e+00 1.31016994e+00 -2.77955389e+00 -2.23277032e-01\n", + " -1.96502864e-01 -1.38336027e+00 2.00016713e+00 1.53405809e+00\n", + " 1.94962561e+00 -7.85051107e-01 -2.74594307e-01 6.85986936e-01\n", + " 1.42646515e+00 1.51392072e-01 1.92735469e+00 -7.83965528e-01\n", + " -1.49716389e+00 1.56654775e+00 -7.32050955e-01 -1.51499057e+00\n", + " 1.29257965e+00 -1.69418716e+00 -3.16825461e+00 -2.57942963e+00\n", + " -1.36991596e+00 3.14519453e+00 -1.59593129e+00 1.53254062e-01\n", + " 5.88627279e-01 -5.97771823e-01 1.41482639e+00 -1.66140962e+00\n", + " -2.22890663e+00 8.79626751e-01 -3.73506188e-01 1.04862952e+00\n", + " -1.75090456e+00 -1.72302175e+00 -1.42330790e+00 1.52312100e-01\n", + " -1.65642989e+00 -6.15793169e-01 -1.36531866e+00 -5.37530184e-01\n", + " 1.37381375e+00 -6.40241981e-01 2.14772537e-01 -1.20331562e+00\n", + " -7.74819314e-01 -1.27480298e-01 -2.18981132e-01 -2.03730130e+00\n", + " -2.35178113e+00 2.81784730e-03 3.09918106e-01 -1.91259325e+00\n", + " -1.20792234e+00 -1.82455957e+00 -2.26940513e+00 -1.10703468e+00\n", + " -2.82163787e+00 -1.46071815e+00 2.32698709e-01 -1.00925219e+00\n", + " 1.40799904e+00 -7.08759606e-01 -5.77850699e-01 1.41368783e+00\n", + " -8.04105520e-01 -7.60268331e-01 -3.45950007e+00 3.44834995e+00\n", + " -2.14744449e+00 1.57074225e+00 -4.72893775e-01 -1.17086506e+00\n", + " -2.21736884e+00 3.28602839e+00 -2.03720999e+00 -6.54147565e-01\n", + " -3.22001636e-01 -5.21456003e-01 -3.33378625e+00 9.25970495e-01\n", + " -2.99893141e-01 -1.80747437e+00 -9.61166263e-01 -1.26546407e+00\n", + " -4.00019825e-01 -2.98744440e+00 -2.89306664e+00 2.24075198e-01\n", + " -1.99092531e+00 -3.59228325e+00 3.66844237e-01 2.70510745e+00]]\n" + ] + } + ], + "source": [ + "request_body, header_length = get_sample_image_binary_pt()\n", + "\n", + "response = runtime_sm_client.invoke_endpoint(\n", + " EndpointName=endpoint_name,\n", + " ContentType=\"application/vnd.sagemaker-triton.binary+json;json-header-size={}\".format(\n", + " header_length\n", + " ),\n", + " Body=request_body,\n", + ")\n", + "\n", + "# Parse json header size length from the response\n", + "header_length_prefix = \"application/vnd.sagemaker-triton.binary+json;json-header-size=\"\n", + "header_length_str = response[\"ContentType\"][len(header_length_prefix) :]\n", + "\n", + "# Read response body\n", + "result = httpclient.InferenceServerClient.parse_response_body(\n", + " response[\"Body\"].read(), header_length=int(header_length_str)\n", + ")\n", + "output0_data = result.as_numpy(\"OUTPUT__0\")\n", + "print(output0_data)" + ] + }, + { + "cell_type": "markdown", + "id": "56ac1b18", + "metadata": {}, + "source": [ + "### PyTorch: Terminate endpoint and clean up artifacts" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "id": "5788ef37", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'ResponseMetadata': {'RequestId': '1847120b-73bd-43d7-a24c-48473f3b929b',\n", + " 'HTTPStatusCode': 200,\n", + " 'HTTPHeaders': {'x-amzn-requestid': '1847120b-73bd-43d7-a24c-48473f3b929b',\n", + " 'content-type': 'application/x-amz-json-1.1',\n", + " 'content-length': '0',\n", + " 'date': 'Tue, 14 Mar 2023 21:34:56 GMT'},\n", + " 'RetryAttempts': 0}}" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "sm_client.delete_model(ModelName=sm_model_name)\n", + "sm_client.delete_endpoint_config(EndpointConfigName=endpoint_config_name)\n", + "sm_client.delete_endpoint(EndpointName=endpoint_name)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "conda_python3", + "language": "python", + "name": "conda_python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} From fa3cb64d8759ce97853366f1008fcb78506fe0ad Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 14:42:03 -0700 Subject: [PATCH 26/32] Delete renet_pytorch_trt_backend_SME.ipynb --- .../renet_pytorch_trt_backend_SME.ipynb | 14941 ---------------- 1 file changed, 14941 deletions(-) delete mode 100644 inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/renet_pytorch_trt_backend_SME.ipynb diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/renet_pytorch_trt_backend_SME.ipynb b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/renet_pytorch_trt_backend_SME.ipynb deleted file mode 100644 index 6ed93f90a2..0000000000 --- a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/renet_pytorch_trt_backend_SME.ipynb +++ /dev/null @@ -1,14941 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "id": "60a1fdce", - "metadata": {}, - "source": [ - "# Triton on SageMaker - Deploying a PyTorch Resnet50 model\n", - "\n", - "[Amazon SageMaker](https://aws.amazon.com/sagemaker/) is a fully managed service for data science and machine learning workflows. It helps data scientists and developers to prepare, build, train, and deploy high-quality ML models quickly by bringing together a broad set of capabilities purpose-built for ML.\n", - "\n", - "Now, [NVIDIA Triton Inference Server](https://github.com/triton-inference-server/server/) can be used to serve models for inference in Amazon SageMaker. Thanks to the new NVIDIA Triton container image, you can easily serve ML models and benefit from the performance optimizations, dynamic batching, and multi-framework support provided by NVIDIA Triton. Triton helps maximize the utilization of GPU and CPU, further lowering the cost of inference.\n", - "\n", - "This notebook was tested with the `conda_python3` kernel on an Amazon SageMaker notebook instance of type `g4dn`." - ] - }, - { - "cell_type": "markdown", - "id": "12dec6ce", - "metadata": {}, - "source": [ - "## Contents\n", - "1. [Introduction to NVIDIA Triton Server](#Introduction-to-NVIDIA-Triton-Server)\n", - "1. [Set up the environment](#Set-up-the-environment)\n", - "1. [Add utility methods for preparing request payload](#Add-utility-methods-for-preparing-request-payload)\n", - "1. [Basic: PyTorch Resnet50](#PyTorch-Resnet50)\n", - " 1. [PyTorch: Packaging model files and uploading to s3](#PyTorch:-Packaging-model-files-and-uploading-to-s3)\n", - " 1. [PyTorch: Create SageMaker Endpoint](#PyTorch:-Create-SageMaker-Endpoint)\n", - " 1. [PyTorch: Run inference](#PyTorch:-Run-inference)\n", - " 1. [PyTorch: Terminate endpoint and clean up artifacts](#PyTorch:-Terminate-endpoint-and-clean-up-artifacts)" - ] - }, - { - "cell_type": "markdown", - "id": "b16f14ea", - "metadata": {}, - "source": [ - "## Introduction to NVIDIA Triton Server\n", - "\n", - "[NVIDIA Triton Inference Server](https://github.com/triton-inference-server/server/) was developed specifically to enable scalable, cost-effective, and easy deployment of models in production. NVIDIA Triton Inference Server is open-source inference serving software that simplifies the inference serving process and provides high inference performance.\n", - "\n", - "Some key features of Triton are:\n", - "* **Support for Multiple frameworks**: Triton can be used to deploy models from all major frameworks. Triton supports TensorFlow GraphDef, TensorFlow SavedModel, ONNX, PyTorch TorchScript, TensorRT, RAPIDS FIL for tree based models, and OpenVINO model formats. \n", - "* **Model pipelines**: Triton model ensemble represents a pipeline of one or more models or pre/post processing logic and the connection of input and output tensors between them. A single inference request to an ensemble will trigger the execution of the entire pipeline.\n", - "* **Concurrent model execution**: Multiple models (or multiple instances of the same model) can run simultaneously on the same GPU or on multiple GPUs for different model management needs.\n", - "* **Dynamic batching**: For models that support batching, Triton has multiple built-in scheduling and batching algorithms that combine individual inference requests together to improve inference throughput. These scheduling and batching decisions are transparent to the client requesting inference.\n", - "* **Diverse CPUs and GPUs**: The models can be executed on CPUs or GPUs for maximum flexibility and to support heterogeneous computing requirements.\n", - "\n", - "**Note**: This initial release of NVIDIA Triton on SageMaker will only support a single model. Future releases will have multi-model support. A minimal `config.pbtxt` configuration file is **required** in the model artifacts. This release doesn't support inferring the model config automatically." - ] - }, - { - "cell_type": "markdown", - "id": "cf042bea", - "metadata": {}, - "source": [ - "## Set up the environment\n", - "\n", - "Installs the dependencies required to package the model and run inferences using Triton server.\n", - "\n", - "Also define the IAM role that will give SageMaker access to the model artifacts and the NVIDIA Triton ECR image." - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "id": "7788c22c", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", - "aiobotocore 2.0.1 requires botocore<1.22.9,>=1.22.8, but you have botocore 1.29.91 which is incompatible.\u001b[0m\u001b[31m\n", - "\u001b[0mLooking in indexes: https://pypi.org/simple, https://pip.repos.neuron.amazonaws.com, https://pypi.ngc.nvidia.com\n", - "Requirement already satisfied: nvidia-pyindex in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (1.0.9)\n", - "Looking in indexes: https://pypi.org/simple, https://pip.repos.neuron.amazonaws.com, https://pypi.ngc.nvidia.com\n", - "Requirement already satisfied: tritonclient[http] in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (2.30.0)\n", - "Requirement already satisfied: numpy>=1.19.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (1.20.3)\n", - "Requirement already satisfied: python-rapidjson>=0.9.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (1.9)\n", - "Requirement already satisfied: aiohttp>=3.8.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (3.8.1)\n", - "Requirement already satisfied: geventhttpclient<=2.0.2,>=1.4.4 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (2.0.2)\n", - "Requirement already satisfied: aiosignal>=1.1.2 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.2.0)\n", - "Requirement already satisfied: yarl<2.0,>=1.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.7.2)\n", - "Requirement already satisfied: attrs>=17.3.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (21.2.0)\n", - "Requirement already satisfied: multidict<7.0,>=4.5 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (5.2.0)\n", - "Requirement already satisfied: frozenlist>=1.1.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.2.0)\n", - "Requirement already satisfied: charset-normalizer<3.0,>=2.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (2.0.8)\n", - "Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (4.0.1)\n", - "Requirement already satisfied: brotli in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.0.9)\n", - "Requirement already satisfied: six in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.16.0)\n", - "Requirement already satisfied: certifi in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (2021.10.8)\n", - "Requirement already satisfied: gevent>=0.13 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (21.8.0)\n", - "Requirement already satisfied: typing-extensions>=3.6.5 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from async-timeout<5.0,>=4.0.0a3->aiohttp>=3.8.1->tritonclient[http]) (4.0.0)\n", - "Requirement already satisfied: greenlet<2.0,>=1.1.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.1.2)\n", - "Requirement already satisfied: setuptools in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (59.4.0)\n", - "Requirement already satisfied: zope.event in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (4.5.0)\n", - "Requirement already satisfied: zope.interface in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (5.4.0)\n", - "Requirement already satisfied: idna>=2.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from yarl<2.0,>=1.0->aiohttp>=3.8.1->tritonclient[http]) (3.1)\n" - ] - } - ], - "source": [ - "!pip install -qU pip awscli boto3 sagemaker\n", - "!pip install nvidia-pyindex\n", - "!pip install tritonclient[http]" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "4aec711f", - "metadata": {}, - "outputs": [], - "source": [ - "import boto3, json, sagemaker, time\n", - "from sagemaker import get_execution_role\n", - "\n", - "sm_client = boto3.client(service_name=\"sagemaker\")\n", - "runtime_sm_client = boto3.client(\"sagemaker-runtime\")\n", - "sagemaker_session = sagemaker.Session(boto_session=boto3.Session())\n", - "role = get_execution_role()" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "bbc64c0b", - "metadata": {}, - "outputs": [], - "source": [ - "account_id_map = {\n", - " 'us-east-1': '785573368785',\n", - " 'us-east-2': '007439368137',\n", - " 'us-west-1': '710691900526',\n", - " 'us-west-2': '301217895009',\n", - " 'eu-west-1': '802834080501',\n", - " 'eu-west-2': '205493899709',\n", - " 'eu-west-3': '254080097072',\n", - " 'eu-north-1': '601324751636',\n", - " 'eu-south-1': '966458181534',\n", - " 'eu-central-1': '746233611703',\n", - " 'ap-east-1': '110948597952',\n", - " 'ap-south-1': '763008648453',\n", - " 'ap-northeast-1': '941853720454',\n", - " 'ap-northeast-2': '151534178276',\n", - " 'ap-southeast-1': '324986816169',\n", - " 'ap-southeast-2': '355873309152',\n", - " 'cn-northwest-1': '474822919863',\n", - " 'cn-north-1': '472730292857',\n", - " 'sa-east-1': '756306329178',\n", - " 'ca-central-1': '464438896020',\n", - " 'me-south-1': '836785723513',\n", - " 'af-south-1': '774647643957'\n", - "}" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "9616dd32", - "metadata": {}, - "outputs": [], - "source": [ - "region = boto3.Session().region_name\n", - "if region not in account_id_map.keys():\n", - " raise(\"UNSUPPORTED REGION\")" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "65934acb", - "metadata": {}, - "outputs": [], - "source": [ - "base = \"amazonaws.com.cn\" if region.startswith(\"cn-\") else \"amazonaws.com\"\n", - "triton_image_uri = \"{account_id}.dkr.ecr.{region}.{base}/sagemaker-tritonserver:21.08-py3\".format(\n", - " account_id=account_id_map[region], region=region, base=base\n", - ")" - ] - }, - { - "cell_type": "markdown", - "id": "4f618f8e", - "metadata": {}, - "source": [ - "## Add utility methods for preparing request payload\n", - "\n", - "The following method transforms a sample image we will be using for inference into the payload that can be sent for inference to the Triton server." - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "5ef2c6e0", - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n", - "from PIL import Image\n", - "\n", - "s3_client = boto3.client('s3')\n", - "s3_client.download_file(\n", - " \"sagemaker-sample-files\",\n", - " \"datasets/image/pets/shiba_inu_dog.jpg\",\n", - " \"shiba_inu_dog.jpg\"\n", - ")\n", - "\n", - "def get_sample_image():\n", - " image_path = \"./shiba_inu_dog.jpg\"\n", - " img = Image.open(image_path).convert(\"RGB\")\n", - " img = img.resize((224, 224))\n", - " img = (np.array(img).astype(np.float32) / 255) - np.array(\n", - " [0.485, 0.456, 0.406], dtype=np.float32\n", - " ).reshape(1, 1, 3)\n", - " img = img / np.array([0.229, 0.224, 0.225], dtype=np.float32).reshape(1, 1, 3)\n", - " img = np.transpose(img, (2, 0, 1))\n", - " return img.tolist()" - ] - }, - { - "cell_type": "markdown", - "id": "c171f622", - "metadata": {}, - "source": [ - "The `tritonclient` package provides utility methods to generate the payload without having to know the details of the specification. We'll use the following methods to convert our inference request into a binary format which provides lower latencies for inference." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "f9799f41", - "metadata": {}, - "outputs": [], - "source": [ - "import tritonclient.http as httpclient\n", - "\n", - "\n", - "def _get_sample_image_binary(input_name, output_name):\n", - " inputs = []\n", - " outputs = []\n", - " inputs.append(httpclient.InferInput(input_name, [1, 3, 224, 224], \"FP32\"))\n", - " input_data = np.array(get_sample_image(), dtype=np.float32)\n", - " input_data = np.expand_dims(input_data, axis=0)\n", - " inputs[0].set_data_from_numpy(input_data, binary_data=True)\n", - " outputs.append(httpclient.InferRequestedOutput(output_name, binary_data=True))\n", - " request_body, header_length = httpclient.InferenceServerClient.generate_request_body(\n", - " inputs, outputs=outputs\n", - " )\n", - " return request_body, header_length\n", - "\n", - "\n", - "def get_sample_image_binary_pt():\n", - " return _get_sample_image_binary(\"INPUT__0\", \"OUTPUT__0\")\n", - "\n", - "\n", - "def get_sample_image_binary_trt():\n", - " return _get_sample_image_binary(\"input\", \"output\")" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "fa670b92", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "=============\n", - "== PyTorch ==\n", - "=============\n", - "\n", - "NVIDIA Release 21.08 (build 26011915)\n", - "PyTorch Version 1.10.0a0+3fd9dcf\n", - "\n", - "Container image Copyright (c) 2021, NVIDIA CORPORATION. All rights reserved.\n", - "\n", - "Copyright (c) 2014-2021 Facebook Inc.\n", - "Copyright (c) 2011-2014 Idiap Research Institute (Ronan Collobert)\n", - "Copyright (c) 2012-2014 Deepmind Technologies (Koray Kavukcuoglu)\n", - "Copyright (c) 2011-2012 NEC Laboratories America (Koray Kavukcuoglu)\n", - "Copyright (c) 2011-2013 NYU (Clement Farabet)\n", - "Copyright (c) 2006-2010 NEC Laboratories America (Ronan Collobert, Leon Bottou, Iain Melvin, Jason Weston)\n", - "Copyright (c) 2006 Idiap Research Institute (Samy Bengio)\n", - "Copyright (c) 2001-2004 Idiap Research Institute (Ronan Collobert, Samy Bengio, Johnny Mariethoz)\n", - "Copyright (c) 2015 Google Inc.\n", - "Copyright (c) 2015 Yangqing Jia\n", - "Copyright (c) 2013-2016 The Caffe contributors\n", - "All rights reserved.\n", - "\n", - "NVIDIA Deep Learning Profiler (dlprof) Copyright (c) 2021, NVIDIA CORPORATION. All rights reserved.\n", - "\n", - "Various files include modifications (c) NVIDIA CORPORATION. All rights reserved.\n", - "\n", - "This container image and its contents are governed by the NVIDIA Deep Learning Container License.\n", - "By pulling and using the container, you accept the terms and conditions of this license:\n", - "https://developer.nvidia.com/ngc/nvidia-deep-learning-container-license\n", - "\n", - "NOTE: MOFED driver for multi-node communication was not detected.\n", - " Multi-node communication performance may be reduced.\n", - "\n", - "NOTE: The SHMEM allocation limit is set to the default of 64MB. This may be\n", - " insufficient for PyTorch. NVIDIA recommends the use of the following flags:\n", - " nvidia-docker run --ipc=host ...\n", - "\n", - "Downloading: \"https://download.pytorch.org/models/resnet50-0676ba61.pth\" to /root/.cache/torch/hub/checkpoints/resnet50-0676ba61.pth\n", - "100%|███████████████████████████████████████| 97.8M/97.8M [00:00<00:00, 256MB/s]\n", - "Saved model.onnx\n", - "Using cuda device\n", - "Saved model.pt\n", - "&&&& RUNNING TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose\n", - "[03/14/2023-21:25:12] [I] === Model Options ===\n", - "[03/14/2023-21:25:12] [I] Format: ONNX\n", - "[03/14/2023-21:25:12] [I] Model: model.onnx\n", - "[03/14/2023-21:25:12] [I] Output:\n", - "[03/14/2023-21:25:12] [I] === Build Options ===\n", - "[03/14/2023-21:25:12] [I] Max batch: explicit\n", - "[03/14/2023-21:25:12] [I] Workspace: 16 MiB\n", - "[03/14/2023-21:25:12] [I] minTiming: 1\n", - "[03/14/2023-21:25:12] [I] avgTiming: 8\n", - "[03/14/2023-21:25:12] [I] Precision: FP32+FP16\n", - "[03/14/2023-21:25:12] [I] Calibration: \n", - "[03/14/2023-21:25:12] [I] Refit: Disabled\n", - "[03/14/2023-21:25:12] [I] Sparsity: Disabled\n", - "[03/14/2023-21:25:12] [I] Safe mode: Disabled\n", - "[03/14/2023-21:25:12] [I] Restricted mode: Disabled\n", - "[03/14/2023-21:25:12] [I] Save engine: model.plan\n", - "[03/14/2023-21:25:12] [I] Load engine: \n", - "[03/14/2023-21:25:12] [I] NVTX verbosity: 0\n", - "[03/14/2023-21:25:12] [I] Tactic sources: Using default tactic sources\n", - "[03/14/2023-21:25:12] [I] timingCacheMode: local\n", - "[03/14/2023-21:25:12] [I] timingCacheFile: \n", - "[03/14/2023-21:25:12] [I] Input(s)s format: fp32:CHW\n", - "[03/14/2023-21:25:12] [I] Output(s)s format: fp32:CHW\n", - "[03/14/2023-21:25:12] [I] Input build shape: input=1x3x224x224+128x3x224x224+128x3x224x224\n", - "[03/14/2023-21:25:12] [I] Input calibration shapes: model\n", - "[03/14/2023-21:25:12] [I] === System Options ===\n", - "[03/14/2023-21:25:12] [I] Device: 0\n", - "[03/14/2023-21:25:12] [I] DLACore: \n", - "[03/14/2023-21:25:12] [I] Plugins:\n", - "[03/14/2023-21:25:12] [I] === Inference Options ===\n", - "[03/14/2023-21:25:12] [I] Batch: Explicit\n", - "[03/14/2023-21:25:12] [I] Input inference shape: input=128x3x224x224\n", - "[03/14/2023-21:25:12] [I] Iterations: 10\n", - "[03/14/2023-21:25:12] [I] Duration: 3s (+ 200ms warm up)\n", - "[03/14/2023-21:25:12] [I] Sleep time: 0ms\n", - "[03/14/2023-21:25:12] [I] Streams: 1\n", - "[03/14/2023-21:25:12] [I] ExposeDMA: Disabled\n", - "[03/14/2023-21:25:12] [I] Data transfers: Enabled\n", - "[03/14/2023-21:25:12] [I] Spin-wait: Disabled\n", - "[03/14/2023-21:25:12] [I] Multithreading: Disabled\n", - "[03/14/2023-21:25:12] [I] CUDA Graph: Disabled\n", - "[03/14/2023-21:25:12] [I] Separate profiling: Disabled\n", - "[03/14/2023-21:25:12] [I] Time Deserialize: Disabled\n", - "[03/14/2023-21:25:12] [I] Time Refit: Disabled\n", - "[03/14/2023-21:25:12] [I] Skip inference: Disabled\n", - "[03/14/2023-21:25:12] [I] Inputs:\n", - "[03/14/2023-21:25:12] [I] === Reporting Options ===\n", - "[03/14/2023-21:25:12] [I] Verbose: Enabled\n", - "[03/14/2023-21:25:12] [I] Averages: 10 inferences\n", - "[03/14/2023-21:25:12] [I] Percentile: 99\n", - "[03/14/2023-21:25:12] [I] Dump refittable layers:Disabled\n", - "[03/14/2023-21:25:12] [I] Dump output: Disabled\n", - "[03/14/2023-21:25:12] [I] Profile: Disabled\n", - "[03/14/2023-21:25:12] [I] Export timing to JSON file: \n", - "[03/14/2023-21:25:12] [I] Export output to JSON file: \n", - "[03/14/2023-21:25:12] [I] Export profile to JSON file: \n", - "[03/14/2023-21:25:12] [I] \n", - "[03/14/2023-21:25:12] [I] === Device Information ===\n", - "[03/14/2023-21:25:12] [I] Selected Device: Tesla T4\n", - "[03/14/2023-21:25:12] [I] Compute Capability: 7.5\n", - "[03/14/2023-21:25:12] [I] SMs: 40\n", - "[03/14/2023-21:25:12] [I] Compute Clock Rate: 1.59 GHz\n", - "[03/14/2023-21:25:12] [I] Device Global Memory: 14910 MiB\n", - "[03/14/2023-21:25:12] [I] Shared Memory per SM: 64 KiB\n", - "[03/14/2023-21:25:12] [I] Memory Bus Width: 256 bits (ECC enabled)\n", - "[03/14/2023-21:25:12] [I] Memory Clock Rate: 5.001 GHz\n", - "[03/14/2023-21:25:12] [I] \n", - "[03/14/2023-21:25:12] [I] TensorRT version: 8001\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Region_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Clip_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ScatterND version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::CropAndResize version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::EfficientNMS_ONNX_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::EfficientNMS_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Proposal version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Split version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1\n", - "[03/14/2023-21:25:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +328, GPU +0, now: CPU 335, GPU 251 (MiB)\n", - "[03/14/2023-21:25:13] [I] Start parsing network model\n", - "[03/14/2023-21:25:13] [I] [TRT] ----------------------------------------------------------------\n", - "[03/14/2023-21:25:13] [I] [TRT] Input filename: model.onnx\n", - "[03/14/2023-21:25:13] [I] [TRT] ONNX IR version: 0.0.6\n", - "[03/14/2023-21:25:13] [I] [TRT] Opset version: 11\n", - "[03/14/2023-21:25:13] [I] [TRT] Producer name: pytorch\n", - "[03/14/2023-21:25:13] [I] [TRT] Producer version: 1.10\n", - "[03/14/2023-21:25:13] [I] [TRT] Domain: \n", - "[03/14/2023-21:25:13] [I] [TRT] Model version: 0\n", - "[03/14/2023-21:25:13] [I] [TRT] Doc string: \n", - "[03/14/2023-21:25:13] [I] [TRT] ----------------------------------------------------------------\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::GridAnchor_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::GridAnchorRect_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::NMS_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Reorg_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Region_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Clip_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::LReLU_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::PriorBox_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Normalize_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ScatterND version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::RPROI_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::BatchedNMS_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::FlattenConcat_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::CropAndResize version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::DetectionLayer_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::EfficientNMS_ONNX_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::EfficientNMS_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Proposal version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ProposalLayer_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::PyramidROIAlign_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ResizeNearest_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Split version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::SpecialSlice_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::InstanceNormalization_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Adding network input: input with dtype: float32, dimensions: (-1, 3, 224, 224)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: input for ONNX tensor: input\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: fc.weight\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: fc.bias\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 497\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 498\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 500\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 501\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 503\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 504\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 506\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 507\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 509\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 510\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 513\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 515\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 516\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 518\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 519\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 521\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 522\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 524\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 525\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 527\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 528\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 530\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 531\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 533\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 534\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 536\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 537\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 539\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 540\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 542\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 543\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 545\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 546\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 548\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 549\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 551\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 552\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 554\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 555\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 557\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 558\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 560\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 561\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 563\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 564\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 566\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 567\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 569\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 570\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 572\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 573\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 575\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 576\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 578\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 579\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 581\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 582\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 584\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 585\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 587\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 588\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 590\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 591\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 593\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 594\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 596\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 597\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 599\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 600\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 602\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 603\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 605\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 606\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 608\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 609\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 611\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 612\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 614\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 615\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 617\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 618\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 620\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 621\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 623\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 624\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 626\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 627\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 629\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 630\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 632\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 633\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 635\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 636\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 638\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 639\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 641\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 642\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 644\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 645\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 647\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 648\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 650\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 651\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 653\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 654\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_0 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: input\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 497\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 498\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_0 [Conv] inputs: [input -> (-1, 3, 224, 224)[FLOAT]], [497 -> (64, 3, 7, 7)[FLOAT]], [498 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 3, 224, 224)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_0 for ONNX node: Conv_0\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (7, 7), strides: (2, 2), prepadding: (3, 3), postpadding: (3, 3), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 112, 112)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 496 for ONNX tensor: 496\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_0 [Conv] outputs: [496 -> (-1, 64, 112, 112)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_1 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 496\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_1 [Relu] inputs: [496 -> (-1, 64, 112, 112)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_1 for ONNX node: Relu_1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 323 for ONNX tensor: 323\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_1 [Relu] outputs: [323 -> (-1, 64, 112, 112)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: MaxPool_2 [MaxPool]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 323\r\n", - "[03/14/2023-21:25:13] [V] [TRT] MaxPool_2 [MaxPool] inputs: [323 -> (-1, 64, 112, 112)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: MaxPool_2 for ONNX node: MaxPool_2\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 324 for ONNX tensor: 324\r\n", - "[03/14/2023-21:25:13] [V] [TRT] MaxPool_2 [MaxPool] outputs: [324 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_3 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 324\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 500\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 501\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_3 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [500 -> (64, 64, 1, 1)[FLOAT]], [501 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_3 for ONNX node: Conv_3\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 499 for ONNX tensor: 499\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_3 [Conv] outputs: [499 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_4 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 499\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_4 [Relu] inputs: [499 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_4 for ONNX node: Relu_4\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 327 for ONNX tensor: 327\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_4 [Relu] outputs: [327 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_5 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 327\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 503\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 504\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_5 [Conv] inputs: [327 -> (-1, 64, 56, 56)[FLOAT]], [503 -> (64, 64, 3, 3)[FLOAT]], [504 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_5 for ONNX node: Conv_5\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 502 for ONNX tensor: 502\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_5 [Conv] outputs: [502 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_6 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 502\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_6 [Relu] inputs: [502 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_6 for ONNX node: Relu_6\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 330 for ONNX tensor: 330\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_6 [Relu] outputs: [330 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_7 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 330\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 506\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 507\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_7 [Conv] inputs: [330 -> (-1, 64, 56, 56)[FLOAT]], [506 -> (256, 64, 1, 1)[FLOAT]], [507 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_7 for ONNX node: Conv_7\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 505 for ONNX tensor: 505\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_7 [Conv] outputs: [505 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_8 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 324\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 509\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 510\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_8 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [509 -> (256, 64, 1, 1)[FLOAT]], [510 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_8 for ONNX node: Conv_8\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 508 for ONNX tensor: 508\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_8 [Conv] outputs: [508 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_9 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 505\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 508\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_9 [Add] inputs: [505 -> (-1, 256, 56, 56)[FLOAT]], [508 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_9 for ONNX node: Add_9\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 335 for ONNX tensor: 335\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_9 [Add] outputs: [335 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_10 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 335\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_10 [Relu] inputs: [335 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_10 for ONNX node: Relu_10\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 336 for ONNX tensor: 336\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_10 [Relu] outputs: [336 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_11 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 336\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 513\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_11 [Conv] inputs: [336 -> (-1, 256, 56, 56)[FLOAT]], [512 -> (64, 256, 1, 1)[FLOAT]], [513 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_11 for ONNX node: Conv_11\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 511 for ONNX tensor: 511\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_11 [Conv] outputs: [511 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_12 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 511\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_12 [Relu] inputs: [511 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_12 for ONNX node: Relu_12\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 339 for ONNX tensor: 339\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_12 [Relu] outputs: [339 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_13 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 339\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 515\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 516\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_13 [Conv] inputs: [339 -> (-1, 64, 56, 56)[FLOAT]], [515 -> (64, 64, 3, 3)[FLOAT]], [516 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_13 for ONNX node: Conv_13\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 514 for ONNX tensor: 514\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_13 [Conv] outputs: [514 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_14 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 514\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_14 [Relu] inputs: [514 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_14 for ONNX node: Relu_14\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 342 for ONNX tensor: 342\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_14 [Relu] outputs: [342 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_15 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 342\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 518\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 519\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_15 [Conv] inputs: [342 -> (-1, 64, 56, 56)[FLOAT]], [518 -> (256, 64, 1, 1)[FLOAT]], [519 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_15 for ONNX node: Conv_15\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 517 for ONNX tensor: 517\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_15 [Conv] outputs: [517 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_16 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 517\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 336\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_16 [Add] inputs: [517 -> (-1, 256, 56, 56)[FLOAT]], [336 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_16 for ONNX node: Add_16\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 345 for ONNX tensor: 345\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_16 [Add] outputs: [345 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_17 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 345\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_17 [Relu] inputs: [345 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_17 for ONNX node: Relu_17\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 346 for ONNX tensor: 346\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_17 [Relu] outputs: [346 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_18 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 346\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 521\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 522\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_18 [Conv] inputs: [346 -> (-1, 256, 56, 56)[FLOAT]], [521 -> (64, 256, 1, 1)[FLOAT]], [522 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_18 for ONNX node: Conv_18\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 520 for ONNX tensor: 520\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_18 [Conv] outputs: [520 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_19 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 520\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_19 [Relu] inputs: [520 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_19 for ONNX node: Relu_19\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 349 for ONNX tensor: 349\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_19 [Relu] outputs: [349 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_20 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 349\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 524\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 525\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_20 [Conv] inputs: [349 -> (-1, 64, 56, 56)[FLOAT]], [524 -> (64, 64, 3, 3)[FLOAT]], [525 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_20 for ONNX node: Conv_20\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 523 for ONNX tensor: 523\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_20 [Conv] outputs: [523 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_21 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 523\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_21 [Relu] inputs: [523 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_21 for ONNX node: Relu_21\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 352 for ONNX tensor: 352\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_21 [Relu] outputs: [352 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_22 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 352\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 527\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 528\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_22 [Conv] inputs: [352 -> (-1, 64, 56, 56)[FLOAT]], [527 -> (256, 64, 1, 1)[FLOAT]], [528 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_22 for ONNX node: Conv_22\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 526 for ONNX tensor: 526\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_22 [Conv] outputs: [526 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_23 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 526\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 346\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_23 [Add] inputs: [526 -> (-1, 256, 56, 56)[FLOAT]], [346 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_23 for ONNX node: Add_23\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 355 for ONNX tensor: 355\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_23 [Add] outputs: [355 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_24 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 355\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_24 [Relu] inputs: [355 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_24 for ONNX node: Relu_24\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 356 for ONNX tensor: 356\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_24 [Relu] outputs: [356 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_25 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 356\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 530\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 531\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_25 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [530 -> (128, 256, 1, 1)[FLOAT]], [531 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_25 for ONNX node: Conv_25\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 529 for ONNX tensor: 529\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_25 [Conv] outputs: [529 -> (-1, 128, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_26 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 529\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_26 [Relu] inputs: [529 -> (-1, 128, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_26 for ONNX node: Relu_26\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 359 for ONNX tensor: 359\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_26 [Relu] outputs: [359 -> (-1, 128, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_27 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 359\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 533\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 534\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_27 [Conv] inputs: [359 -> (-1, 128, 56, 56)[FLOAT]], [533 -> (128, 128, 3, 3)[FLOAT]], [534 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_27 for ONNX node: Conv_27\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 532 for ONNX tensor: 532\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_27 [Conv] outputs: [532 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_28 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 532\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_28 [Relu] inputs: [532 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_28 for ONNX node: Relu_28\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 362 for ONNX tensor: 362\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_28 [Relu] outputs: [362 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_29 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 362\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 536\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 537\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_29 [Conv] inputs: [362 -> (-1, 128, 28, 28)[FLOAT]], [536 -> (512, 128, 1, 1)[FLOAT]], [537 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_29 for ONNX node: Conv_29\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 535 for ONNX tensor: 535\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_29 [Conv] outputs: [535 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_30 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 356\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 539\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 540\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_30 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [539 -> (512, 256, 1, 1)[FLOAT]], [540 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_30 for ONNX node: Conv_30\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 538 for ONNX tensor: 538\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_30 [Conv] outputs: [538 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_31 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 535\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 538\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_31 [Add] inputs: [535 -> (-1, 512, 28, 28)[FLOAT]], [538 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_31 for ONNX node: Add_31\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 367 for ONNX tensor: 367\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_31 [Add] outputs: [367 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_32 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 367\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_32 [Relu] inputs: [367 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_32 for ONNX node: Relu_32\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 368 for ONNX tensor: 368\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_32 [Relu] outputs: [368 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_33 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 368\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 542\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 543\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_33 [Conv] inputs: [368 -> (-1, 512, 28, 28)[FLOAT]], [542 -> (128, 512, 1, 1)[FLOAT]], [543 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_33 for ONNX node: Conv_33\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 541 for ONNX tensor: 541\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_33 [Conv] outputs: [541 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_34 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 541\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_34 [Relu] inputs: [541 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_34 for ONNX node: Relu_34\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 371 for ONNX tensor: 371\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_34 [Relu] outputs: [371 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_35 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 371\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 545\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 546\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_35 [Conv] inputs: [371 -> (-1, 128, 28, 28)[FLOAT]], [545 -> (128, 128, 3, 3)[FLOAT]], [546 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_35 for ONNX node: Conv_35\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 544 for ONNX tensor: 544\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_35 [Conv] outputs: [544 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_36 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 544\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_36 [Relu] inputs: [544 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_36 for ONNX node: Relu_36\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 374 for ONNX tensor: 374\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_36 [Relu] outputs: [374 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_37 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 374\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 548\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 549\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_37 [Conv] inputs: [374 -> (-1, 128, 28, 28)[FLOAT]], [548 -> (512, 128, 1, 1)[FLOAT]], [549 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_37 for ONNX node: Conv_37\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 547 for ONNX tensor: 547\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_37 [Conv] outputs: [547 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_38 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 547\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 368\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_38 [Add] inputs: [547 -> (-1, 512, 28, 28)[FLOAT]], [368 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_38 for ONNX node: Add_38\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 377 for ONNX tensor: 377\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_38 [Add] outputs: [377 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_39 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 377\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_39 [Relu] inputs: [377 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_39 for ONNX node: Relu_39\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 378 for ONNX tensor: 378\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_39 [Relu] outputs: [378 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_40 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 378\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 551\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 552\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_40 [Conv] inputs: [378 -> (-1, 512, 28, 28)[FLOAT]], [551 -> (128, 512, 1, 1)[FLOAT]], [552 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_40 for ONNX node: Conv_40\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 550 for ONNX tensor: 550\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_40 [Conv] outputs: [550 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_41 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 550\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_41 [Relu] inputs: [550 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_41 for ONNX node: Relu_41\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 381 for ONNX tensor: 381\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_41 [Relu] outputs: [381 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_42 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 381\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 554\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 555\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_42 [Conv] inputs: [381 -> (-1, 128, 28, 28)[FLOAT]], [554 -> (128, 128, 3, 3)[FLOAT]], [555 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_42 for ONNX node: Conv_42\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 553 for ONNX tensor: 553\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_42 [Conv] outputs: [553 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_43 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 553\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_43 [Relu] inputs: [553 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_43 for ONNX node: Relu_43\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 384 for ONNX tensor: 384\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_43 [Relu] outputs: [384 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_44 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 384\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 557\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 558\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_44 [Conv] inputs: [384 -> (-1, 128, 28, 28)[FLOAT]], [557 -> (512, 128, 1, 1)[FLOAT]], [558 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_44 for ONNX node: Conv_44\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 556 for ONNX tensor: 556\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_44 [Conv] outputs: [556 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_45 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 556\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 378\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_45 [Add] inputs: [556 -> (-1, 512, 28, 28)[FLOAT]], [378 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_45 for ONNX node: Add_45\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 387 for ONNX tensor: 387\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_45 [Add] outputs: [387 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_46 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 387\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_46 [Relu] inputs: [387 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_46 for ONNX node: Relu_46\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 388 for ONNX tensor: 388\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_46 [Relu] outputs: [388 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_47 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 388\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 560\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 561\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_47 [Conv] inputs: [388 -> (-1, 512, 28, 28)[FLOAT]], [560 -> (128, 512, 1, 1)[FLOAT]], [561 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_47 for ONNX node: Conv_47\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 559 for ONNX tensor: 559\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_47 [Conv] outputs: [559 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_48 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 559\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_48 [Relu] inputs: [559 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_48 for ONNX node: Relu_48\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 391 for ONNX tensor: 391\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_48 [Relu] outputs: [391 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_49 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 391\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 563\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 564\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_49 [Conv] inputs: [391 -> (-1, 128, 28, 28)[FLOAT]], [563 -> (128, 128, 3, 3)[FLOAT]], [564 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_49 for ONNX node: Conv_49\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 562 for ONNX tensor: 562\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_49 [Conv] outputs: [562 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_50 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 562\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_50 [Relu] inputs: [562 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_50 for ONNX node: Relu_50\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 394 for ONNX tensor: 394\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_50 [Relu] outputs: [394 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_51 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 394\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 566\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 567\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_51 [Conv] inputs: [394 -> (-1, 128, 28, 28)[FLOAT]], [566 -> (512, 128, 1, 1)[FLOAT]], [567 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_51 for ONNX node: Conv_51\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 565 for ONNX tensor: 565\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_51 [Conv] outputs: [565 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_52 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 565\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 388\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_52 [Add] inputs: [565 -> (-1, 512, 28, 28)[FLOAT]], [388 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_52 for ONNX node: Add_52\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 397 for ONNX tensor: 397\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_52 [Add] outputs: [397 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_53 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 397\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_53 [Relu] inputs: [397 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_53 for ONNX node: Relu_53\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 398 for ONNX tensor: 398\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_53 [Relu] outputs: [398 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_54 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 398\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 569\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 570\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_54 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [569 -> (256, 512, 1, 1)[FLOAT]], [570 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_54 for ONNX node: Conv_54\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 568 for ONNX tensor: 568\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_54 [Conv] outputs: [568 -> (-1, 256, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_55 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 568\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_55 [Relu] inputs: [568 -> (-1, 256, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_55 for ONNX node: Relu_55\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 401 for ONNX tensor: 401\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_55 [Relu] outputs: [401 -> (-1, 256, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_56 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 401\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 572\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 573\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_56 [Conv] inputs: [401 -> (-1, 256, 28, 28)[FLOAT]], [572 -> (256, 256, 3, 3)[FLOAT]], [573 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_56 for ONNX node: Conv_56\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 571 for ONNX tensor: 571\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_56 [Conv] outputs: [571 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_57 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 571\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_57 [Relu] inputs: [571 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_57 for ONNX node: Relu_57\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 404 for ONNX tensor: 404\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_57 [Relu] outputs: [404 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_58 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 404\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 575\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 576\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_58 [Conv] inputs: [404 -> (-1, 256, 14, 14)[FLOAT]], [575 -> (1024, 256, 1, 1)[FLOAT]], [576 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_58 for ONNX node: Conv_58\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 574 for ONNX tensor: 574\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_58 [Conv] outputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_59 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 398\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 578\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 579\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_59 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [578 -> (1024, 512, 1, 1)[FLOAT]], [579 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_59 for ONNX node: Conv_59\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 577 for ONNX tensor: 577\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_59 [Conv] outputs: [577 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_60 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 574\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 577\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_60 [Add] inputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], [577 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_60 for ONNX node: Add_60\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 409 for ONNX tensor: 409\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_60 [Add] outputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_61 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 409\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_61 [Relu] inputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_61 for ONNX node: Relu_61\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 410 for ONNX tensor: 410\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_61 [Relu] outputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_62 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 410\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 581\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 582\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_62 [Conv] inputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], [581 -> (256, 1024, 1, 1)[FLOAT]], [582 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_62 for ONNX node: Conv_62\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 580 for ONNX tensor: 580\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_62 [Conv] outputs: [580 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_63 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 580\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_63 [Relu] inputs: [580 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_63 for ONNX node: Relu_63\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 413 for ONNX tensor: 413\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_63 [Relu] outputs: [413 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_64 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 413\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 584\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 585\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_64 [Conv] inputs: [413 -> (-1, 256, 14, 14)[FLOAT]], [584 -> (256, 256, 3, 3)[FLOAT]], [585 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_64 for ONNX node: Conv_64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 583 for ONNX tensor: 583\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_64 [Conv] outputs: [583 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_65 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 583\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_65 [Relu] inputs: [583 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_65 for ONNX node: Relu_65\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 416 for ONNX tensor: 416\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_65 [Relu] outputs: [416 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_66 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 416\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 587\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 588\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_66 [Conv] inputs: [416 -> (-1, 256, 14, 14)[FLOAT]], [587 -> (1024, 256, 1, 1)[FLOAT]], [588 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_66 for ONNX node: Conv_66\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 586 for ONNX tensor: 586\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_66 [Conv] outputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_67 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 586\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 410\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_67 [Add] inputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], [410 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_67 for ONNX node: Add_67\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 419 for ONNX tensor: 419\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_67 [Add] outputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_68 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 419\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_68 [Relu] inputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_68 for ONNX node: Relu_68\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 420 for ONNX tensor: 420\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_68 [Relu] outputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_69 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 420\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 590\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 591\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_69 [Conv] inputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], [590 -> (256, 1024, 1, 1)[FLOAT]], [591 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_69 for ONNX node: Conv_69\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 589 for ONNX tensor: 589\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_69 [Conv] outputs: [589 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_70 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 589\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_70 [Relu] inputs: [589 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_70 for ONNX node: Relu_70\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 423 for ONNX tensor: 423\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_70 [Relu] outputs: [423 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_71 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 423\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 593\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 594\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_71 [Conv] inputs: [423 -> (-1, 256, 14, 14)[FLOAT]], [593 -> (256, 256, 3, 3)[FLOAT]], [594 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_71 for ONNX node: Conv_71\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 592 for ONNX tensor: 592\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_71 [Conv] outputs: [592 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_72 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 592\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_72 [Relu] inputs: [592 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_72 for ONNX node: Relu_72\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 426 for ONNX tensor: 426\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_72 [Relu] outputs: [426 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_73 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 426\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 596\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 597\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_73 [Conv] inputs: [426 -> (-1, 256, 14, 14)[FLOAT]], [596 -> (1024, 256, 1, 1)[FLOAT]], [597 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_73 for ONNX node: Conv_73\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 595 for ONNX tensor: 595\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_73 [Conv] outputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_74 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 595\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 420\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_74 [Add] inputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], [420 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_74 for ONNX node: Add_74\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 429 for ONNX tensor: 429\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_74 [Add] outputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_75 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 429\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_75 [Relu] inputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_75 for ONNX node: Relu_75\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 430 for ONNX tensor: 430\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_75 [Relu] outputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_76 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 430\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 599\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 600\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_76 [Conv] inputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], [599 -> (256, 1024, 1, 1)[FLOAT]], [600 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_76 for ONNX node: Conv_76\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 598 for ONNX tensor: 598\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_76 [Conv] outputs: [598 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_77 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 598\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_77 [Relu] inputs: [598 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_77 for ONNX node: Relu_77\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 433 for ONNX tensor: 433\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_77 [Relu] outputs: [433 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_78 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 433\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 602\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 603\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_78 [Conv] inputs: [433 -> (-1, 256, 14, 14)[FLOAT]], [602 -> (256, 256, 3, 3)[FLOAT]], [603 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_78 for ONNX node: Conv_78\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 601 for ONNX tensor: 601\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_78 [Conv] outputs: [601 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_79 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 601\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_79 [Relu] inputs: [601 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_79 for ONNX node: Relu_79\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 436 for ONNX tensor: 436\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_79 [Relu] outputs: [436 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_80 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 436\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 605\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 606\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_80 [Conv] inputs: [436 -> (-1, 256, 14, 14)[FLOAT]], [605 -> (1024, 256, 1, 1)[FLOAT]], [606 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_80 for ONNX node: Conv_80\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 604 for ONNX tensor: 604\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_80 [Conv] outputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_81 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 604\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 430\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_81 [Add] inputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], [430 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_81 for ONNX node: Add_81\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 439 for ONNX tensor: 439\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_81 [Add] outputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_82 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 439\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_82 [Relu] inputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_82 for ONNX node: Relu_82\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 440 for ONNX tensor: 440\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_82 [Relu] outputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_83 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 440\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 608\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 609\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_83 [Conv] inputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], [608 -> (256, 1024, 1, 1)[FLOAT]], [609 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_83 for ONNX node: Conv_83\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 607 for ONNX tensor: 607\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_83 [Conv] outputs: [607 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_84 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 607\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_84 [Relu] inputs: [607 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_84 for ONNX node: Relu_84\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 443 for ONNX tensor: 443\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_84 [Relu] outputs: [443 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_85 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 443\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 611\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 612\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_85 [Conv] inputs: [443 -> (-1, 256, 14, 14)[FLOAT]], [611 -> (256, 256, 3, 3)[FLOAT]], [612 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_85 for ONNX node: Conv_85\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 610 for ONNX tensor: 610\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_85 [Conv] outputs: [610 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_86 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 610\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_86 [Relu] inputs: [610 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_86 for ONNX node: Relu_86\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 446 for ONNX tensor: 446\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_86 [Relu] outputs: [446 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_87 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 446\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 614\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 615\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_87 [Conv] inputs: [446 -> (-1, 256, 14, 14)[FLOAT]], [614 -> (1024, 256, 1, 1)[FLOAT]], [615 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_87 for ONNX node: Conv_87\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 613 for ONNX tensor: 613\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_87 [Conv] outputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_88 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 613\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 440\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_88 [Add] inputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], [440 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_88 for ONNX node: Add_88\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 449 for ONNX tensor: 449\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_88 [Add] outputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_89 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 449\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_89 [Relu] inputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_89 for ONNX node: Relu_89\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 450 for ONNX tensor: 450\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_89 [Relu] outputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_90 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 450\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 617\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 618\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_90 [Conv] inputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], [617 -> (256, 1024, 1, 1)[FLOAT]], [618 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_90 for ONNX node: Conv_90\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 616 for ONNX tensor: 616\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_90 [Conv] outputs: [616 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_91 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 616\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_91 [Relu] inputs: [616 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_91 for ONNX node: Relu_91\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 453 for ONNX tensor: 453\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_91 [Relu] outputs: [453 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_92 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 453\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 620\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 621\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_92 [Conv] inputs: [453 -> (-1, 256, 14, 14)[FLOAT]], [620 -> (256, 256, 3, 3)[FLOAT]], [621 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_92 for ONNX node: Conv_92\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 619 for ONNX tensor: 619\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_92 [Conv] outputs: [619 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_93 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 619\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_93 [Relu] inputs: [619 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_93 for ONNX node: Relu_93\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 456 for ONNX tensor: 456\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_93 [Relu] outputs: [456 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_94 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 456\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 623\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 624\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_94 [Conv] inputs: [456 -> (-1, 256, 14, 14)[FLOAT]], [623 -> (1024, 256, 1, 1)[FLOAT]], [624 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_94 for ONNX node: Conv_94\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 622 for ONNX tensor: 622\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_94 [Conv] outputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_95 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 622\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 450\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_95 [Add] inputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], [450 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_95 for ONNX node: Add_95\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 459 for ONNX tensor: 459\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_95 [Add] outputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_96 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 459\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_96 [Relu] inputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_96 for ONNX node: Relu_96\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 460 for ONNX tensor: 460\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_96 [Relu] outputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_97 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 460\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 626\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 627\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_97 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [626 -> (512, 1024, 1, 1)[FLOAT]], [627 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_97 for ONNX node: Conv_97\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 625 for ONNX tensor: 625\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_97 [Conv] outputs: [625 -> (-1, 512, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_98 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 625\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_98 [Relu] inputs: [625 -> (-1, 512, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_98 for ONNX node: Relu_98\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 463 for ONNX tensor: 463\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_98 [Relu] outputs: [463 -> (-1, 512, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_99 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 463\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 629\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 630\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_99 [Conv] inputs: [463 -> (-1, 512, 14, 14)[FLOAT]], [629 -> (512, 512, 3, 3)[FLOAT]], [630 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_99 for ONNX node: Conv_99\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 628 for ONNX tensor: 628\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_99 [Conv] outputs: [628 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_100 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 628\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_100 [Relu] inputs: [628 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_100 for ONNX node: Relu_100\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 466 for ONNX tensor: 466\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_100 [Relu] outputs: [466 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_101 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 466\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 632\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 633\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_101 [Conv] inputs: [466 -> (-1, 512, 7, 7)[FLOAT]], [632 -> (2048, 512, 1, 1)[FLOAT]], [633 -> (2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_101 for ONNX node: Conv_101\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 631 for ONNX tensor: 631\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_101 [Conv] outputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_102 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 460\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 635\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 636\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_102 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [635 -> (2048, 1024, 1, 1)[FLOAT]], [636 -> (2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_102 for ONNX node: Conv_102\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 634 for ONNX tensor: 634\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_102 [Conv] outputs: [634 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_103 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 631\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 634\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_103 [Add] inputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], [634 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_103 for ONNX node: Add_103\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 471 for ONNX tensor: 471\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_103 [Add] outputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_104 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 471\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_104 [Relu] inputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_104 for ONNX node: Relu_104\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 472 for ONNX tensor: 472\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_104 [Relu] outputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_105 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 472\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 638\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 639\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_105 [Conv] inputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], [638 -> (512, 2048, 1, 1)[FLOAT]], [639 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_105 for ONNX node: Conv_105\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 637 for ONNX tensor: 637\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_105 [Conv] outputs: [637 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_106 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 637\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_106 [Relu] inputs: [637 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_106 for ONNX node: Relu_106\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 475 for ONNX tensor: 475\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_106 [Relu] outputs: [475 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_107 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 475\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 641\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 642\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_107 [Conv] inputs: [475 -> (-1, 512, 7, 7)[FLOAT]], [641 -> (512, 512, 3, 3)[FLOAT]], [642 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_107 for ONNX node: Conv_107\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 640 for ONNX tensor: 640\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_107 [Conv] outputs: [640 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_108 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 640\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_108 [Relu] inputs: [640 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_108 for ONNX node: Relu_108\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 478 for ONNX tensor: 478\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_108 [Relu] outputs: [478 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_109 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 478\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 644\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 645\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_109 [Conv] inputs: [478 -> (-1, 512, 7, 7)[FLOAT]], [644 -> (2048, 512, 1, 1)[FLOAT]], [645 -> (2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_109 for ONNX node: Conv_109\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 643 for ONNX tensor: 643\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_109 [Conv] outputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_110 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 643\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 472\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_110 [Add] inputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], [472 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_110 for ONNX node: Add_110\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 481 for ONNX tensor: 481\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_110 [Add] outputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_111 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 481\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_111 [Relu] inputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_111 for ONNX node: Relu_111\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 482 for ONNX tensor: 482\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_111 [Relu] outputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_112 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 482\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 647\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 648\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_112 [Conv] inputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], [647 -> (512, 2048, 1, 1)[FLOAT]], [648 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_112 for ONNX node: Conv_112\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 646 for ONNX tensor: 646\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_112 [Conv] outputs: [646 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_113 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 646\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_113 [Relu] inputs: [646 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_113 for ONNX node: Relu_113\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 485 for ONNX tensor: 485\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_113 [Relu] outputs: [485 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_114 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 485\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 650\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 651\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_114 [Conv] inputs: [485 -> (-1, 512, 7, 7)[FLOAT]], [650 -> (512, 512, 3, 3)[FLOAT]], [651 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_114 for ONNX node: Conv_114\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 649 for ONNX tensor: 649\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_114 [Conv] outputs: [649 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_115 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 649\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_115 [Relu] inputs: [649 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_115 for ONNX node: Relu_115\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 488 for ONNX tensor: 488\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_115 [Relu] outputs: [488 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_116 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 488\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 653\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 654\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_116 [Conv] inputs: [488 -> (-1, 512, 7, 7)[FLOAT]], [653 -> (2048, 512, 1, 1)[FLOAT]], [654 -> (2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_116 for ONNX node: Conv_116\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 652 for ONNX tensor: 652\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_116 [Conv] outputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_117 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 652\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 482\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_117 [Add] inputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], [482 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_117 for ONNX node: Add_117\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 491 for ONNX tensor: 491\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_117 [Add] outputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_118 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 491\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_118 [Relu] inputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_118 for ONNX node: Relu_118\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 492 for ONNX tensor: 492\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_118 [Relu] outputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: GlobalAveragePool_119 [GlobalAveragePool]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 492\r\n", - "[03/14/2023-21:25:13] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] inputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: GlobalAveragePool_119 for ONNX node: GlobalAveragePool_119\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 493 for ONNX tensor: 493\r\n", - "[03/14/2023-21:25:13] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] outputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Flatten_120 [Flatten]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 493\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Flatten_120 [Flatten] inputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], \r\n", - "[W] [TRT] onnx2trt_utils.cpp:362: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.\r\n", - "[03/14/2023-21:25:13] [03/14/2023-21:25:13] [V] [TRT] Registering layer: Flatten_120 for ONNX node: Flatten_120\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 494 for ONNX tensor: 494\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Flatten_120 [Flatten] outputs: [494 -> (-1, 2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Gemm_121 [Gemm]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 494\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: fc.weight\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: fc.bias\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Gemm_121 [Gemm] inputs: [494 -> (-1, 2048)[FLOAT]], [fc.weight -> (1000, 2048)[FLOAT]], [fc.bias -> (1000)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] GEMM: using FC layer instead of MM because all criteria were met.\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Original shape: (_, 2048), unsqueezing to: (_, _, _, _)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Gemm_121 for ONNX node: Gemm_121\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Original shape: (_, 1000, 1, 1), squeezing to: (_, _)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: output_0 for ONNX tensor: output\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Gemm_121 [Gemm] outputs: [output -> (-1, 1000)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Marking output_0 as output: output\r\n", - "[03/14/2023-21:25:13] [I] Finish parsing network model\r\n", - "[03/14/2023-21:25:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +0, GPU +0, now: CPU 434, GPU 251 (MiB)\r\n", - "[03/14/2023-21:25:13] [I] [TRT] [MemUsageSnapshot] Builder begin: CPU 434 MiB, GPU 251 MiB\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Applying generic optimizations to the graph for inference.\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Original: 124 layers\r\n", - "[03/14/2023-21:25:13] [V] [TRT] After dead-layer removal: 124 layers\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ShuffleShuffleFusion: Fusing Flatten_120 with (Unnamed Layer* 131) [Shuffle]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Removing Flatten_120 + (Unnamed Layer* 131) [Shuffle]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] After Myelin optimization: 122 layers\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convert layer type of Gemm_121 from FULLY_CONNECTED to CONVOLUTION\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Removing shuffle_between_493_and_Gemm_121\r\n", - "[03/14/2023-21:25:13] [V] [TRT] After scale fusion: 122 layers\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_0 with Relu_1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_3 with Relu_4\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_8 with Add_9\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_5 with Relu_6\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_8 + Add_9 with Relu_10\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_11 with Relu_12\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_13 with Relu_14\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_15 with Add_16\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_15 + Add_16 with Relu_17\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_18 with Relu_19\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_20 with Relu_21\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_22 with Add_23\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_22 + Add_23 with Relu_24\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_25 with Relu_26\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_30 with Add_31\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_27 with Relu_28\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_30 + Add_31 with Relu_32\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_33 with Relu_34\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_35 with Relu_36\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_37 with Add_38\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_37 + Add_38 with Relu_39\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_40 with Relu_41\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_42 with Relu_43\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_44 with Add_45\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_44 + Add_45 with Relu_46\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_47 with Relu_48\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_49 with Relu_50\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_51 with Add_52\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_51 + Add_52 with Relu_53\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_54 with Relu_55\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_59 with Add_60\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_56 with Relu_57\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_59 + Add_60 with Relu_61\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_62 with Relu_63\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_64 with Relu_65\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_66 with Add_67\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_66 + Add_67 with Relu_68\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_69 with Relu_70\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_71 with Relu_72\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_73 with Add_74\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_73 + Add_74 with Relu_75\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_76 with Relu_77\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_78 with Relu_79\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_80 with Add_81\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_80 + Add_81 with Relu_82\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_83 with Relu_84\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_85 with Relu_86\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_87 with Add_88\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_87 + Add_88 with Relu_89\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_90 with Relu_91\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_92 with Relu_93\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_94 with Add_95\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_94 + Add_95 with Relu_96\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_97 with Relu_98\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_102 with Add_103\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_99 with Relu_100\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_102 + Add_103 with Relu_104\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_105 with Relu_106\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_107 with Relu_108\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_109 with Add_110\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_109 + Add_110 with Relu_111\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_112 with Relu_113\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_114 with Relu_115\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_116 with Add_117\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_116 + Add_117 with Relu_118\n", - "[03/14/2023-21:25:13] [V] [TRT] Swap the layer type of GlobalAveragePool_119 from REDUCE to POOLING\n", - "[03/14/2023-21:25:13] [V] [TRT] After vertical fusions: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] After dupe layer removal: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] After final dead-layer removal: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] After tensor merging: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] After concat removal: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] Graph construction and optimization completed in 0.472305 seconds.\n", - "[03/14/2023-21:25:14] [V] [TRT] Using cublasLt a tactic source\n", - "[03/14/2023-21:25:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +491, GPU +212, now: CPU 925, GPU 463 (MiB)\n", - "[03/14/2023-21:25:14] [V] [TRT] Using cuDNN as a tactic source\n", - "[03/14/2023-21:25:15] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +286, GPU +198, now: CPU 1211, GPU 661 (MiB)\n", - "[W] [03/14/2023-21:25:15] [TRT] Detected invalid timing cache, setup a local cache instead\n", - "[03/14/2023-21:25:15] [V] [TRT] Constructing optimization profile number 0 [1/1].\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Float(150528,1,672,3) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 5.71445\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.664824\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.664824\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(150528,50176,224,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.57742\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.593652\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 1002 Time: 0.57742\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(100352,50176:2,224,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.720756\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.568124\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.568124\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:4,224,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.51704\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.531456\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 1002 Time: 0.51704\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:8,224,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.780808\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.761044\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.761044\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning format combination: Float(150528,50176,224,1) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 0 Time: 21.543\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 1 Time: 11.6484\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 944111616, available: 16777216\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 56 Time: 21.246\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 57 Time: 11.8987\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 944111616, available: 16777216\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216\n", - "[03/14/2023-21:25:17] [I] [TRT] Some tactics do not have sufficient workspace memory to run. Increasing workspace size may increase performance, please check verbose output.\n", - "[03/14/2023-21:25:17] [V] [TRT] Fastest Tactic: 1 Time: 11.6484\n", - "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 1825138533642645384 Time: 9.71293\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 2842488832350522458 Time: 5.23158\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 6448355332020552203 Time: 10.9645\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: -8060443123034038864 Time: 5.25836\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: -4420849921117327522 Time: 7.23761\n", - "[03/14/2023-21:25:17] [V] [TRT] Fastest Tactic: 2842488832350522458 Time: 5.23158\n", - "[03/14/2023-21:25:17] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling\n", - "[03/14/2023-21:25:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2842488832350522458\n", - "[03/14/2023-21:25:17] [V] [TRT] *************** Autotuning format combination: Float(150528,1,672,3) -> Float(802816,1,7168,64) ***************\n", - "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:25:18] [V] [TRT] Tactic: 861694390046228376 Time: 23.1077\n", - "[03/14/2023-21:25:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:25:18] [V] [TRT] Tactic: -3853827649136781465 Time: 22.8469\n", - "[03/14/2023-21:25:18] [V] [TRT] Fastest Tactic: -3853827649136781465 Time: 22.8469\n", - "[03/14/2023-21:25:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3853827649136781465\n", - "[03/14/2023-21:25:18] [V] [TRT] *************** Autotuning format combination: Half(150528,50176,224,1) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:18] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:18] [V] [TRT] Tactic: 0 Time: 17.9787\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1 Time: 9.16748\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 472055808, available: 16777216\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 56 Time: 18.3045\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 58 skipped. Scratch requested: 472055808, available: 16777216\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216\n", - "[03/14/2023-21:25:19] [V] [TRT] Fastest Tactic: 1 Time: 9.16748\n", - "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:19] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling\n", - "[03/14/2023-21:25:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:25:19] [V] [TRT] *************** Autotuning format combination: Half(100352,50176:2,224,1) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1145226902788474763 Time: 3.48345\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1651411198763708804 Time: 4.26286\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 2418518597804310654 Time: 4.08451\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 4653005425971292725 Time: 4.04401\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 4930470141256631146 Time: 4.56622\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 8292881859266835088 Time: 4.60886\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: -7448936905981214224 Time: 4.7099\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -3754890472406891741 Time: 7.79769\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -3689982367035295496 Time: 7.57531\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -2894005464278291378 Time: 4.05728\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -1968398013367819764 Time: 7.74699\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -245090590808296743 Time: 7.71212\n", - "[03/14/2023-21:25:20] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 3.48345\n", - "[03/14/2023-21:25:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:4,224,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -8357652348141719927 Time: 2.54385\n", - "[03/14/2023-21:25:20] [V] [TRT] Fastest Tactic: -8357652348141719927 Time: 2.54385\n", - "[03/14/2023-21:25:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8357652348141719927\n", - "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: 385569945292539752 Time: 20.1049\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:25:21] [V] [TRT] Tactic: 833287959109025818 Time: 47.4672\n", - "[03/14/2023-21:25:21] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:25:21] [V] [TRT] Tactic: 1013168150133367738 Time: 7.91085\n", - "[03/14/2023-21:25:21] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:25:22] [V] [TRT] Tactic: 1067227531433278814 Time: 13.9466\n", - "[03/14/2023-21:25:22] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:25:23] [V] [TRT] Tactic: 1554365048685552334 Time: 85.859\n", - "[03/14/2023-21:25:23] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:25:24] [V] [TRT] Tactic: 2027733232253711640 Time: 53.7406\n", - "[03/14/2023-21:25:24] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:25:24] [V] [TRT] Tactic: 3745975654290680669 Time: 42.5785\n", - "[03/14/2023-21:25:24] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:25:25] [V] [TRT] Tactic: 3784804427912340706 Time: 26.8018\n", - "[03/14/2023-21:25:25] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:25:25] [V] [TRT] Tactic: 3823144360994712832 Time: 14.6826\n", - "[03/14/2023-21:25:25] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5635311898703673455 Time: 25.2829\n", - "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5848150552772236982 Time: 22.1839\n", - "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5925270497649423688 Time: 21.6914\n", - "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:25:26] [V] [TRT] Tactic: 6623704051070449703 Time: 11.8015\n", - "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:25:27] [V] [TRT] Tactic: 6680916730816870145 Time: 23.8214\n", - "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7114340626053367917 Time: 14.4581\n", - "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7158029511300006471 Time: 12.2704\n", - "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7612687199567064086 Time: 10.3118\n", - "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:25:28] [V] [TRT] Tactic: 7729555994715864793 Time: 18.647\n", - "[03/14/2023-21:25:28] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:25:28] [V] [TRT] Tactic: 8283847742354150423 Time: 25.0717\n", - "[03/14/2023-21:25:28] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:25:29] [V] [TRT] Tactic: 8455608235315878803 Time: 30.1258\n", - "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:25:29] [V] [TRT] Tactic: 8668812313058150080 Time: 23.6679\n", - "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:25:29] [V] [TRT] Tactic: -8992262742606384444 Time: 8.30963\n", - "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:25:29] [V] [TRT] Tactic: -8682550625095202832 Time: 8.29962\n", - "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:25:30] [V] [TRT] Tactic: -7615325597099025933 Time: 13.4221\n", - "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:25:30] [V] [TRT] Tactic: -7594446953125532601 Time: 21.9614\n", - "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:25:30] [V] [TRT] Tactic: -6828337260021572283 Time: 15.3387\n", - "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:25:30] [V] [TRT] Tactic: -6711815420995272523 Time: 12.5883\n", - "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:25:31] [V] [TRT] Tactic: -6636202818604544855 Time: 40.7407\n", - "[03/14/2023-21:25:31] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:25:31] [V] [TRT] Tactic: -6273232454637933930 Time: 14.7533\n", - "[03/14/2023-21:25:31] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:25:32] [V] [TRT] Tactic: -5710735840878760115 Time: 28.2671\n", - "[03/14/2023-21:25:32] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:25:32] [V] [TRT] Tactic: -5589367647444470524 Time: 33.8799\n", - "[03/14/2023-21:25:32] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:25:33] [V] [TRT] Tactic: -4954692664176521434 Time: 24.3415\n", - "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:25:33] [V] [TRT] Tactic: -4116131327756252574 Time: 16.8688\n", - "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:25:33] [V] [TRT] Tactic: -2586046817576862066 Time: 24.3796\n", - "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: -1708101578041178688 Time: 25.3849\n", - "[03/14/2023-21:25:34] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: -229563042944049199 Time: 25.5176\n", - "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 1013168150133367738 Time: 7.91085\n", - "[03/14/2023-21:25:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1013168150133367738\n", - "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 3.06628\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 0 Time: 3.13128\n", - "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 1002 Time: 3.06628\n", - "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 3.41104\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 0 Time: 2.513\n", - "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 0 Time: 2.513\n", - "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 2.49911\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.49263\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 2.49263\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 4.95445\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 5.86912\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 4.95445\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.38749\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 5.76312\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.38749\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.29618\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 6.091\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.29618\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.43356\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.90286\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 2.43356\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.56891\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 4.11356\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.56891\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.73615\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.13229\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 2.13229\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.49896\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 1.80608\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 1.80608\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.51646\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.6525\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.6525\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 5.94336\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.04028\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.04028\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 1.83338\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.8116\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.8116\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.401\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.9431\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.9431\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.26722\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.66633\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.66633\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 2.58342\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.67387\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.67387\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning format combination: Float(802816,12544,112,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 257 Time: 8.20848\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 65793 Time: 5.83138\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 131329 Time: 4.89147\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 196865 Time: 4.2373\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 262401 Time: 3.40176\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 327937 Time: 5.77686\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 393473 Time: 3.93274\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 459009 Time: 8.29098\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 524545 Time: 5.78809\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 590081 Time: 4.66939\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 655617 Time: 2.72731\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 721153 Time: 2.39115\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 786689 Time: 3.69474\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 852225 Time: 3.31084\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 917761 Time: 8.49416\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 983297 Time: 5.87689\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1048833 Time: 4.64253\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1114369 Time: 2.56432\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1179905 Time: 2.33496\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1245441 Time: 3.55686\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1310977 Time: 3.24315\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1376513 Time: 8.58528\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1442049 Time: 5.9628\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1507585 Time: 4.66484\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1573121 Time: 2.50158\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1638657 Time: 2.29754\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1704193 Time: 3.47492\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1769729 Time: 3.22501\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1835265 Time: 8.61867\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1900801 Time: 5.99947\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1966337 Time: 4.69106\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2031873 Time: 2.4814\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2097409 Time: 2.29431\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2162945 Time: 3.44501\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2228481 Time: 3.21477\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2294017 Time: 8.65303\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2359553 Time: 6.02078\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2425089 Time: 4.75153\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2490625 Time: 2.46538\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2556161 Time: 2.2986\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2621697 Time: 3.43129\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2687233 Time: 3.23195\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 6947073 Time: 2.10846\n", - "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: 6947073 Time: 2.10846\n", - "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: -1 Time: 2.4287\n", - "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: -1 Time: 2.4287\n", - "[03/14/2023-21:25:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 6947073\n", - "[03/14/2023-21:25:40] [V] [TRT] *************** Autotuning format combination: Half(802816,12544,112,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", - "[03/14/2023-21:25:40] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: -1 Time: 1.79429\n", - "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: -1 Time: 1.79429\n", - "[03/14/2023-21:25:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", - "[03/14/2023-21:25:40] [V] [TRT] *************** Autotuning format combination: Half(401408,12544:2,112,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 257 Time: 4.11484\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 65793 Time: 2.92519\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 131329 Time: 2.48088\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 196865 Time: 2.28471\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 262401 Time: 1.7983\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 327937 Time: 3.0425\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 393473 Time: 2.07234\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 459009 Time: 4.15246\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 524545 Time: 2.90165\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 590081 Time: 2.33934\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 655617 Time: 1.41204\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 721153 Time: 1.21599\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 786689 Time: 1.88649\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 852225 Time: 1.65768\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 917761 Time: 4.25703\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 983297 Time: 2.94405\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1048833 Time: 2.33393\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1114369 Time: 1.31246\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1179905 Time: 1.17458\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1245441 Time: 1.7828\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1310977 Time: 1.63078\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1376513 Time: 4.30886\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1442049 Time: 2.99532\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1507585 Time: 2.33558\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1573121 Time: 1.27401\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1638657 Time: 1.1602\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1704193 Time: 1.74848\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1769729 Time: 1.62441\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1835265 Time: 4.32142\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1900801 Time: 3.00278\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1966337 Time: 2.34134\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2031873 Time: 1.26742\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2097409 Time: 1.15705\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2162945 Time: 1.74084\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2228481 Time: 1.62867\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2294017 Time: 4.33209\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2359553 Time: 3.01586\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2425089 Time: 2.36239\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2490625 Time: 1.25373\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2556161 Time: 1.14865\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2621697 Time: 1.73082\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 2687233 Time: 1.62675\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 6947073 Time: 1.06497\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 6947073 Time: 1.06497\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: -3 Time: 1.04372\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -3 Time: 1.04372\n", - "[03/14/2023-21:25:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -3\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,896,8) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", - "[03/14/2023-21:25:43] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: -2 Time: 1.08413\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -2 Time: 1.08413\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: -1 Time: 1.01571\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -1 Time: 1.01571\n", - "[03/14/2023-21:25:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.892344\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.05172\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.892344\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.77658\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.78904\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.77658\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.855092\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.619432\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.619432\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.62408\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.625736\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.62408\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.921072\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.02291\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.921072\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.791452\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.00167\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.791452\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.701276\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.524596\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.524596\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.617296\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.4525\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.4525\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.10406\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.6661\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.6661\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.81778\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.838572\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.81778\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.43644\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.533264\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.533264\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.462248\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.457304\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.457304\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.07535\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.721604\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.721604\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.74746\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.699288\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.699288\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.05312\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.42528\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.42528\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.653364\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.42544\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.42544\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.88996\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.04087\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.88996\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.777104\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.789264\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.777104\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.857196\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.6192\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.6192\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.624172\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.625732\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.624172\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.22497\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.38453\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 1.22497\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.850476\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.27671\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.850476\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.832964\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.386\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.832964\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.616336\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.714348\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.616336\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.917008\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.01953\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.917008\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.789616\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 1.00701\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1002 Time: 0.789616\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.704504\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.526772\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.526772\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.620444\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.45306\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.45306\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.10257\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.665308\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.665308\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.815028\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.838532\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1002 Time: 0.815028\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.40004\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.52708\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.52708\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.464576\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.457712\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.457712\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.07262\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.7222\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.7222\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.748168\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.703344\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.703344\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.06236\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.42376\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.42376\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.647544\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.425076\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.425076\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 3.48695\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1 Time: 2.65732\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 56 Time: 3.49019\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 57 Time: 2.66046\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1 Time: 2.65732\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1754569683116234317 Time: 1.04352\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1825138533642645384 Time: 1.0672\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 2733356012094739613 Time: 1.30806\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 3915320020053085238 Time: 1.16599\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 6808617066150061604 Time: 0.896376\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 9091006216302412844 Time: 0.926316\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: -8060443123034038864 Time: 0.89492\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: -4420849921117327522 Time: 1.28111\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: -3946921629105938337 Time: 1.30816\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: -8060443123034038864 Time: 0.89492\n", - "[03/14/2023-21:25:44] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling\n", - "[03/14/2023-21:25:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 861694390046228376 Time: 1.15135\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5258189349241541167 Time: 0.94812\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5821621277990374316 Time: 1.2214\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5863767799113001648 Time: 1.48661\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: -9147980667639709536 Time: 1.18257\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8892196987859366827 Time: 1.17438\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8850904373104590857 Time: 0.947876\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8010679767156598961 Time: 1.40425\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7751035352149795660 Time: 1.13036\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -5115676123557684531 Time: 1.21842\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -493597327599791285 Time: 0.959012\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -423878181466897819 Time: 1.4373\n", - "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 0.947876\n", - "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 0 Time: 2.58845\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1 Time: 1.63566\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 56 Time: 2.64552\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 1 Time: 1.63566\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling\n", - "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1651411198763708804 Time: 0.476604\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2418518597804310654 Time: 0.476256\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4318470497547290900 Time: 0.474092\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4930470141256631146 Time: 0.64272\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 8292881859266835088 Time: 0.64278\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 8401509141903434922 Time: 0.47518\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8654297089785671176 Time: 0.84054\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7516584506774355935 Time: 0.647572\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7140760933967189247 Time: 0.480688\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -6004726995029373073 Time: 0.642964\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -5719726816705110014 Time: 0.852844\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -4097850214384059472 Time: 0.647228\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -3717489476759089008 Time: 0.47996\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -3689982367035295496 Time: 0.84128\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2640575123064142123 Time: 0.604424\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2534402059426524406 Time: 0.618044\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2027588946874785071 Time: 0.641636\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -1968398013367819764 Time: 0.9028\n", - "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 4318470497547290900 Time: 0.474092\n", - "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 4318470497547290900\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 0 Time: 3.37412\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102789120, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760960, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 56 Time: 3.40972\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760960, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 0 Time: 3.37412\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 83696452256923412 Time: 0.443968\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 106549059816437840 Time: 0.422144\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1179757074518529353 Time: 0.448888\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2105695814191699972 Time: 0.544312\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2148106709480872763 Time: 0.459428\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2410442691266548717 Time: 0.472784\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2511830168590723349 Time: 0.93286\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2634905271404611895 Time: 0.449592\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2689212690707793357 Time: 0.830776\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2798075085844016892 Time: 0.458072\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 3041642431972138763 Time: 0.431032\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3091156937974993800 Time: 0.457192\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3199589679702517123 Time: 0.922036\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3754069740140581927 Time: 0.565196\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3932578551652369355 Time: 0.441692\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4149021101886580762 Time: 0.449476\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4555462412611657028 Time: 0.458024\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4749226340913476230 Time: 0.444356\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5483093640784800285 Time: 0.459764\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5666160310350604399 Time: 0.560384\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5900614001783877430 Time: 0.455484\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5925270497649423688 Time: 0.580312\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5999406432703271895 Time: 0.448956\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 6680916730816870145 Time: 0.466076\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7107292614492808590 Time: 0.4426\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7158029511300006471 Time: 0.532112\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7859952145590271433 Time: 0.470652\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8283847742354150423 Time: 0.563876\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8468288610222482742 Time: 0.463236\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8620567263556985011 Time: 0.62942\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8642279798680442080 Time: 0.438864\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8980274178270132023 Time: 0.452232\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 9108067304506990859 Time: 0.448752\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -9104099172933216230 Time: 0.423816\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8992262742606384444 Time: 0.456\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8956720569082607796 Time: 0.450292\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8952042869709043207 Time: 0.472084\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8898856569474934280 Time: 0.436044\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8774805574135441656 Time: 1.09143\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8749513212655756001 Time: 0.46582\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8520017388966620486 Time: 0.4412\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8487084252145372186 Time: 0.827896\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8391760416076885205 Time: 0.580988\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7990268040387498660 Time: 0.445152\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7849113095413980300 Time: 0.482108\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7533167286135592323 Time: 0.460932\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -6273232454637933930 Time: 0.446944\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5818527483287834165 Time: 0.448608\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5590418898350402100 Time: 0.459564\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5505475137955795830 Time: 0.438796\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5389631537202601150 Time: 0.47942\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5332866838585594777 Time: 0.460444\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5121883532434354186 Time: 0.46116\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5006039300385557796 Time: 0.467936\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4534876761957424274 Time: 0.581536\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4352168563838861262 Time: 0.432984\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4109084522508697633 Time: 0.644676\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -3237051169894153788 Time: 0.53348\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -3136088851200285532 Time: 0.430332\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2827934362840121038 Time: 0.422888\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2676138141351394855 Time: 0.444072\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2601537631049973288 Time: 0.459268\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2586046817576862066 Time: 0.468632\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2569977342077121032 Time: 0.471856\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2422160065350346448 Time: 0.45748\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2125188058121029448 Time: 1.07938\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2123887091022542343 Time: 0.46996\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -1838109259315759592 Time: 0.443056\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -1216445540764179377 Time: 0.474016\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -539379305772590030 Time: 0.4238\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -288413895057594820 Time: 0.465152\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -229563042944049199 Time: 0.431552\n", - "[03/14/2023-21:25:46] [V] [TRT] Fastest Tactic: 106549059816437840 Time: 0.422144\n", - "[03/14/2023-21:25:46] [V] [TRT] Setting workspace to 102760960enables more tactics for profiling\n", - "[03/14/2023-21:25:46] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 106549059816437840\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:46] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:46] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 0 Time: 14.5681\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 1 Time: 6.11356\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 2 skipped. Scratch requested: 924844032, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 6 Time: 5.62158\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 56 Time: 15.0258\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 57 Time: 6.12666\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 58 skipped. Scratch requested: 924844032, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 62 Time: 5.60256\n", - "[03/14/2023-21:25:47] [V] [TRT] Fastest Tactic: 62 Time: 5.60256\n", - "[03/14/2023-21:25:47] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 1825138533642645384 Time: 8.66786\n", - "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 2775507031594384867 Time: 4.06037\n", - "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 2842488832350522458 Time: 4.88078\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 3915320020053085238 Time: 8.57519\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 6448355332020552203 Time: 8.98138\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 6808617066150061604 Time: 4.52371\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: -8060443123034038864 Time: 4.98695\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: -4420849921117327522 Time: 6.6014\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: -3946921629105938337 Time: 6.03132\n", - "[03/14/2023-21:25:48] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.06037\n", - "[03/14/2023-21:25:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", - "[03/14/2023-21:25:48] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:48] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:48] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 861694390046228376 Time: 8.82623\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: 1017870653102653567 Time: 8.52368\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5258189349241541167 Time: 4.7221\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5821621277990374316 Time: 8.83215\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5863767799113001648 Time: 5.61469\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -9147980667639709536 Time: 8.47701\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -8850904373104590857 Time: 4.69671\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -7751035352149795660 Time: 8.74533\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -3853827649136781465 Time: 8.86262\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -3263369460438823196 Time: 4.79143\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: -423878181466897819 Time: 5.62627\n", - "[03/14/2023-21:25:50] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 4.69671\n", - "[03/14/2023-21:25:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:50] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 0 Time: 13.6761\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1 Time: 5.95135\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 56 Time: 13.8187\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Fastest Tactic: 1 Time: 5.95135\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:50] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling\n", - "[03/14/2023-21:25:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:25:50] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1145226902788474763 Time: 2.10786\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1651411198763708804 Time: 2.47597\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65718\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4318470497547290900 Time: 2.55147\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4653005425971292725 Time: 2.55578\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: 4930470141256631146 Time: 2.89898\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: 8292881859266835088 Time: 3.01729\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: 8401509141903434922 Time: 2.688\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -8654297089785671176 Time: 4.7587\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -7448936905981214224 Time: 2.6478\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -6004726995029373073 Time: 2.91876\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -5719726816705110014 Time: 4.788\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3754890472406891741 Time: 4.78464\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3689982367035295496 Time: 4.73052\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3140347171730126532 Time: 2.27356\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -2894005464278291378 Time: 2.75334\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -2027588946874785071 Time: 3.08624\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -1968398013367819764 Time: 4.86706\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -245090590808296743 Time: 4.77578\n", - "[03/14/2023-21:25:51] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.10786\n", - "[03/14/2023-21:25:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:25:51] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:51] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:51] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:51] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:51] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 0 Time: 20.3317\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102854656, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 513802752, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 56 Time: 20.3194\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 58 skipped. Scratch requested: 513802752, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Fastest Tactic: 56 Time: 20.3194\n", - "[03/14/2023-21:25:52] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 46202665595848747 Time: 4.2102\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 239013563835492727 Time: 1.61573\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 385569945292539752 Time: 2.39918\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 671037109694951988 Time: 1.26386\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 833287959109025818 Time: 2.74954\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 864841579020773074 Time: 1.43094\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 912634305247603909 Time: 4.64117\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1013168150133367738 Time: 1.07645\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1014187170474222133 Time: 2.23764\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1067227531433278814 Time: 1.48487\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1554365048685552334 Time: 4.80297\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1579845938601132607 Time: 1.3444\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1796821236841789338 Time: 1.81438\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1837941418294761657 Time: 2.4706\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1948263663414159978 Time: 1.4464\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1989668371181446952 Time: 1.87911\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2027733232253711640 Time: 3.28656\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2148106709480872763 Time: 1.02854\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10029\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2410442691266548717 Time: 1.48594\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3464689803495983377 Time: 0.965184\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3636831327753843771 Time: 1.38524\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3745975654290680669 Time: 4.38505\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3754069740140581927 Time: 2.56572\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3784804427912340706 Time: 2.63436\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3823144360994712832 Time: 1.09625\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3919868136802676679 Time: 2.25824\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5263029549013613567 Time: 1.36926\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5506334059535811602 Time: 2.77624\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5635311898703673455 Time: 1.30312\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5786991692145244692 Time: 2.14452\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5848150552772236982 Time: 2.33394\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5925270497649423688 Time: 2.36203\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 5932046018238429951 Time: 1.60116\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6103089697398018604 Time: 4.42721\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6195603576432354734 Time: 1.53355\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6252808259936499253 Time: 1.53151\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6408235920257988861 Time: 1.32669\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6623704051070449703 Time: 1.49061\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6680916730816870145 Time: 1.55246\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7114340626053367917 Time: 1.58687\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7158029511300006471 Time: 1.44923\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7612687199567064086 Time: 1.20283\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7729555994715864793 Time: 2.06211\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7844857443355818347 Time: 2.35748\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7849296535223586261 Time: 1.25488\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7859952145590271433 Time: 1.54171\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8219150286974756863 Time: 2.19712\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8283847742354150423 Time: 2.71731\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8455608235315878803 Time: 1.7204\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8668812313058150080 Time: 1.34551\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8992262742606384444 Time: 1.05919\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8750433364328295059 Time: 1.30364\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8682550625095202832 Time: 1.0711\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8392835332206231687 Time: 1.7706\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8254009616492665198 Time: 1.5791\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7615325597099025933 Time: 1.53164\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7594446953125532601 Time: 2.33646\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7345578023323941164 Time: 2.0865\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6828337260021572283 Time: 1.9082\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6711815420995272523 Time: 1.68417\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6636202818604544855 Time: 2.37709\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6489479581011009593 Time: 3.30609\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6320761427625651496 Time: 3.0741\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6273232454637933930 Time: 1.05027\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6080892721161662420 Time: 1.32126\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6032793021868796623 Time: 2.32227\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5818527483287834165 Time: 1.07398\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5710735840878760115 Time: 1.71286\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5589367647444470524 Time: 1.77182\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5546257196173962281 Time: 1.9907\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5198219374380660379 Time: 1.00556\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4954692664176521434 Time: 1.51269\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4627695383426341593 Time: 1.53613\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4534876761957424274 Time: 2.38709\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4142141368456048176 Time: 1.48293\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4116131327756252574 Time: 2.00185\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3968200906158272636 Time: 4.76868\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62903\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13929\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3271955096576257018 Time: 2.07832\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3237051169894153788 Time: 1.49884\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3136088851200285532 Time: 1.41415\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2871615028541756894 Time: 2.24322\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2751179716463646694 Time: 2.75345\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2634388175487609605 Time: 1.8579\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2586046817576862066 Time: 1.49181\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1708101578041178688 Time: 2.79445\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1586820571068855896 Time: 2.66179\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1020632631321619146 Time: 2.41266\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: -907287437357565279 Time: 2.78968\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: -229563042944049199 Time: 1.3166\n", - "[03/14/2023-21:25:56] [V] [TRT] Fastest Tactic: 3464689803495983377 Time: 0.965184\n", - "[03/14/2023-21:25:56] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling\n", - "[03/14/2023-21:25:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3464689803495983377\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 0 Time: 8.69071\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1 Time: 7.08625\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 56 Time: 8.7835\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 57 Time: 7.0796\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Fastest Tactic: 57 Time: 7.0796\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1754569683116234317 Time: 2.96599\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1825138533642645384 Time: 2.88385\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08942\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 3915320020053085238 Time: 2.87287\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 6808617066150061604 Time: 3.47279\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 9091006216302412844 Time: 3.52918\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8060443123034038864 Time: 3.47494\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -4420849921117327522 Time: 5.05212\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -3946921629105938337 Time: 5.09306\n", - "[03/14/2023-21:25:57] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 2.87287\n", - "[03/14/2023-21:25:57] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:25:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", - "[03/14/2023-21:25:57] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 861694390046228376 Time: 3.16713\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5258189349241541167 Time: 3.29238\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5821621277990374316 Time: 3.18322\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5863767799113001648 Time: 5.62735\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -9147980667639709536 Time: 2.95326\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8892196987859366827 Time: 2.79062\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8850904373104590857 Time: 3.34484\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8010679767156598961 Time: 5.49908\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -7751035352149795660 Time: 2.98488\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -5115676123557684531 Time: 3.02271\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -493597327599791285 Time: 3.30802\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -423878181466897819 Time: 5.56863\n", - "[03/14/2023-21:25:58] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 2.79062\n", - "[03/14/2023-21:25:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827\n", - "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 0 Time: 6.71694\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 1 Time: 5.01803\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 56 Time: 6.9212\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Fastest Tactic: 1 Time: 5.01803\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:25:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 1651411198763708804 Time: 1.88324\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 2418518597804310654 Time: 1.89382\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4318470497547290900 Time: 1.88955\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4930470141256631146 Time: 2.50083\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 8292881859266835088 Time: 2.50276\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 8401509141903434922 Time: 1.89221\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -8654297089785671176 Time: 1.94683\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -7516584506774355935 Time: 2.51802\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -7140760933967189247 Time: 1.87097\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -6004726995029373073 Time: 2.50457\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -5719726816705110014 Time: 1.91919\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -4097850214384059472 Time: 2.5183\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -3717489476759089008 Time: 1.86452\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -3689982367035295496 Time: 1.99914\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2640575123064142123 Time: 1.37774\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2534402059426524406 Time: 1.38764\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2027588946874785071 Time: 2.50699\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -1968398013367819764 Time: 1.89146\n", - "[03/14/2023-21:25:59] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.37774\n", - "[03/14/2023-21:25:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:25:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 0 Time: 7.78587\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 56 Time: 7.995\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:25:59] [V] [TRT] Fastest Tactic: 0 Time: 7.78587\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 83696452256923412 Time: 1.22374\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 106549059816437840 Time: 1.53651\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 1179757074518529353 Time: 1.33568\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2105695814191699972 Time: 1.46948\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2148106709480872763 Time: 1.34894\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2410442691266548717 Time: 1.18068\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2511830168590723349 Time: 1.17869\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2634905271404611895 Time: 1.23766\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2689212690707793357 Time: 1.21462\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2798075085844016892 Time: 1.22984\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3041642431972138763 Time: 1.17658\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3091156937974993800 Time: 1.23423\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3199589679702517123 Time: 1.17888\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34142\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3932578551652369355 Time: 1.19747\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4149021101886580762 Time: 1.23176\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4555462412611657028 Time: 1.37373\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4749226340913476230 Time: 1.21921\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5483093640784800285 Time: 1.2168\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5666160310350604399 Time: 1.41672\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5900614001783877430 Time: 1.34146\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5925270497649423688 Time: 1.44352\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5999406432703271895 Time: 1.20078\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 6680916730816870145 Time: 1.62947\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7107292614492808590 Time: 1.20532\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7158029511300006471 Time: 1.50054\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7859952145590271433 Time: 1.55482\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8283847742354150423 Time: 1.29305\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8468288610222482742 Time: 1.25145\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8620567263556985011 Time: 1.22165\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8642279798680442080 Time: 1.18643\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8980274178270132023 Time: 1.19134\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 9108067304506990859 Time: 1.19096\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -9104099172933216230 Time: 1.95816\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8992262742606384444 Time: 1.37068\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8956720569082607796 Time: 1.35463\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8952042869709043207 Time: 1.49149\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17383\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8774805574135441656 Time: 1.42988\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8749513212655756001 Time: 1.2951\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8520017388966620486 Time: 1.20039\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8487084252145372186 Time: 1.20924\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8391760416076885205 Time: 1.41363\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7990268040387498660 Time: 1.52278\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2336\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7533167286135592323 Time: 1.28791\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -6273232454637933930 Time: 1.46087\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5818527483287834165 Time: 1.4499\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5590418898350402100 Time: 1.2399\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5505475137955795830 Time: 1.17834\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5389631537202601150 Time: 1.21694\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5332866838585594777 Time: 1.29368\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5121883532434354186 Time: 1.25819\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -5006039300385557796 Time: 1.38987\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4534876761957424274 Time: 1.41489\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17967\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4109084522508697633 Time: 1.2214\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -3237051169894153788 Time: 1.45491\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -3136088851200285532 Time: 1.18222\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2827934362840121038 Time: 1.49864\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2676138141351394855 Time: 1.64646\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2601537631049973288 Time: 1.25675\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2586046817576862066 Time: 1.19865\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2569977342077121032 Time: 1.22487\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2422160065350346448 Time: 1.52484\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2125188058121029448 Time: 1.39176\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2123887091022542343 Time: 1.4297\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -1838109259315759592 Time: 1.19268\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -1216445540764179377 Time: 1.17472\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -539379305772590030 Time: 1.91316\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -288413895057594820 Time: 1.3824\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -229563042944049199 Time: 1.16972\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 1.16972\n", - "[03/14/2023-21:26:01] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", - "[03/14/2023-21:26:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.63728\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 5.25756\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 3.63728\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.08153\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 3.12652\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 3.08153\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.46214\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 2.4794\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 0 Time: 2.4794\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 2.53382\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 2.6194\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 2.53382\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 5.06571\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.41423\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 5.06571\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.73516\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.17952\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.73516\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.43491\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.7017\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.43491\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 2.48876\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 2.89685\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 2.48876\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.63218\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 4.10883\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.63218\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.30606\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 4.46449\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.30606\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 2.94293\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.2153\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.2153\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 2.57956\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.94226\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.94226\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.37686\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.64134\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.64134\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 3.4095\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 3.82438\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 1002 Time: 3.4095\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 5.921\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.09115\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.09115\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 1.92955\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.94206\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 1002 Time: 1.92955\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.35107\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 3.04436\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 3.04436\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 3.13174\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.83574\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.83574\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.04736\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.78845\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.78845\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 2.70333\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.81833\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.81833\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:03] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 0 Time: 16.9606\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 1 Time: 15.3408\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 56 Time: 16.9856\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 57 Time: 15.3519\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:05] [V] [TRT] Fastest Tactic: 1 Time: 15.3408\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 1754569683116234317 Time: 4.52594\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 1825138533642645384 Time: 4.52753\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 2733356012094739613 Time: 6.73204\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 3915320020053085238 Time: 4.52271\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 6808617066150061604 Time: 5.2217\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 9091006216302412844 Time: 5.23694\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: -8060443123034038864 Time: 5.23118\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: -4420849921117327522 Time: 6.75486\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: -3946921629105938337 Time: 6.72509\n", - "[03/14/2023-21:26:05] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 4.52271\n", - "[03/14/2023-21:26:05] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:26:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:05] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: 861694390046228376 Time: 4.21176\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5258189349241541167 Time: 4.30732\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5821621277990374316 Time: 4.19973\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5863767799113001648 Time: 8.18328\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -9147980667639709536 Time: 4.20859\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8892196987859366827 Time: 4.19492\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8850904373104590857 Time: 4.33441\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8010679767156598961 Time: 8.0516\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -7751035352149795660 Time: 4.20574\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -5115676123557684531 Time: 4.19564\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -493597327599791285 Time: 4.33347\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: -423878181466897819 Time: 8.15399\n", - "[03/14/2023-21:26:07] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 4.19492\n", - "[03/14/2023-21:26:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:07] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 0 Time: 11.3489\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 1 Time: 9.6141\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 56 Time: 11.5346\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Fastest Tactic: 1 Time: 9.6141\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:26:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:07] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 1651411198763708804 Time: 2.61365\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 2418518597804310654 Time: 2.60653\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4318470497547290900 Time: 2.60788\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4930470141256631146 Time: 3.39502\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 8292881859266835088 Time: 3.39821\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 8401509141903434922 Time: 2.6036\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: -8654297089785671176 Time: 2.34327\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -7516584506774355935 Time: 3.3963\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -7140760933967189247 Time: 2.58436\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -6004726995029373073 Time: 3.39902\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -5719726816705110014 Time: 2.28627\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -4097850214384059472 Time: 3.40027\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -3717489476759089008 Time: 2.58338\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -3689982367035295496 Time: 2.28803\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2640575123064142123 Time: 2.19947\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2534402059426524406 Time: 2.20093\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2027588946874785071 Time: 3.38969\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -1968398013367819764 Time: 2.3232\n", - "[03/14/2023-21:26:08] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 2.19947\n", - "[03/14/2023-21:26:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:08] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 0 Time: 12.8772\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 56 Time: 12.8834\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:08] [V] [TRT] Fastest Tactic: 0 Time: 12.8772\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 83696452256923412 Time: 2.06856\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 106549059816437840 Time: 2.0215\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 1179757074518529353 Time: 2.021\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2105695814191699972 Time: 2.35647\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2148106709480872763 Time: 2.0757\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2410442691266548717 Time: 1.95643\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2511830168590723349 Time: 1.88809\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2634905271404611895 Time: 1.99122\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2689212690707793357 Time: 1.92748\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2798075085844016892 Time: 1.96603\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3041642431972138763 Time: 1.96917\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3091156937974993800 Time: 1.96923\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3199589679702517123 Time: 1.88582\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3754069740140581927 Time: 1.97477\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3932578551652369355 Time: 1.98566\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4149021101886580762 Time: 1.98345\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4555462412611657028 Time: 2.06035\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4749226340913476230 Time: 2.08465\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5483093640784800285 Time: 2.003\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97597\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5900614001783877430 Time: 2.11212\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5925270497649423688 Time: 2.28314\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5999406432703271895 Time: 1.97671\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 6680916730816870145 Time: 2.19008\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7107292614492808590 Time: 1.99666\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7158029511300006471 Time: 2.32034\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7859952145590271433 Time: 2.1374\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8283847742354150423 Time: 1.98524\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8468288610222482742 Time: 1.93233\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8620567263556985011 Time: 1.93783\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8642279798680442080 Time: 1.96882\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8980274178270132023 Time: 2.10182\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 9108067304506990859 Time: 1.96887\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -9104099172933216230 Time: 2.09693\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8992262742606384444 Time: 2.04685\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8956720569082607796 Time: 2.14558\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8952042869709043207 Time: 2.11309\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8898856569474934280 Time: 1.95626\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8774805574135441656 Time: 1.88588\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8749513212655756001 Time: 1.923\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8520017388966620486 Time: 1.98294\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8487084252145372186 Time: 1.92581\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8391760416076885205 Time: 2.26366\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7990268040387498660 Time: 2.08367\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7849113095413980300 Time: 1.92418\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7533167286135592323 Time: 2.07484\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -6273232454637933930 Time: 2.02605\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5818527483287834165 Time: 2.05393\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5590418898350402100 Time: 2.01926\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5505475137955795830 Time: 1.95134\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5389631537202601150 Time: 1.93405\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5332866838585594777 Time: 2.07688\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5121883532434354186 Time: 2.01222\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -5006039300385557796 Time: 2.04342\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4534876761957424274 Time: 2.29461\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4352168563838861262 Time: 1.96162\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4109084522508697633 Time: 1.93214\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -3237051169894153788 Time: 2.25034\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -3136088851200285532 Time: 1.97356\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2827934362840121038 Time: 2.01934\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2676138141351394855 Time: 2.11707\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2601537631049973288 Time: 1.98446\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2586046817576862066 Time: 1.94746\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2569977342077121032 Time: 2.14225\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2422160065350346448 Time: 2.0796\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2125188058121029448 Time: 1.88317\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2123887091022542343 Time: 2.10715\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -1838109259315759592 Time: 1.99644\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -1216445540764179377 Time: 1.93996\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -539379305772590030 Time: 2.06371\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -288413895057594820 Time: 2.05584\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -229563042944049199 Time: 1.94987\n", - "[03/14/2023-21:26:11] [V] [TRT] Fastest Tactic: -2125188058121029448 Time: 1.88317\n", - "[03/14/2023-21:26:11] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", - "[03/14/2023-21:26:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:11] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: 1002 Time: 3.62912\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: 0 Time: 5.29018\n", - "[03/14/2023-21:26:11] [V] [TRT] Fastest Tactic: 1002 Time: 3.62912\n", - "[03/14/2023-21:26:11] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: 1002 Time: 3.08146\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 3.12713\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.08146\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.45906\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.47943\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 0 Time: 2.47943\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 2.53163\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.61731\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 2.53163\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 5.06392\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.38939\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 5.06392\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.72979\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.19002\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.72979\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.42706\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.67584\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.42706\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 2.48898\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.93382\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 2.48898\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.62796\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 4.0949\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.62796\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.3077\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 4.49648\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 3.3077\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 2.94515\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.2047\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.2047\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 2.58987\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 1.94792\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 1.94792\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 4.37586\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.64954\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.64954\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.40449\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 3.85535\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 3.40449\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 5.84436\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.12591\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.12591\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 1.93532\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 1.94257\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 1.93532\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 4.35643\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 3.03605\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 3.03605\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.1277\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 2.81728\n", - "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 2.81728\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1002 Time: 4.14508\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 1.78761\n", - "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 1.78761\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1002 Time: 2.69886\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 1.81212\n", - "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 1.81212\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 7.4997\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1 Time: 3.90323\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 56 Time: 7.76214\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 57 Time: 3.9025\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 57 Time: 3.9025\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1754569683116234317 Time: 3.87778\n", - "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1825138533642645384 Time: 4.29082\n", - "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 2733356012094739613 Time: 3.82544\n", - "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 3915320020053085238 Time: 4.27861\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 6808617066150061604 Time: 2.30925\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 9091006216302412844 Time: 2.38484\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8060443123034038864 Time: 2.4869\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -4420849921117327522 Time: 3.98048\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -3946921629105938337 Time: 3.89444\n", - "[03/14/2023-21:26:15] [V] [TRT] Fastest Tactic: 6808617066150061604 Time: 2.30925\n", - "[03/14/2023-21:26:15] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:26:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:15] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 861694390046228376 Time: 4.74812\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5258189349241541167 Time: 3.28073\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5821621277990374316 Time: 4.82016\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5863767799113001648 Time: 3.35037\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -9147980667639709536 Time: 4.44396\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8892196987859366827 Time: 4.65777\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8850904373104590857 Time: 3.27008\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8010679767156598961 Time: 3.278\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -7751035352149795660 Time: 4.45339\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -5115676123557684531 Time: 4.76952\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -493597327599791285 Time: 3.2689\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -423878181466897819 Time: 3.35861\n", - "[03/14/2023-21:26:16] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 3.2689\n", - "[03/14/2023-21:26:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285\n", - "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 0 Time: 6.83466\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 1 Time: 3.36372\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 56 Time: 7.12906\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Fastest Tactic: 1 Time: 3.36372\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:26:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 1651411198763708804 Time: 1.13335\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 2418518597804310654 Time: 1.14232\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4318470497547290900 Time: 1.24323\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4930470141256631146 Time: 1.91259\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 8292881859266835088 Time: 1.92004\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 8401509141903434922 Time: 1.24162\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -8654297089785671176 Time: 2.59261\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -7516584506774355935 Time: 1.90534\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -7140760933967189247 Time: 1.19002\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -6004726995029373073 Time: 1.89864\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -5719726816705110014 Time: 2.50608\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90388\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -3717489476759089008 Time: 1.16298\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -3689982367035295496 Time: 2.5249\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2640575123064142123 Time: 2.17261\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2534402059426524406 Time: 2.25206\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88888\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -1968398013367819764 Time: 2.51032\n", - "[03/14/2023-21:26:17] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.13335\n", - "[03/14/2023-21:26:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:17] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 0 Time: 9.94437\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 56 Time: 9.97264\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:17] [V] [TRT] Fastest Tactic: 0 Time: 9.94437\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 83696452256923412 Time: 1.38268\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 106549059816437840 Time: 1.13724\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 1179757074518529353 Time: 1.14823\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2105695814191699972 Time: 1.37782\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2148106709480872763 Time: 1.18448\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2410442691266548717 Time: 1.15506\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2511830168590723349 Time: 1.73642\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2634905271404611895 Time: 1.36127\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2689212690707793357 Time: 2.28959\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2798075085844016892 Time: 1.35691\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3041642431972138763 Time: 1.1416\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3091156937974993800 Time: 1.35739\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3199589679702517123 Time: 1.77771\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3754069740140581927 Time: 1.50436\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 3932578551652369355 Time: 1.14463\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4149021101886580762 Time: 1.36166\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4555462412611657028 Time: 1.18841\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4749226340913476230 Time: 1.37226\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5483093640784800285 Time: 1.35921\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5666160310350604399 Time: 1.56956\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5900614001783877430 Time: 1.37036\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5925270497649423688 Time: 1.4631\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5999406432703271895 Time: 1.39323\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 6680916730816870145 Time: 1.1535\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7107292614492808590 Time: 1.14232\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7158029511300006471 Time: 1.37847\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7859952145590271433 Time: 1.15301\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8283847742354150423 Time: 1.52632\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8468288610222482742 Time: 1.36274\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8620567263556985011 Time: 1.5261\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8642279798680442080 Time: 1.2159\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8980274178270132023 Time: 1.36139\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 9108067304506990859 Time: 1.39251\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -9104099172933216230 Time: 1.15541\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8992262742606384444 Time: 1.18197\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8956720569082607796 Time: 1.3667\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8952042869709043207 Time: 1.36377\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8898856569474934280 Time: 1.18302\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8774805574135441656 Time: 2.65666\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8749513212655756001 Time: 1.36356\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8520017388966620486 Time: 1.14655\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8487084252145372186 Time: 2.3234\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45396\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7990268040387498660 Time: 1.37924\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7849113095413980300 Time: 1.44557\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37732\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15277\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5818527483287834165 Time: 1.155\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5590418898350402100 Time: 1.36169\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5505475137955795830 Time: 1.14785\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5389631537202601150 Time: 1.42305\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5332866838585594777 Time: 1.37793\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5121883532434354186 Time: 1.36288\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5006039300385557796 Time: 1.37054\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4534876761957424274 Time: 1.44926\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4352168563838861262 Time: 1.14652\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4109084522508697633 Time: 1.51725\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -3237051169894153788 Time: 1.37834\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -3136088851200285532 Time: 1.14234\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2827934362840121038 Time: 1.13529\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2676138141351394855 Time: 1.36638\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2601537631049973288 Time: 1.36166\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2586046817576862066 Time: 1.15734\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2569977342077121032 Time: 1.38407\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2422160065350346448 Time: 1.15336\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2125188058121029448 Time: 2.43863\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2123887091022542343 Time: 1.36244\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -1838109259315759592 Time: 1.1417\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -1216445540764179377 Time: 1.15263\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -539379305772590030 Time: 1.146\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -288413895057594820 Time: 1.36787\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -229563042944049199 Time: 1.14331\n", - "[03/14/2023-21:26:19] [V] [TRT] Fastest Tactic: -2827934362840121038 Time: 1.13529\n", - "[03/14/2023-21:26:19] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", - "[03/14/2023-21:26:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CudnnConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CudnnConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CublasConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CudnnConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CublasConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CudnnConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CudnnConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CublasConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CaskConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: 0 Time: 10.4372\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: 1 Time: 7.80291\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 56 Time: 10.4692\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 57 Time: 7.76947\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Fastest Tactic: 57 Time: 7.76947\n", - "[03/14/2023-21:26:20] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:20] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:20] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 1754569683116234317 Time: 4.10369\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 1825138533642645384 Time: 4.63486\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 2733356012094739613 Time: 7.77085\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 3915320020053085238 Time: 4.68324\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 6808617066150061604 Time: 4.91847\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 9091006216302412844 Time: 4.88394\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: -8060443123034038864 Time: 5.45988\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -4420849921117327522 Time: 7.86368\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -3946921629105938337 Time: 7.84282\n", - "[03/14/2023-21:26:21] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.10369\n", - "[03/14/2023-21:26:21] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling\n", - "[03/14/2023-21:26:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:21] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:21] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:21] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: 861694390046228376 Time: 5.17465\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5258189349241541167 Time: 5.40274\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5821621277990374316 Time: 5.34472\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5863767799113001648 Time: 6.44954\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -9147980667639709536 Time: 4.65187\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -8892196987859366827 Time: 5.15732\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -8850904373104590857 Time: 5.62072\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -8010679767156598961 Time: 6.42515\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -7751035352149795660 Time: 4.54635\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -5115676123557684531 Time: 5.234\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -493597327599791285 Time: 5.19878\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -423878181466897819 Time: 6.44774\n", - "[03/14/2023-21:26:22] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.54635\n", - "[03/14/2023-21:26:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 0 Time: 8.78176\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 1 Time: 6.97351\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 56 Time: 9.193\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Fastest Tactic: 1 Time: 6.97351\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling\n", - "[03/14/2023-21:26:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 1651411198763708804 Time: 2.23041\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 2418518597804310654 Time: 2.76401\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 4318470497547290900 Time: 2.89282\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 4930470141256631146 Time: 3.82514\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 8292881859266835088 Time: 3.83666\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 8401509141903434922 Time: 2.59163\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -8654297089785671176 Time: 2.72207\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81489\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -7140760933967189247 Time: 2.67334\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -6004726995029373073 Time: 3.81524\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -5719726816705110014 Time: 2.81584\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -4097850214384059472 Time: 3.81036\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -3717489476759089008 Time: 2.56652\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -3689982367035295496 Time: 2.79711\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2640575123064142123 Time: 2.32529\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2534402059426524406 Time: 2.47114\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2027588946874785071 Time: 3.81055\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -1968398013367819764 Time: 2.70597\n", - "[03/14/2023-21:26:23] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.23041\n", - "[03/14/2023-21:26:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:23] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:23] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:23] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 0 Time: 11.9881\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308367360, available: 16777216\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 308281856, available: 16777216\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 56 Time: 11.986\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 308281856, available: 16777216\n", - "[03/14/2023-21:26:24] [V] [TRT] Fastest Tactic: 56 Time: 11.986\n", - "[03/14/2023-21:26:24] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:24] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 83696452256923412 Time: 1.73602\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 106549059816437840 Time: 1.8251\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 1179757074518529353 Time: 1.62209\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2105695814191699972 Time: 1.95163\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2148106709480872763 Time: 1.42249\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2410442691266548717 Time: 1.4002\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2511830168590723349 Time: 1.9861\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2634905271404611895 Time: 1.59995\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2689212690707793357 Time: 2.50696\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2798075085844016892 Time: 1.57488\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3041642431972138763 Time: 1.3652\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3091156937974993800 Time: 1.57365\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3199589679702517123 Time: 2.02617\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3754069740140581927 Time: 1.94369\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3932578551652369355 Time: 1.75192\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 4149021101886580762 Time: 1.5986\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 4555462412611657028 Time: 1.40946\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 4749226340913476230 Time: 1.92278\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5483093640784800285 Time: 1.68264\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5666160310350604399 Time: 1.9484\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5900614001783877430 Time: 2.00919\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5925270497649423688 Time: 1.80734\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5999406432703271895 Time: 1.64324\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 6680916730816870145 Time: 1.87314\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7107292614492808590 Time: 1.38757\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7158029511300006471 Time: 1.9567\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7859952145590271433 Time: 1.72715\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8283847742354150423 Time: 1.83503\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8468288610222482742 Time: 1.61269\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8620567263556985011 Time: 1.65592\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8642279798680442080 Time: 1.4048\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8980274178270132023 Time: 1.72507\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 9108067304506990859 Time: 1.68727\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -9104099172933216230 Time: 2.57202\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8992262742606384444 Time: 1.42907\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8956720569082607796 Time: 1.97846\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8952042869709043207 Time: 1.6255\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8898856569474934280 Time: 1.42277\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8774805574135441656 Time: 2.81987\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8749513212655756001 Time: 1.622\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8520017388966620486 Time: 1.68875\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8487084252145372186 Time: 2.56742\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8391760416076885205 Time: 1.77491\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7990268040387498660 Time: 2.268\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7849113095413980300 Time: 1.74418\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7533167286135592323 Time: 1.58289\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -6273232454637933930 Time: 1.63654\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5818527483287834165 Time: 1.58924\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5590418898350402100 Time: 1.5998\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5505475137955795830 Time: 1.36142\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5389631537202601150 Time: 1.72517\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5332866838585594777 Time: 1.58355\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5121883532434354186 Time: 1.58128\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5006039300385557796 Time: 1.60268\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4534876761957424274 Time: 1.79116\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4352168563838861262 Time: 1.36429\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4109084522508697633 Time: 1.69677\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -3237051169894153788 Time: 1.93344\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -3136088851200285532 Time: 1.36755\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2827934362840121038 Time: 1.85749\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2676138141351394855 Time: 2.54992\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2601537631049973288 Time: 1.57725\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2586046817576862066 Time: 1.39309\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2569977342077121032 Time: 1.70305\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2422160065350346448 Time: 1.7152\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2125188058121029448 Time: 2.7527\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2123887091022542343 Time: 1.62118\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -1838109259315759592 Time: 1.38948\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -1216445540764179377 Time: 1.39152\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -539379305772590030 Time: 2.48078\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -288413895057594820 Time: 1.60094\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -229563042944049199 Time: 1.36418\n", - "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 1.36142\n", - "[03/14/2023-21:26:26] [V] [TRT] Setting workspace to 308281856enables more tactics for profiling\n", - "[03/14/2023-21:26:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: 1002 Time: 1.81506\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: 0 Time: 2.54537\n", - "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: 1002 Time: 1.81506\n", - "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: 1002 Time: 1.54379\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: 0 Time: 1.56687\n", - "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: 1002 Time: 1.54379\n", - "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.70546\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.2398\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.2398\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.25776\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.26774\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.25776\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.49214\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.8954\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 2.49214\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.73195\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.88307\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.73195\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.66778\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 3.01396\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.66778\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.22402\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.48794\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.22402\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.82535\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.04242\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.82535\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.6254\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.16718\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.6254\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.4356\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.10433\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.10433\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.27321\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 0.934584\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 0.934584\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.19373\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.33221\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.33221\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.67646\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.83567\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.67646\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 3.00827\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.07806\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.07806\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 0.939808\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 0.924796\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 0.924796\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.167\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.47001\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.47001\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.54437\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 1.3938\n", - "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 1.3938\n", - "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.84984\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 0.858736\n", - "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 0.858736\n", - "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.30845\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 0.87146\n", - "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 0.87146\n", - "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning format combination: Float(401408,3136,56,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:28] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 8.1038\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1 Time: 5.45421\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 56 Time: 8.31149\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 57 Time: 5.2943\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216\n", - "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 57 Time: 5.2943\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1825138533642645384 Time: 4.33605\n", - "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 2842488832350522458 Time: 5.08185\n", - "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 3915320020053085238 Time: 4.82682\n", - "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 6448355332020552203 Time: 4.79169\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 6808617066150061604 Time: 5.40733\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: -8060443123034038864 Time: 5.57746\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: -4420849921117327522 Time: 7.97182\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: -3946921629105938337 Time: 7.16218\n", - "[03/14/2023-21:26:29] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.33605\n", - "[03/14/2023-21:26:29] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling\n", - "[03/14/2023-21:26:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,7168,128) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:29] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:29] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 861694390046228376 Time: 5.58456\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 1017870653102653567 Time: 5.43739\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5258189349241541167 Time: 5.34297\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5821621277990374316 Time: 5.46718\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5863767799113001648 Time: 5.61806\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -9147980667639709536 Time: 5.00782\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -8850904373104590857 Time: 5.32274\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -7751035352149795660 Time: 5.21485\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -3853827649136781465 Time: 5.6545\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -3263369460438823196 Time: 5.32388\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -423878181466897819 Time: 5.5386\n", - "[03/14/2023-21:26:30] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 5.00782\n", - "[03/14/2023-21:26:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:30] [V] [TRT] *************** Autotuning format combination: Half(401408,3136,56,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 0 Time: 7.50266\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 1 Time: 6.07552\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 56 Time: 7.81902\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216\n", - "[03/14/2023-21:26:30] [V] [TRT] Fastest Tactic: 1 Time: 6.07552\n", - "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:30] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:30] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling\n", - "[03/14/2023-21:26:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:30] [V] [TRT] *************** Autotuning format combination: Half(200704,3136:2,56,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:30] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:30] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 1145226902788474763 Time: 2.30668\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 1651411198763708804 Time: 2.9015\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 2418518597804310654 Time: 2.802\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4318470497547290900 Time: 2.85037\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4653005425971292725 Time: 2.79806\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4930470141256631146 Time: 3.4501\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 8292881859266835088 Time: 3.53896\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 8401509141903434922 Time: 2.88036\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -8654297089785671176 Time: 2.66054\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -7448936905981214224 Time: 3.44895\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -6004726995029373073 Time: 3.57845\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -5719726816705110014 Time: 2.77758\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -3754890472406891741 Time: 2.60462\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -3689982367035295496 Time: 2.54233\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -2894005464278291378 Time: 3.21132\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -2027588946874785071 Time: 3.49477\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -1968398013367819764 Time: 2.72511\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -245090590808296743 Time: 2.59831\n", - "[03/14/2023-21:26:31] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.30668\n", - "[03/14/2023-21:26:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:26:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:31] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:32] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 0 Time: 11.4769\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128751616, available: 16777216\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 56 Time: 11.5572\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:32] [V] [TRT] Fastest Tactic: 0 Time: 11.4769\n", - "[03/14/2023-21:26:32] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 46202665595848747 Time: 2.19209\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 239013563835492727 Time: 1.72097\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 385569945292539752 Time: 2.46074\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 671037109694951988 Time: 1.33916\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 833287959109025818 Time: 1.56067\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 864841579020773074 Time: 1.03474\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 912634305247603909 Time: 2.40773\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1013168150133367738 Time: 1.16499\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1014187170474222133 Time: 1.22933\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1067227531433278814 Time: 1.046\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1554365048685552334 Time: 2.52885\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1579845938601132607 Time: 1.17041\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1796821236841789338 Time: 1.77164\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1837941418294761657 Time: 1.32174\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1948263663414159978 Time: 1.5534\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1989668371181446952 Time: 1.94571\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2027733232253711640 Time: 1.55758\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2148106709480872763 Time: 1.31709\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 2154731107061273008 Time: 1.2303\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 2410442691266548717 Time: 0.933912\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3464689803495983377 Time: 1.11696\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3636831327753843771 Time: 1.16523\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3745975654290680669 Time: 2.56242\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3754069740140581927 Time: 1.53563\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3784804427912340706 Time: 1.62788\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3823144360994712832 Time: 1.02973\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3919868136802676679 Time: 1.28383\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5263029549013613567 Time: 0.9531\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5506334059535811602 Time: 1.39235\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5635311898703673455 Time: 0.924012\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5786991692145244692 Time: 2.38401\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5848150552772236982 Time: 1.29291\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42251\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5932046018238429951 Time: 1.71012\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6103089697398018604 Time: 2.43784\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6195603576432354734 Time: 1.61797\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6252808259936499253 Time: 1.57373\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6408235920257988861 Time: 1.32142\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6623704051070449703 Time: 1.47439\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6680916730816870145 Time: 1.49055\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7114340626053367917 Time: 1.67554\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7158029511300006471 Time: 1.55771\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7612687199567064086 Time: 1.32974\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7729555994715864793 Time: 1.28756\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7844857443355818347 Time: 1.34542\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7849296535223586261 Time: 1.36732\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7859952145590271433 Time: 1.51352\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8219150286974756863 Time: 2.14698\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8283847742354150423 Time: 1.43763\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8455608235315878803 Time: 1.73552\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8668812313058150080 Time: 1.40075\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: -8992262742606384444 Time: 1.35214\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8750433364328295059 Time: 1.39645\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8682550625095202832 Time: 1.3364\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8392835332206231687 Time: 1.88738\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8254009616492665198 Time: 1.04566\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7615325597099025933 Time: 1.05683\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7594446953125532601 Time: 1.35228\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7345578023323941164 Time: 2.25596\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6828337260021572283 Time: 1.97156\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6711815420995272523 Time: 1.75192\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6636202818604544855 Time: 2.39292\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6489479581011009593 Time: 1.58334\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6320761427625651496 Time: 1.53546\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6273232454637933930 Time: 1.0246\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6080892721161662420 Time: 0.945252\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6032793021868796623 Time: 1.26764\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5818527483287834165 Time: 0.990932\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5710735840878760115 Time: 1.00212\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5589367647444470524 Time: 1.87\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5546257196173962281 Time: 1.24925\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5198219374380660379 Time: 1.19795\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4954692664176521434 Time: 0.955356\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4627695383426341593 Time: 1.60344\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4534876761957424274 Time: 1.40563\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4142141368456048176 Time: 1.61558\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4116131327756252574 Time: 2.11017\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3968200906158272636 Time: 2.46844\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3784342055748695733 Time: 1.72622\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3425274793298557239 Time: 1.26486\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3271955096576257018 Time: 1.29952\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3237051169894153788 Time: 1.62673\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3136088851200285532 Time: 0.918404\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2871615028541756894 Time: 2.32861\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2751179716463646694 Time: 1.55804\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2634388175487609605 Time: 2.01141\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2586046817576862066 Time: 0.948264\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1708101578041178688 Time: 1.41516\n", - "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1586820571068855896 Time: 1.68839\n", - "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1020632631321619146 Time: 1.36634\n", - "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -907287437357565279 Time: 1.39506\n", - "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -229563042944049199 Time: 0.92204\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.918404\n", - "[03/14/2023-21:26:35] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", - "[03/14/2023-21:26:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.465304\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.60334\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.465304\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.399616\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.398228\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.398228\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.433788\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.314256\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.314256\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.322728\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.32208\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.32208\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.648048\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.55672\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.55672\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.448136\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.530616\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.448136\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.419992\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.570544\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.419992\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.311172\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.348896\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.311172\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.467912\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.510676\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.467912\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.397456\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.466884\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.397456\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.364948\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.26068\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.26068\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.33272\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.23228\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.23228\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.56588\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.332432\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.332432\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.415688\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.428508\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.415688\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.58094\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.262436\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.262436\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.236612\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.231816\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.231816\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.546572\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.359792\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.359792\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.386624\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.353916\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.353916\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.437212\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.218884\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.218884\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.332784\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.218972\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.218972\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:35] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 5.91938\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1 Time: 4.39087\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 56 Time: 6.1769\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 57 Time: 4.39153\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:36] [V] [TRT] Fastest Tactic: 1 Time: 4.39087\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 1754569683116234317 Time: 2.30393\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 1825138533642645384 Time: 2.51642\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 2733356012094739613 Time: 4.37576\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 3915320020053085238 Time: 2.52781\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 6808617066150061604 Time: 2.75417\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 9091006216302412844 Time: 2.75626\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8060443123034038864 Time: 2.8681\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -4420849921117327522 Time: 4.49589\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -3946921629105938337 Time: 4.39164\n", - "[03/14/2023-21:26:36] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.30393\n", - "[03/14/2023-21:26:36] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:26:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 861694390046228376 Time: 2.69056\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5258189349241541167 Time: 2.58862\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5821621277990374316 Time: 2.71865\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5863767799113001648 Time: 4.01029\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -9147980667639709536 Time: 2.40121\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8892196987859366827 Time: 2.42573\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8850904373104590857 Time: 2.76284\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8010679767156598961 Time: 4.01674\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7751035352149795660 Time: 2.32407\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -5115676123557684531 Time: 2.68536\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -493597327599791285 Time: 2.52189\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -423878181466897819 Time: 4.01526\n", - "[03/14/2023-21:26:37] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.32407\n", - "[03/14/2023-21:26:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 0 Time: 4.47268\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 1 Time: 3.75952\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 56 Time: 4.83443\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Fastest Tactic: 1 Time: 3.75952\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:26:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 1651411198763708804 Time: 1.34642\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 2418518597804310654 Time: 1.38615\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4318470497547290900 Time: 1.55569\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4930470141256631146 Time: 2.13136\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 8292881859266835088 Time: 2.16361\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 8401509141903434922 Time: 1.45833\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -8654297089785671176 Time: 1.66858\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7516584506774355935 Time: 2.10899\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7140760933967189247 Time: 1.36166\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -6004726995029373073 Time: 2.10835\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -5719726816705110014 Time: 1.54138\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -4097850214384059472 Time: 2.14286\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -3717489476759089008 Time: 1.34154\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -3689982367035295496 Time: 1.59212\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2640575123064142123 Time: 1.29811\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2534402059426524406 Time: 1.35903\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2027588946874785071 Time: 2.1517\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: -1968398013367819764 Time: 1.64446\n", - "[03/14/2023-21:26:38] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.29811\n", - "[03/14/2023-21:26:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 0 Time: 6.16777\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 56 Time: 6.1633\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:26:38] [V] [TRT] Fastest Tactic: 56 Time: 6.1633\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 83696452256923412 Time: 0.964144\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 106549059816437840 Time: 1.05304\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 1179757074518529353 Time: 0.840212\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2105695814191699972 Time: 1.07834\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2148106709480872763 Time: 0.617248\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2410442691266548717 Time: 0.718388\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2511830168590723349 Time: 0.771132\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2634905271404611895 Time: 0.631584\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2689212690707793357 Time: 0.721148\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2798075085844016892 Time: 0.715788\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3041642431972138763 Time: 0.597572\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3091156937974993800 Time: 0.697352\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3199589679702517123 Time: 0.775928\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3754069740140581927 Time: 0.992988\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3932578551652369355 Time: 0.944704\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4149021101886580762 Time: 0.661272\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4555462412611657028 Time: 0.656024\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4749226340913476230 Time: 1.0613\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5483093640784800285 Time: 0.883484\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5666160310350604399 Time: 1.04098\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5900614001783877430 Time: 1.0672\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5925270497649423688 Time: 0.941304\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5999406432703271895 Time: 0.833052\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 6680916730816870145 Time: 1.1229\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7107292614492808590 Time: 0.739076\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7158029511300006471 Time: 1.10286\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7859952145590271433 Time: 1.08074\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8283847742354150423 Time: 0.981924\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8468288610222482742 Time: 0.815028\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8620567263556985011 Time: 0.720184\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8642279798680442080 Time: 0.69146\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8980274178270132023 Time: 0.811812\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 9108067304506990859 Time: 0.829868\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -9104099172933216230 Time: 1.40889\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8992262742606384444 Time: 0.691812\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8956720569082607796 Time: 1.13524\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8952042869709043207 Time: 0.853648\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8898856569474934280 Time: 0.782748\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8774805574135441656 Time: 0.957128\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8749513212655756001 Time: 0.829704\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8520017388966620486 Time: 0.964348\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8487084252145372186 Time: 0.77612\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8391760416076885205 Time: 0.901048\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7990268040387498660 Time: 1.25128\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7849113095413980300 Time: 0.802284\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7533167286135592323 Time: 0.66216\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -6273232454637933930 Time: 0.919876\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5818527483287834165 Time: 0.906696\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5590418898350402100 Time: 0.831656\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5505475137955795830 Time: 0.612772\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5389631537202601150 Time: 0.781336\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5332866838585594777 Time: 0.64842\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5121883532434354186 Time: 0.664228\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5006039300385557796 Time: 0.799648\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4534876761957424274 Time: 0.92144\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4352168563838861262 Time: 0.612476\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4109084522508697633 Time: 0.767192\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -3237051169894153788 Time: 1.06727\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -3136088851200285532 Time: 0.606716\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2827934362840121038 Time: 1.08665\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2676138141351394855 Time: 1.30467\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2601537631049973288 Time: 0.657588\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2586046817576862066 Time: 0.7612\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2569977342077121032 Time: 0.889028\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2422160065350346448 Time: 1.04928\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2125188058121029448 Time: 0.896384\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2123887091022542343 Time: 0.775408\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -1838109259315759592 Time: 0.717172\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -1216445540764179377 Time: 0.705352\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -539379305772590030 Time: 1.43517\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -288413895057594820 Time: 0.758924\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -229563042944049199 Time: 0.5873\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.5873\n", - "[03/14/2023-21:26:39] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", - "[03/14/2023-21:26:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.90595\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 2.56076\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 1002 Time: 1.90595\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.58092\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.56717\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.56717\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.75921\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.25084\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.25084\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.29974\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.29278\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.29278\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.58355\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.47806\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 2.47806\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.78148\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.41204\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.78148\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.65674\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.64878\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.65674\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.23307\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.55867\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.23307\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.85149\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.03706\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.85149\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.64623\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.93526\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.64623\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.53295\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.14006\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.14006\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.39766\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.954428\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.954428\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.2464\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.31644\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.31644\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.70095\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.77906\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.70095\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.75465\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.1033\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.1033\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 0.970032\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.946172\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.946172\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.2089\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.50933\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.50933\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.5748\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.4107\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.4107\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.7653\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.909544\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.909544\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.37824\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 0 Time: 0.912456\n", - "[03/14/2023-21:26:41] [V] [TRT] Fastest Tactic: 0 Time: 0.912456\n", - "[03/14/2023-21:26:41] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 0 Time: 13.0593\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 1 Time: 11.0201\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 56 Time: 13.1406\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 57 Time: 11.0107\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:41] [V] [TRT] Fastest Tactic: 57 Time: 11.0107\n", - "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:41] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16082\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 1825138533642645384 Time: 6.28284\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 2733356012094739613 Time: 18.8803\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 3915320020053085238 Time: 6.14798\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 6808617066150061604 Time: 10.4968\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 9091006216302412844 Time: 10.5289\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: -8060443123034038864 Time: 10.4731\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: -4420849921117327522 Time: 18.1267\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: -3946921629105938337 Time: 18.8852\n", - "[03/14/2023-21:26:43] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 6.14798\n", - "[03/14/2023-21:26:43] [V] [TRT] Setting workspace to 102760448enables more tactics for profiling\n", - "[03/14/2023-21:26:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:43] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:43] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:43] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:43] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: 861694390046228376 Time: 4.8365\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: 5258189349241541167 Time: 5.35697\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: 5821621277990374316 Time: 5.25933\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: 5863767799113001648 Time: 7.6996\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -9147980667639709536 Time: 4.84571\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8892196987859366827 Time: 4.88187\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8850904373104590857 Time: 5.35951\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8010679767156598961 Time: 7.3698\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -7751035352149795660 Time: 4.82156\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -5115676123557684531 Time: 5.17427\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -493597327599791285 Time: 4.96096\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -423878181466897819 Time: 7.53598\n", - "[03/14/2023-21:26:44] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.82156\n", - "[03/14/2023-21:26:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:44] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:44] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 0 Time: 10.2272\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 1 Time: 14.3662\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 56 Time: 10.4817\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:45] [V] [TRT] Fastest Tactic: 0 Time: 10.2272\n", - "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:45] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling\n", - "[03/14/2023-21:26:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", - "[03/14/2023-21:26:45] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 1651411198763708804 Time: 6.02843\n", - "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 2418518597804310654 Time: 5.25604\n", - "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 4318470497547290900 Time: 6.03788\n", - "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: 4930470141256631146 Time: 11.0194\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: 8292881859266835088 Time: 9.44561\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: 8401509141903434922 Time: 5.26312\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -8654297089785671176 Time: 3.06088\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -7516584506774355935 Time: 10.9061\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -7140760933967189247 Time: 5.2098\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -6004726995029373073 Time: 11.0331\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -5719726816705110014 Time: 3.36148\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -4097850214384059472 Time: 9.38126\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -3717489476759089008 Time: 5.98275\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -3689982367035295496 Time: 3.01786\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2640575123064142123 Time: 3.44897\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2534402059426524406 Time: 3.11866\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2027588946874785071 Time: 9.45265\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -1968398013367819764 Time: 3.35537\n", - "[03/14/2023-21:26:47] [V] [TRT] Fastest Tactic: -3689982367035295496 Time: 3.01786\n", - "[03/14/2023-21:26:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:47] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:47] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:47] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:47] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: 0 Time: 13.2818\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308550656, available: 16777216\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 56 Time: 13.3528\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216\n", - "[03/14/2023-21:26:48] [V] [TRT] Fastest Tactic: 0 Time: 13.2818\n", - "[03/14/2023-21:26:48] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 385569945292539752 Time: 2.28008\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 833287959109025818 Time: 2.07605\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1013168150133367738 Time: 1.38201\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1067227531433278814 Time: 1.29199\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1179757074518529353 Time: 1.41825\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1554365048685552334 Time: 1.61086\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1579845938601132607 Time: 1.26892\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1796821236841789338 Time: 1.98519\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1948263663414159978 Time: 1.79606\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1989668371181446952 Time: 2.11508\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2027733232253711640 Time: 1.40631\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2105695814191699972 Time: 2.10509\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2148106709480872763 Time: 1.30774\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2410442691266548717 Time: 1.49892\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2511830168590723349 Time: 1.27901\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2798075085844016892 Time: 1.41237\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3041642431972138763 Time: 1.1736\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3745975654290680669 Time: 1.53448\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3754069740140581927 Time: 1.89384\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3784804427912340706 Time: 1.60783\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3919868136802676679 Time: 1.43066\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4149021101886580762 Time: 1.42358\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4555462412611657028 Time: 1.3453\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4749226340913476230 Time: 2.04845\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5483093640784800285 Time: 1.71232\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5848150552772236982 Time: 1.34686\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5900614001783877430 Time: 1.97138\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 5925270497649423688 Time: 2.00928\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 5999406432703271895 Time: 1.59228\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6103089697398018604 Time: 1.5878\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6195603576432354734 Time: 2.03324\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6408235920257988861 Time: 1.44032\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6623704051070449703 Time: 1.7322\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6680916730816870145 Time: 1.93399\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7114340626053367917 Time: 1.6645\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7158029511300006471 Time: 2.10873\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7612687199567064086 Time: 1.37132\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7729555994715864793 Time: 1.4171\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7844857443355818347 Time: 1.60434\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7859952145590271433 Time: 1.94933\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8283847742354150423 Time: 1.85902\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8455608235315878803 Time: 2.06252\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8668812313058150080 Time: 1.52664\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8992262742606384444 Time: 1.3235\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8952042869709043207 Time: 1.59167\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8898856569474934280 Time: 1.37489\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8774805574135441656 Time: 1.57167\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8750433364328295059 Time: 1.55901\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8749513212655756001 Time: 1.41974\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8520017388966620486 Time: 1.8504\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8487084252145372186 Time: 1.54825\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8392835332206231687 Time: 1.90209\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8391760416076885205 Time: 1.98462\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8254009616492665198 Time: 1.4744\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7849113095413980300 Time: 1.61905\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7615325597099025933 Time: 1.4801\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7594446953125532601 Time: 1.76073\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -7533167286135592323 Time: 1.3231\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -7345578023323941164 Time: 2.59782\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6828337260021572283 Time: 2.19769\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6711815420995272523 Time: 2.04762\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6636202818604544855 Time: 2.77767\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6489479581011009593 Time: 1.43575\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6273232454637933930 Time: 1.51273\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6080892721161662420 Time: 1.27231\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5818527483287834165 Time: 1.52109\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5710735840878760115 Time: 1.27768\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5589367647444470524 Time: 1.90763\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5198219374380660379 Time: 1.4622\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5121883532434354186 Time: 1.26716\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5006039300385557796 Time: 1.38491\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4627695383426341593 Time: 1.61785\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4534876761957424274 Time: 2.01797\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17067\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4116131327756252574 Time: 2.19133\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4109084522508697633 Time: 1.37987\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3968200906158272636 Time: 1.70695\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3425274793298557239 Time: 1.35467\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3271955096576257018 Time: 1.44238\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3237051169894153788 Time: 2.12982\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3136088851200285532 Time: 1.30425\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2871615028541756894 Time: 2.3343\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2827934362840121038 Time: 2.06539\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2676138141351394855 Time: 2.55688\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2586046817576862066 Time: 1.52834\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2569977342077121032 Time: 1.67474\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -2422160065350346448 Time: 1.91208\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1838109259315759592 Time: 1.36754\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1708101578041178688 Time: 1.50453\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1586820571068855896 Time: 1.67441\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1216445540764179377 Time: 1.53537\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1020632631321619146 Time: 1.5488\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -907287437357565279 Time: 1.48036\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -539379305772590030 Time: 2.36375\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -229563042944049199 Time: 1.27926\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 1.17067\n", - "[03/14/2023-21:26:51] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling\n", - "[03/14/2023-21:26:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.90357\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.56444\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.90357\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.58083\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.566\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.566\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.75679\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.24915\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.24915\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.29957\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.29155\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.29155\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 2.58083\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.49148\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 2.49148\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.7816\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.43954\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.7816\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.66901\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.6057\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.66901\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.23652\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.52652\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.23652\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.8513\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.03795\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.8513\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.64617\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.96362\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.64617\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.54476\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.14881\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.14881\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.39456\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.953476\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.953476\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.24735\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.30977\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.30977\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.69678\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.77988\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 1002 Time: 1.69678\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.79647\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.10604\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.10604\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 0.975572\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.947052\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.947052\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.20488\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.50626\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.50626\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.57601\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.40188\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.40188\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.85749\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.911352\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.911352\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.3503\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.912224\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.912224\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 3.81658\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1 Time: 3.1029\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 56 Time: 4.10966\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 57 Time: 3.09272\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 57 Time: 3.09272\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1754569683116234317 Time: 2.03449\n", - "[03/14/2023-21:26:52] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 1825138533642645384 Time: 2.09696\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 2733356012094739613 Time: 3.89588\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 3915320020053085238 Time: 2.28742\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 6808617066150061604 Time: 2.38958\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 9091006216302412844 Time: 2.41374\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8060443123034038864 Time: 2.50354\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -4420849921117327522 Time: 3.81912\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -3946921629105938337 Time: 3.97221\n", - "[03/14/2023-21:26:53] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.03449\n", - "[03/14/2023-21:26:53] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:26:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:53] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 861694390046228376 Time: 2.39327\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5258189349241541167 Time: 2.5766\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5821621277990374316 Time: 2.74155\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5863767799113001648 Time: 2.91967\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -9147980667639709536 Time: 2.28037\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8892196987859366827 Time: 2.42738\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8850904373104590857 Time: 2.58136\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8010679767156598961 Time: 2.91233\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -7751035352149795660 Time: 2.29642\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -5115676123557684531 Time: 2.59812\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -493597327599791285 Time: 2.48155\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -423878181466897819 Time: 2.844\n", - "[03/14/2023-21:26:53] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.28037\n", - "[03/14/2023-21:26:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:53] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 0 Time: 3.54964\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1 Time: 2.96904\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 56 Time: 3.92002\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Fastest Tactic: 1 Time: 2.96904\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:26:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1651411198763708804 Time: 1.05946\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2418518597804310654 Time: 1.07964\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4318470497547290900 Time: 1.18159\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4930470141256631146 Time: 1.85804\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 8292881859266835088 Time: 1.90785\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 8401509141903434922 Time: 1.26111\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -8654297089785671176 Time: 1.30336\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -7516584506774355935 Time: 1.882\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -7140760933967189247 Time: 1.20137\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -6004726995029373073 Time: 1.85939\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -5719726816705110014 Time: 1.22312\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90974\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -3717489476759089008 Time: 1.17442\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -3689982367035295496 Time: 1.24818\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2640575123064142123 Time: 1.17912\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2534402059426524406 Time: 1.1523\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2027588946874785071 Time: 1.9061\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -1968398013367819764 Time: 1.20508\n", - "[03/14/2023-21:26:54] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.05946\n", - "[03/14/2023-21:26:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 0 Time: 5.16777\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128587776, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 56 Time: 5.10988\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:26:55] [V] [TRT] Fastest Tactic: 56 Time: 5.10988\n", - "[03/14/2023-21:26:55] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:55] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 83696452256923412 Time: 0.867344\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 106549059816437840 Time: 0.732284\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 1179757074518529353 Time: 0.674988\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2105695814191699972 Time: 0.914088\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2148106709480872763 Time: 0.659852\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2410442691266548717 Time: 0.665624\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2511830168590723349 Time: 0.781232\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2634905271404611895 Time: 0.821528\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2689212690707793357 Time: 1.06421\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2798075085844016892 Time: 0.833328\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3041642431972138763 Time: 0.644768\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3091156937974993800 Time: 0.83606\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3199589679702517123 Time: 0.79274\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3754069740140581927 Time: 0.936076\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3932578551652369355 Time: 0.799484\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4149021101886580762 Time: 0.820372\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4555462412611657028 Time: 0.660768\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4749226340913476230 Time: 0.907912\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5483093640784800285 Time: 0.828888\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5666160310350604399 Time: 0.933444\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5900614001783877430 Time: 0.952728\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5925270497649423688 Time: 0.861824\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5999406432703271895 Time: 0.830432\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 6680916730816870145 Time: 0.771472\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7107292614492808590 Time: 0.645248\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7158029511300006471 Time: 0.925156\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7859952145590271433 Time: 0.751616\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8283847742354150423 Time: 0.935952\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8468288610222482742 Time: 0.834704\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8620567263556985011 Time: 0.857072\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8642279798680442080 Time: 0.663136\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8980274178270132023 Time: 0.851384\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 9108067304506990859 Time: 0.82942\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -9104099172933216230 Time: 1.02986\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8992262742606384444 Time: 0.66706\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8956720569082607796 Time: 0.968512\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8952042869709043207 Time: 0.832456\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8898856569474934280 Time: 0.672308\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8774805574135441656 Time: 1.16981\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8749513212655756001 Time: 0.836228\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8520017388966620486 Time: 0.792588\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8487084252145372186 Time: 1.08529\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8391760416076885205 Time: 0.861872\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7990268040387498660 Time: 1.06918\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7849113095413980300 Time: 0.861084\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7533167286135592323 Time: 0.81532\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -6273232454637933930 Time: 0.692448\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5818527483287834165 Time: 0.683144\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5590418898350402100 Time: 0.826668\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5505475137955795830 Time: 0.649068\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5389631537202601150 Time: 0.849512\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5332866838585594777 Time: 0.814492\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5121883532434354186 Time: 0.818096\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5006039300385557796 Time: 0.816508\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4534876761957424274 Time: 0.856912\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4352168563838861262 Time: 0.647536\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4109084522508697633 Time: 0.863\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -3237051169894153788 Time: 0.900592\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -3136088851200285532 Time: 0.645528\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2827934362840121038 Time: 0.75822\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2676138141351394855 Time: 1.06426\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2601537631049973288 Time: 0.819304\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2586046817576862066 Time: 0.673536\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2569977342077121032 Time: 0.86756\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2422160065350346448 Time: 0.759084\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2125188058121029448 Time: 1.15934\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2123887091022542343 Time: 0.828036\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -1838109259315759592 Time: 0.645164\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -1216445540764179377 Time: 0.668884\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -539379305772590030 Time: 0.998232\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -288413895057594820 Time: 0.814204\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -229563042944049199 Time: 0.646916\n", - "[03/14/2023-21:26:56] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.644768\n", - "[03/14/2023-21:26:56] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", - "[03/14/2023-21:26:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 0 Time: 7.7361\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 37312512, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 6 Time: 4.62358\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 56 Time: 8.38555\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 57 skipped. Scratch requested: 37312512, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 62 Time: 4.67829\n", - "[03/14/2023-21:26:56] [V] [TRT] Fastest Tactic: 6 Time: 4.62358\n", - "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 1825138533642645384 Time: 4.64672\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 2775507031594384867 Time: 4.21492\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 2842488832350522458 Time: 4.89467\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 3915320020053085238 Time: 4.63388\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 6448355332020552203 Time: 4.70156\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 6808617066150061604 Time: 4.76856\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: -8060443123034038864 Time: 4.95964\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: -4420849921117327522 Time: 6.78991\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: -3946921629105938337 Time: 5.90382\n", - "[03/14/2023-21:26:57] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.21492\n", - "[03/14/2023-21:26:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", - "[03/14/2023-21:26:57] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:57] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:57] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 861694390046228376 Time: 4.85158\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 1017870653102653567 Time: 4.64822\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 5258189349241541167 Time: 4.79529\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 5821621277990374316 Time: 4.58912\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 5863767799113001648 Time: 5.28394\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -9147980667639709536 Time: 4.50568\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -8850904373104590857 Time: 4.87334\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -7751035352149795660 Time: 4.55091\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -3853827649136781465 Time: 4.76354\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -3263369460438823196 Time: 4.84987\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -423878181466897819 Time: 5.34865\n", - "[03/14/2023-21:26:58] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.50568\n", - "[03/14/2023-21:26:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:58] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 0 Time: 7.23422\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20375040, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 56 Time: 7.31755\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Fastest Tactic: 0 Time: 7.23422\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:58] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling\n", - "[03/14/2023-21:26:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", - "[03/14/2023-21:26:58] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 1145226902788474763 Time: 2.16752\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 1651411198763708804 Time: 2.57515\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65961\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4318470497547290900 Time: 2.61869\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4653005425971292725 Time: 2.62674\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4930470141256631146 Time: 2.87417\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 8292881859266835088 Time: 3.05634\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 8401509141903434922 Time: 2.72924\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -8654297089785671176 Time: 2.5658\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -7448936905981214224 Time: 2.82755\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -6004726995029373073 Time: 2.87613\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -5719726816705110014 Time: 2.59386\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3754890472406891741 Time: 2.543\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3689982367035295496 Time: 2.47116\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3140347171730126532 Time: 2.22543\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -2894005464278291378 Time: 2.89802\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -2027588946874785071 Time: 2.88901\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -1968398013367819764 Time: 2.6714\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -245090590808296743 Time: 2.58536\n", - "[03/14/2023-21:26:59] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.16752\n", - "[03/14/2023-21:26:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:26:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 0 Time: 10.7553\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1 skipped. Scratch requested: 51681280, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 56 Time: 10.7618\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Fastest Tactic: 0 Time: 10.7553\n", - "[03/14/2023-21:27:00] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 46202665595848747 Time: 2.0778\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 239013563835492727 Time: 1.56327\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 385569945292539752 Time: 2.31807\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 671037109694951988 Time: 1.20564\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 833287959109025818 Time: 1.37215\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 864841579020773074 Time: 0.742044\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 912634305247603909 Time: 2.31056\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1013168150133367738 Time: 0.930636\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14651\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1067227531433278814 Time: 0.804756\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1554365048685552334 Time: 2.42217\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1579845938601132607 Time: 0.775012\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1796821236841789338 Time: 1.68215\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1837941418294761657 Time: 1.22761\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1948263663414159978 Time: 1.43309\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1989668371181446952 Time: 1.81256\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2027733232253711640 Time: 1.4818\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2148106709480872763 Time: 0.926028\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10761\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2410442691266548717 Time: 0.749468\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 3464689803495983377 Time: 0.883708\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 3636831327753843771 Time: 0.767984\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3745975654290680669 Time: 2.37326\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3754069740140581927 Time: 1.35394\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3784804427912340706 Time: 1.46444\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3823144360994712832 Time: 0.9\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3919868136802676679 Time: 1.24253\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5263029549013613567 Time: 0.76582\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5506334059535811602 Time: 1.41774\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5635311898703673455 Time: 0.715956\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5786991692145244692 Time: 2.15844\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5848150552772236982 Time: 1.15515\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5925270497649423688 Time: 1.2496\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5932046018238429951 Time: 1.59756\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6103089697398018604 Time: 2.40358\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6195603576432354734 Time: 1.52815\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6252808259936499253 Time: 1.44705\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6408235920257988861 Time: 1.21041\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6623704051070449703 Time: 1.32636\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6680916730816870145 Time: 1.39521\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7114340626053367917 Time: 1.52649\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7158029511300006471 Time: 1.36513\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7612687199567064086 Time: 1.19073\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7729555994715864793 Time: 1.17456\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7844857443355818347 Time: 1.2044\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7849296535223586261 Time: 1.21208\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7859952145590271433 Time: 1.39162\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8219150286974756863 Time: 2.11466\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8283847742354150423 Time: 1.37014\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8455608235315878803 Time: 1.67716\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8668812313058150080 Time: 1.28272\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8992262742606384444 Time: 0.972508\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8750433364328295059 Time: 1.2196\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8682550625095202832 Time: 0.929348\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8392835332206231687 Time: 1.69579\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8254009616492665198 Time: 0.773768\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7615325597099025933 Time: 0.793252\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7594446953125532601 Time: 1.19784\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7345578023323941164 Time: 2.03448\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -6828337260021572283 Time: 1.81994\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6711815420995272523 Time: 1.61466\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6636202818604544855 Time: 2.2264\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6489479581011009593 Time: 1.52786\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6320761427625651496 Time: 1.48214\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6273232454637933930 Time: 0.86532\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6080892721161662420 Time: 0.730156\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6032793021868796623 Time: 1.16718\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5818527483287834165 Time: 0.84286\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5710735840878760115 Time: 0.83344\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5589367647444470524 Time: 1.79784\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5546257196173962281 Time: 1.13798\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5198219374380660379 Time: 0.943056\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4954692664176521434 Time: 0.793124\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4627695383426341593 Time: 1.56217\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4534876761957424274 Time: 1.24367\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4142141368456048176 Time: 1.47387\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4116131327756252574 Time: 1.96946\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3968200906158272636 Time: 2.35767\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62733\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3425274793298557239 Time: 1.08648\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3271955096576257018 Time: 1.11371\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3237051169894153788 Time: 1.4003\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3136088851200285532 Time: 0.735864\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2871615028541756894 Time: 2.21036\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2751179716463646694 Time: 1.49136\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2634388175487609605 Time: 1.8301\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2586046817576862066 Time: 0.75698\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1708101578041178688 Time: 1.37162\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1586820571068855896 Time: 1.55847\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1020632631321619146 Time: 1.24271\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -907287437357565279 Time: 1.43309\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -229563042944049199 Time: 0.708164\n", - "[03/14/2023-21:27:02] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.708164\n", - "[03/14/2023-21:27:02] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling\n", - "[03/14/2023-21:27:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:02] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:02] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 0 Time: 10.2694\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1 Time: 8.49866\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 56 Time: 10.2792\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 57 Time: 8.48776\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Fastest Tactic: 57 Time: 8.48776\n", - "[03/14/2023-21:27:03] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:03] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:03] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1754569683116234317 Time: 2.97824\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1825138533642645384 Time: 3.08758\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 2733356012094739613 Time: 5.40646\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 3915320020053085238 Time: 3.01427\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 6808617066150061604 Time: 3.58104\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 9091006216302412844 Time: 3.59041\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: -8060443123034038864 Time: 3.58372\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -4420849921117327522 Time: 5.37035\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -3946921629105938337 Time: 5.43739\n", - "[03/14/2023-21:27:04] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.97824\n", - "[03/14/2023-21:27:04] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:27:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:04] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:04] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:04] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: 861694390046228376 Time: 3.00764\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5258189349241541167 Time: 2.864\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5821621277990374316 Time: 3.10806\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5863767799113001648 Time: 5.23724\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -9147980667639709536 Time: 2.77082\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8892196987859366827 Time: 2.9206\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8850904373104590857 Time: 2.8774\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8010679767156598961 Time: 5.22273\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -7751035352149795660 Time: 2.80312\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -5115676123557684531 Time: 3.06658\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -493597327599791285 Time: 2.85518\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -423878181466897819 Time: 5.32222\n", - "[03/14/2023-21:27:04] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.77082\n", - "[03/14/2023-21:27:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:04] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 0 Time: 7.08608\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 1 Time: 6.15414\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 56 Time: 7.39452\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Fastest Tactic: 1 Time: 6.15414\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:27:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 1651411198763708804 Time: 1.7824\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 2418518597804310654 Time: 1.81087\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4318470497547290900 Time: 1.80407\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4930470141256631146 Time: 2.63141\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 8292881859266835088 Time: 2.68841\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 8401509141903434922 Time: 1.8135\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -8654297089785671176 Time: 1.85299\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -7516584506774355935 Time: 2.63706\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -7140760933967189247 Time: 1.79794\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -6004726995029373073 Time: 2.63066\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -5719726816705110014 Time: 1.6604\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -4097850214384059472 Time: 2.68926\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -3717489476759089008 Time: 1.77061\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -3689982367035295496 Time: 1.78657\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2640575123064142123 Time: 1.56488\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2534402059426524406 Time: 1.59222\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2027588946874785071 Time: 2.68608\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -1968398013367819764 Time: 1.67973\n", - "[03/14/2023-21:27:05] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.56488\n", - "[03/14/2023-21:27:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 0 Time: 8.92433\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 56 Time: 8.89007\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:06] [V] [TRT] Fastest Tactic: 56 Time: 8.89007\n", - "[03/14/2023-21:27:06] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:06] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 83696452256923412 Time: 1.1347\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 106549059816437840 Time: 1.2067\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 1179757074518529353 Time: 1.11472\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2105695814191699972 Time: 1.40258\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2148106709480872763 Time: 1.20205\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2410442691266548717 Time: 1.21039\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2511830168590723349 Time: 0.980432\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2634905271404611895 Time: 1.02869\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2689212690707793357 Time: 1.03634\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08133\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3041642431972138763 Time: 1.02504\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3091156937974993800 Time: 1.08016\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3199589679702517123 Time: 0.980388\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3754069740140581927 Time: 1.1874\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3932578551652369355 Time: 1.02671\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4149021101886580762 Time: 1.02622\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4555462412611657028 Time: 1.19327\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4749226340913476230 Time: 1.1721\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5483093640784800285 Time: 1.07067\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5666160310350604399 Time: 1.25658\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5900614001783877430 Time: 1.21133\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5925270497649423688 Time: 1.4448\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5999406432703271895 Time: 1.02191\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29577\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7107292614492808590 Time: 1.00331\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7158029511300006471 Time: 1.43959\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7859952145590271433 Time: 1.27248\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8283847742354150423 Time: 1.18373\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8468288610222482742 Time: 1.1842\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8620567263556985011 Time: 1.1336\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8642279798680442080 Time: 1.02731\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8980274178270132023 Time: 1.13476\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: 9108067304506990859 Time: 1.02381\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -9104099172933216230 Time: 1.55194\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8992262742606384444 Time: 1.1817\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8956720569082607796 Time: 1.2294\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8952042869709043207 Time: 1.25144\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8898856569474934280 Time: 1.0615\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8774805574135441656 Time: 1.06609\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8749513212655756001 Time: 1.12824\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8520017388966620486 Time: 1.03249\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8487084252145372186 Time: 1.03382\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8391760416076885205 Time: 1.43322\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7990268040387498660 Time: 1.28352\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7849113095413980300 Time: 1.11822\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7533167286135592323 Time: 1.06111\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -6273232454637933930 Time: 1.10816\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5818527483287834165 Time: 1.12731\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5590418898350402100 Time: 1.06422\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5505475137955795830 Time: 0.999724\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5389631537202601150 Time: 1.16108\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5332866838585594777 Time: 1.0601\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5121883532434354186 Time: 1.04414\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5006039300385557796 Time: 1.16994\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4534876761957424274 Time: 1.4054\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4352168563838861262 Time: 1.00279\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4109084522508697633 Time: 1.01768\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -3237051169894153788 Time: 1.36276\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -3136088851200285532 Time: 1.0416\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2827934362840121038 Time: 1.09262\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2676138141351394855 Time: 1.31149\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2601537631049973288 Time: 1.04024\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2586046817576862066 Time: 1.22183\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2569977342077121032 Time: 1.16761\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2422160065350346448 Time: 1.27794\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2125188058121029448 Time: 1.06846\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2123887091022542343 Time: 1.23254\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -1838109259315759592 Time: 1.01194\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -1216445540764179377 Time: 1.23396\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -539379305772590030 Time: 1.52378\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -288413895057594820 Time: 1.17946\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -229563042944049199 Time: 1.03356\n", - "[03/14/2023-21:27:07] [V] [TRT] Fastest Tactic: 3199589679702517123 Time: 0.980388\n", - "[03/14/2023-21:27:07] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", - "[03/14/2023-21:27:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CudnnConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CublasConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CudnnConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CaskConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CudnnConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CublasConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CaskConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CublasConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CaskConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CublasConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CaskConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(200704,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 0 Time: 8.22148\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1 Time: 6.19157\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 56 Time: 8.44039\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 57 Time: 6.09284\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Fastest Tactic: 57 Time: 6.09284\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1754569683116234317 Time: 4.07563\n", - "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1825138533642645384 Time: 4.61236\n", - "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 2733356012094739613 Time: 7.85058\n", - "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 3915320020053085238 Time: 4.65714\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 6808617066150061604 Time: 4.99944\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 9091006216302412844 Time: 4.95252\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: -8060443123034038864 Time: 5.32269\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: -4420849921117327522 Time: 7.80813\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: -3946921629105938337 Time: 7.97312\n", - "[03/14/2023-21:27:09] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.07563\n", - "[03/14/2023-21:27:09] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling\n", - "[03/14/2023-21:27:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:09] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 861694390046228376 Time: 4.8228\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5258189349241541167 Time: 4.92789\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5821621277990374316 Time: 4.72412\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5863767799113001648 Time: 5.53998\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -9147980667639709536 Time: 4.38173\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8892196987859366827 Time: 4.55085\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8850904373104590857 Time: 4.84613\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8010679767156598961 Time: 5.47326\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -7751035352149795660 Time: 4.38617\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -5115676123557684531 Time: 4.73308\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -493597327599791285 Time: 4.83319\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -423878181466897819 Time: 5.56093\n", - "[03/14/2023-21:27:10] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.38173\n", - "[03/14/2023-21:27:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:10] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:10] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 0 Time: 7.45683\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 1 Time: 5.9521\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 56 Time: 7.95761\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216\n", - "[03/14/2023-21:27:11] [V] [TRT] Fastest Tactic: 1 Time: 5.9521\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling\n", - "[03/14/2023-21:27:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:11] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 1651411198763708804 Time: 2.12578\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 2418518597804310654 Time: 2.54947\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 4318470497547290900 Time: 2.78566\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 4930470141256631146 Time: 3.7678\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 8292881859266835088 Time: 3.85839\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 8401509141903434922 Time: 2.60323\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -8654297089785671176 Time: 2.66022\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81824\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -7140760933967189247 Time: 2.74486\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -6004726995029373073 Time: 3.77338\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -5719726816705110014 Time: 2.64921\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -4097850214384059472 Time: 3.87391\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -3717489476759089008 Time: 2.48287\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -3689982367035295496 Time: 2.73897\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -2640575123064142123 Time: 2.36004\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -2534402059426524406 Time: 2.33963\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: -2027588946874785071 Time: 3.8638\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: -1968398013367819764 Time: 2.65654\n", - "[03/14/2023-21:27:12] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.12578\n", - "[03/14/2023-21:27:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 0 Time: 10.6581\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 1 skipped. Scratch requested: 154408960, available: 16777216\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 56 Time: 10.5892\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216\n", - "[03/14/2023-21:27:12] [V] [TRT] Fastest Tactic: 56 Time: 10.5892\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 83696452256923412 Time: 1.54752\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 106549059816437840 Time: 1.5916\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 1179757074518529353 Time: 1.04905\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2105695814191699972 Time: 1.59648\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2148106709480872763 Time: 0.993636\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2410442691266548717 Time: 0.910788\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2511830168590723349 Time: 1.0086\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2634905271404611895 Time: 1.1448\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2689212690707793357 Time: 1.2773\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2798075085844016892 Time: 1.20733\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3041642431972138763 Time: 0.820816\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3091156937974993800 Time: 1.19574\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3199589679702517123 Time: 1.05843\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3754069740140581927 Time: 1.61297\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3932578551652369355 Time: 1.68968\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4149021101886580762 Time: 1.16192\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4555462412611657028 Time: 1.04832\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4749226340913476230 Time: 1.81087\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5483093640784800285 Time: 1.56321\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5666160310350604399 Time: 1.6444\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5900614001783877430 Time: 1.88368\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5925270497649423688 Time: 1.36242\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5999406432703271895 Time: 1.59223\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 6680916730816870145 Time: 1.50352\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7107292614492808590 Time: 1.24439\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7158029511300006471 Time: 1.61577\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7859952145590271433 Time: 1.50178\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8283847742354150423 Time: 1.58403\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8468288610222482742 Time: 1.09822\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8620567263556985011 Time: 1.08266\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8642279798680442080 Time: 1.11668\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8980274178270132023 Time: 1.45148\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 9108067304506990859 Time: 1.49304\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -9104099172933216230 Time: 2.25306\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8992262742606384444 Time: 1.01871\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8956720569082607796 Time: 1.86004\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8952042869709043207 Time: 1.26285\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8898856569474934280 Time: 1.1963\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8774805574135441656 Time: 1.30319\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8749513212655756001 Time: 1.10249\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8520017388966620486 Time: 1.69043\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8487084252145372186 Time: 1.24657\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8391760416076885205 Time: 1.35121\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7990268040387498660 Time: 2.17045\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2397\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7533167286135592323 Time: 1.13956\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -6273232454637933930 Time: 1.07438\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5818527483287834165 Time: 1.05551\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5590418898350402100 Time: 1.50917\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5505475137955795830 Time: 0.831216\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5389631537202601150 Time: 1.26113\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5332866838585594777 Time: 1.16131\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5121883532434354186 Time: 0.980724\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5006039300385557796 Time: 1.06602\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38994\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -4352168563838861262 Time: 0.817376\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -4109084522508697633 Time: 1.08952\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -3237051169894153788 Time: 1.5659\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -3136088851200285532 Time: 0.820696\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2827934362840121038 Time: 1.62696\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2676138141351394855 Time: 2.41199\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2601537631049973288 Time: 0.995184\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2586046817576862066 Time: 0.942312\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2569977342077121032 Time: 1.56502\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2422160065350346448 Time: 1.49242\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2125188058121029448 Time: 1.28749\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2123887091022542343 Time: 1.2756\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -1838109259315759592 Time: 1.28986\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -1216445540764179377 Time: 0.953236\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -539379305772590030 Time: 2.25266\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -288413895057594820 Time: 1.06699\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -229563042944049199 Time: 0.827476\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 0.817376\n", - "[03/14/2023-21:27:14] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling\n", - "[03/14/2023-21:27:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.946676\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.20851\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.946676\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.793924\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.78732\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.78732\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.867452\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.626904\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.626904\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.644844\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.6433\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.6433\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.29328\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.18606\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 1.18606\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.896676\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.1286\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.896676\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.853668\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.24482\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.853668\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.625728\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.7506\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.625728\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.929264\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.01526\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.929264\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.811364\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.928812\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.811364\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.748652\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.556484\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.556484\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.687964\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.469332\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.469332\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.12464\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.66206\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.66206\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.843392\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.86616\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.843392\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.2542\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.550208\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.550208\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.482812\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.47076\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.47076\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 1.08931\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.734576\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.734576\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.784416\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.70308\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.70308\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.881348\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.441932\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.441932\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.6603\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.444328\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.444328\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning format combination: Float(200704,784,28,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 7.69195\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1 skipped. Scratch requested: 19773952, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 56 Time: 7.99244\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 57 skipped. Scratch requested: 19773952, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 7.69195\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1825138533642645384 Time: 4.26968\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 2842488832350522458 Time: 5.25534\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 3915320020053085238 Time: 4.9442\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 6448355332020552203 Time: 4.89524\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 6808617066150061604 Time: 5.26744\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -8060443123034038864 Time: 5.72979\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -4420849921117327522 Time: 8.53264\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -3946921629105938337 Time: 8.00678\n", - "[03/14/2023-21:27:16] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.26968\n", - "[03/14/2023-21:27:16] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling\n", - "[03/14/2023-21:27:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:16] [V] [TRT] *************** Autotuning format combination: Float(200704,1,7168,256) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:16] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:16] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 861694390046228376 Time: 5.18411\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 1017870653102653567 Time: 4.86974\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5258189349241541167 Time: 5.0898\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5821621277990374316 Time: 4.91483\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5863767799113001648 Time: 5.42973\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -9147980667639709536 Time: 4.76073\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -8850904373104590857 Time: 5.00928\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: -7751035352149795660 Time: 4.82851\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: -3853827649136781465 Time: 4.95081\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: -3263369460438823196 Time: 5.1293\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: -423878181466897819 Time: 5.53322\n", - "[03/14/2023-21:27:17] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.76073\n", - "[03/14/2023-21:27:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:17] [V] [TRT] *************** Autotuning format combination: Half(200704,784,28,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 0 Time: 7.24836\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1 Time: 5.9822\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 56 Time: 7.65154\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:17] [V] [TRT] Fastest Tactic: 1 Time: 5.9822\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:17] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling\n", - "[03/14/2023-21:27:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:17] [V] [TRT] *************** Autotuning format combination: Half(100352,784:2,28,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1145226902788474763 Time: 2.20914\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1651411198763708804 Time: 2.9062\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 2418518597804310654 Time: 2.90498\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4318470497547290900 Time: 2.81898\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4653005425971292725 Time: 2.86113\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4930470141256631146 Time: 3.51212\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 8292881859266835088 Time: 3.57718\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 8401509141903434922 Time: 2.85372\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -8654297089785671176 Time: 2.69216\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -7448936905981214224 Time: 3.34455\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -6004726995029373073 Time: 3.78375\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -5719726816705110014 Time: 2.69814\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -3754890472406891741 Time: 2.51519\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -3689982367035295496 Time: 2.47808\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -2894005464278291378 Time: 3.36112\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -2027588946874785071 Time: 3.56834\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -1968398013367819764 Time: 2.82559\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -245090590808296743 Time: 2.57878\n", - "[03/14/2023-21:27:18] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.20914\n", - "[03/14/2023-21:27:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:27:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:18] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:18] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 0 Time: 11.4159\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1 skipped. Scratch requested: 65407488, available: 16777216\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 56 Time: 11.4985\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:19] [V] [TRT] Fastest Tactic: 0 Time: 11.4159\n", - "[03/14/2023-21:27:19] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 46202665595848747 Time: 1.10613\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 239013563835492727 Time: 1.61373\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 385569945292539752 Time: 2.39901\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 671037109694951988 Time: 1.24064\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 833287959109025818 Time: 1.47474\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 864841579020773074 Time: 0.752764\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 912634305247603909 Time: 1.21153\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1013168150133367738 Time: 1.05178\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1014187170474222133 Time: 1.2295\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1067227531433278814 Time: 0.881108\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1554365048685552334 Time: 1.24122\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1579845938601132607 Time: 0.85092\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1796821236841789338 Time: 1.75454\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1837941418294761657 Time: 1.21755\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1948263663414159978 Time: 1.43807\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1989668371181446952 Time: 1.83085\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2027733232253711640 Time: 0.962012\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2148106709480872763 Time: 1.00557\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2154731107061273008 Time: 1.17954\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2410442691266548717 Time: 0.725628\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3464689803495983377 Time: 0.963408\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3636831327753843771 Time: 0.855772\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3745975654290680669 Time: 1.26101\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3754069740140581927 Time: 1.45865\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3784804427912340706 Time: 1.58254\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3823144360994712832 Time: 0.880064\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3919868136802676679 Time: 1.35122\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5263029549013613567 Time: 0.834104\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5506334059535811602 Time: 0.786344\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5635311898703673455 Time: 0.751884\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5786991692145244692 Time: 2.31848\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5848150552772236982 Time: 1.19635\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5925270497649423688 Time: 1.28091\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5932046018238429951 Time: 1.61756\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6103089697398018604 Time: 1.22826\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6195603576432354734 Time: 1.65681\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6252808259936499253 Time: 1.54732\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6408235920257988861 Time: 1.28837\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6623704051070449703 Time: 1.37428\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6680916730816870145 Time: 1.31587\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7114340626053367917 Time: 1.59053\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7158029511300006471 Time: 1.44833\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7612687199567064086 Time: 1.26576\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7729555994715864793 Time: 1.26295\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7844857443355818347 Time: 1.37872\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7849296535223586261 Time: 1.38402\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7859952145590271433 Time: 1.45984\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8219150286974756863 Time: 2.07068\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8283847742354150423 Time: 1.3616\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8455608235315878803 Time: 1.61859\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8668812313058150080 Time: 1.29485\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8992262742606384444 Time: 1.00237\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8750433364328295059 Time: 1.28248\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8682550625095202832 Time: 0.989088\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8392835332206231687 Time: 1.77698\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8254009616492665198 Time: 0.768604\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7615325597099025933 Time: 0.832276\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7594446953125532601 Time: 1.26043\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7345578023323941164 Time: 2.11192\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6828337260021572283 Time: 1.88922\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6711815420995272523 Time: 1.68904\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6636202818604544855 Time: 2.30506\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6489479581011009593 Time: 0.939464\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6320761427625651496 Time: 0.90954\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6273232454637933930 Time: 0.838048\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6080892721161662420 Time: 0.777096\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6032793021868796623 Time: 1.1938\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5818527483287834165 Time: 0.832496\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5710735840878760115 Time: 0.92626\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5589367647444470524 Time: 1.85126\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5546257196173962281 Time: 1.17739\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5198219374380660379 Time: 1.02578\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4954692664176521434 Time: 0.767708\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4627695383426341593 Time: 1.63449\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4534876761957424274 Time: 1.30054\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4142141368456048176 Time: 1.57069\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4116131327756252574 Time: 2.03052\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3968200906158272636 Time: 1.21621\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3784342055748695733 Time: 1.70926\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3425274793298557239 Time: 1.18469\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3271955096576257018 Time: 1.21236\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3237051169894153788 Time: 1.52448\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3136088851200285532 Time: 0.771308\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2871615028541756894 Time: 2.35607\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2751179716463646694 Time: 1.55925\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2634388175487609605 Time: 1.90983\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2586046817576862066 Time: 0.71486\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1708101578041178688 Time: 0.780016\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1586820571068855896 Time: 1.58119\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1020632631321619146 Time: 1.27072\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -907287437357565279 Time: 0.760308\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -229563042944049199 Time: 0.739364\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.71486\n", - "[03/14/2023-21:27:21] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", - "[03/14/2023-21:27:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22958\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.280952\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22958\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 2.62225\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.203308\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.203308\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.233536\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.161916\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.161916\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.166296\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.161668\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.161668\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.334508\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.280236\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.280236\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22954\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.257584\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22954\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22908\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.276612\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22908\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.160576\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.1741\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.160576\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 2.32066\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.254292\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.254292\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.189172\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.241424\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.189172\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.19188\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.138012\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.138012\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.177268\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.122324\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.122324\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.306444\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.165252\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.165252\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.19872\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.203748\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.19872\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.351644\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.1311\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.1311\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.1357\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.117164\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.117164\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.293288\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.192368\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.192368\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.196964\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.178268\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.178268\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.289304\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.13622\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.13622\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.178876\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.121804\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.121804\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 4.33168\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1 Time: 3.35294\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 56 Time: 4.5544\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 57 Time: 3.32306\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 57 Time: 3.32306\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1754569683116234317 Time: 2.15222\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1825138533642645384 Time: 2.2508\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 2733356012094739613 Time: 4.43325\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 3915320020053085238 Time: 2.41336\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 6808617066150061604 Time: 2.57061\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 9091006216302412844 Time: 2.6593\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: -8060443123034038864 Time: 2.71456\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: -4420849921117327522 Time: 4.25716\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: -3946921629105938337 Time: 4.53742\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.15222\n", - "[03/14/2023-21:27:22] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:23] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 861694390046228376 Time: 2.52945\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5258189349241541167 Time: 2.42177\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5821621277990374316 Time: 2.4883\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5863767799113001648 Time: 3.173\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -9147980667639709536 Time: 2.31778\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8892196987859366827 Time: 2.28365\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8850904373104590857 Time: 2.35062\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8010679767156598961 Time: 3.15767\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -7751035352149795660 Time: 2.30284\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -5115676123557684531 Time: 2.4718\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -493597327599791285 Time: 2.26864\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -423878181466897819 Time: 3.18248\n", - "[03/14/2023-21:27:23] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 2.26864\n", - "[03/14/2023-21:27:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285\n", - "[03/14/2023-21:27:23] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 0 Time: 3.70964\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 1 Time: 3.18565\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 2 Time: 4.33706\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 56 Time: 4.05456\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 58 Time: 4.3738\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 1 Time: 3.18565\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1651411198763708804 Time: 1.21512\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2418518597804310654 Time: 1.25323\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 4318470497547290900 Time: 1.32042\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 4930470141256631146 Time: 2.09607\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 8292881859266835088 Time: 2.13695\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 8401509141903434922 Time: 1.28762\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -8654297089785671176 Time: 1.43703\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -7516584506774355935 Time: 2.08596\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -7140760933967189247 Time: 1.28554\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -6004726995029373073 Time: 2.08191\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -5719726816705110014 Time: 1.36357\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -4097850214384059472 Time: 2.13158\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -3717489476759089008 Time: 1.27785\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -3689982367035295496 Time: 1.41717\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2640575123064142123 Time: 1.24813\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2534402059426524406 Time: 1.25373\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2027588946874785071 Time: 2.13698\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -1968398013367819764 Time: 1.36678\n", - "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.21512\n", - "[03/14/2023-21:27:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 0 Time: 5.28838\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 56 Time: 5.3628\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 0 Time: 5.28838\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 83696452256923412 Time: 0.807152\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 106549059816437840 Time: 0.828976\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1179757074518529353 Time: 0.5673\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2105695814191699972 Time: 0.804812\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2148106709480872763 Time: 0.46682\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2410442691266548717 Time: 0.506512\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2511830168590723349 Time: 0.588884\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2634905271404611895 Time: 0.548152\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 2689212690707793357 Time: 0.632512\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 2798075085844016892 Time: 0.556904\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3041642431972138763 Time: 0.362136\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3091156937974993800 Time: 0.528304\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3199589679702517123 Time: 0.552324\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3754069740140581927 Time: 0.7511\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3932578551652369355 Time: 0.774484\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4149021101886580762 Time: 0.518148\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4555462412611657028 Time: 0.44184\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4749226340913476230 Time: 0.782448\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5483093640784800285 Time: 0.67192\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.794136\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.94592\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.759284\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.732544\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.797848\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.620344\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.839124\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.806672\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.789228\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.543044\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.536252\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.60018\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.74182\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.737648\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -9104099172933216230 Time: 1.11424\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.493652\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.915216\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.61956\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.620652\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8774805574135441656 Time: 0.715584\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.552656\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8520017388966620486 Time: 0.8318\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8487084252145372186 Time: 0.656408\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8391760416076885205 Time: 0.724256\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7990268040387498660 Time: 1.08006\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7849113095413980300 Time: 0.67402\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7533167286135592323 Time: 0.562948\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -6273232454637933930 Time: 0.64778\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5818527483287834165 Time: 0.630632\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5590418898350402100 Time: 0.766356\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5505475137955795830 Time: 0.424716\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5389631537202601150 Time: 0.69984\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5332866838585594777 Time: 0.586696\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5121883532434354186 Time: 0.43314\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5006039300385557796 Time: 0.526612\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4534876761957424274 Time: 0.786864\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4352168563838861262 Time: 0.455516\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4109084522508697633 Time: 0.554464\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -3237051169894153788 Time: 0.841592\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -3136088851200285532 Time: 0.40082\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2827934362840121038 Time: 0.901332\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2676138141351394855 Time: 1.13598\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2601537631049973288 Time: 0.427336\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2586046817576862066 Time: 0.521132\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2569977342077121032 Time: 0.760836\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2422160065350346448 Time: 0.806004\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2125188058121029448 Time: 0.707504\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2123887091022542343 Time: 0.611776\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -1838109259315759592 Time: 0.620512\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -1216445540764179377 Time: 0.505648\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -539379305772590030 Time: 1.10703\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -288413895057594820 Time: 0.49552\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -229563042944049199 Time: 0.405064\n", - "[03/14/2023-21:27:25] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.362136\n", - "[03/14/2023-21:27:25] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", - "[03/14/2023-21:27:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.9199\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.25854\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.9199\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 10.7864\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.787492\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.787492\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.936468\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.629776\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.629776\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.668796\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.626732\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.626732\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.32549\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.1568\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 1.1568\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.896692\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.14343\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.896692\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.882408\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.2569\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.882408\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.615012\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.75462\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.615012\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 10.7569\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.00748\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 1.00748\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.768584\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.01942\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.768584\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.76088\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.55708\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.55708\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.717912\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.4658\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.4658\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.20714\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.65476\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.65476\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.789512\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.856116\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.789512\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.51688\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.569912\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.569912\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.550224\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.45888\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.45888\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.15882\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.76766\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.76766\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.780536\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.702796\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.702796\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.16375\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 0.538708\n", - "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 0 Time: 0.538708\n", - "[03/14/2023-21:27:27] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1002 Time: 0.69658\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 0.482852\n", - "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 0 Time: 0.482852\n", - "[03/14/2023-21:27:27] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:27] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:27] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 10.256\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1 Time: 8.60157\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 56 Time: 10.4224\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 57 Time: 8.58838\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 57 Time: 8.58838\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16126\n", - "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1825138533642645384 Time: 6.33032\n", - "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:28] [V] [TRT] Tactic: 2733356012094739613 Time: 21.6773\n", - "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:28] [V] [TRT] Tactic: 3915320020053085238 Time: 6.19745\n", - "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:28] [V] [TRT] Tactic: 6808617066150061604 Time: 11.3962\n", - "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:28] [V] [TRT] Tactic: 9091006216302412844 Time: 11.4783\n", - "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: -8060443123034038864 Time: 11.4039\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: -4420849921117327522 Time: 21.0109\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: -3946921629105938337 Time: 21.616\n", - "[03/14/2023-21:27:29] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 6.16126\n", - "[03/14/2023-21:27:29] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling\n", - "[03/14/2023-21:27:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: 861694390046228376 Time: 4.43096\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: 5258189349241541167 Time: 5.26281\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: 5821621277990374316 Time: 5.15294\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: 5863767799113001648 Time: 6.24576\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -9147980667639709536 Time: 4.5448\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8892196987859366827 Time: 4.68879\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8850904373104590857 Time: 4.8431\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8010679767156598961 Time: 6.11518\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -7751035352149795660 Time: 4.53776\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -5115676123557684531 Time: 4.80249\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -493597327599791285 Time: 4.66118\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -423878181466897819 Time: 6.2028\n", - "[03/14/2023-21:27:30] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.43096\n", - "[03/14/2023-21:27:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376\n", - "[03/14/2023-21:27:30] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:30] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 0 Time: 8.67031\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 1 Time: 16.1651\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 56 Time: 8.91692\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:31] [V] [TRT] Fastest Tactic: 0 Time: 8.67031\n", - "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:31] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling\n", - "[03/14/2023-21:27:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", - "[03/14/2023-21:27:31] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 1651411198763708804 Time: 7.34175\n", - "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 2418518597804310654 Time: 5.78413\n", - "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 4318470497547290900 Time: 7.3451\n", - "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: 4930470141256631146 Time: 14.0257\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: 8292881859266835088 Time: 10.8403\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: 8401509141903434922 Time: 5.78671\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: -8654297089785671176 Time: 3.00186\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: -7516584506774355935 Time: 13.969\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: -7140760933967189247 Time: 5.70382\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: -6004726995029373073 Time: 14.03\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -5719726816705110014 Time: 3.6492\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -4097850214384059472 Time: 10.8119\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -3717489476759089008 Time: 7.24952\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -3689982367035295496 Time: 3.01489\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2640575123064142123 Time: 3.90024\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2534402059426524406 Time: 3.25045\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2027588946874785071 Time: 10.8604\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -1968398013367819764 Time: 3.64812\n", - "[03/14/2023-21:27:33] [V] [TRT] Fastest Tactic: -8654297089785671176 Time: 3.00186\n", - "[03/14/2023-21:27:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:33] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:33] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 0 Time: 11.3234\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1 skipped. Scratch requested: 155194880, available: 16777216\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 56 Time: 11.4147\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216\n", - "[03/14/2023-21:27:34] [V] [TRT] Fastest Tactic: 0 Time: 11.3234\n", - "[03/14/2023-21:27:34] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 385569945292539752 Time: 2.08585\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 833287959109025818 Time: 1.81626\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1013168150133367738 Time: 1.01789\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1067227531433278814 Time: 0.977328\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1179757074518529353 Time: 1.12077\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1554365048685552334 Time: 1.32817\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1579845938601132607 Time: 0.928916\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1796821236841789338 Time: 1.78944\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1948263663414159978 Time: 1.53496\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1989668371181446952 Time: 1.87584\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2027733232253711640 Time: 1.11831\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2105695814191699972 Time: 1.6991\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2148106709480872763 Time: 1.05064\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2410442691266548717 Time: 0.976044\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2511830168590723349 Time: 1.04586\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2798075085844016892 Time: 1.1578\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3041642431972138763 Time: 0.861512\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3745975654290680669 Time: 1.38539\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3754069740140581927 Time: 1.6714\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3784804427912340706 Time: 1.47163\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3919868136802676679 Time: 1.19902\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4149021101886580762 Time: 1.19442\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4555462412611657028 Time: 1.08832\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4749226340913476230 Time: 1.74955\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 5483093640784800285 Time: 1.54105\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 5666160310350604399 Time: 1.716\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5848150552772236982 Time: 1.2459\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5900614001783877430 Time: 1.82894\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5925270497649423688 Time: 1.46348\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5999406432703271895 Time: 1.44396\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6103089697398018604 Time: 1.32717\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6195603576432354734 Time: 1.61622\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6408235920257988861 Time: 1.30004\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6623704051070449703 Time: 1.41946\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6680916730816870145 Time: 1.65848\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55902\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7158029511300006471 Time: 1.71584\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7612687199567064086 Time: 1.15562\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7729555994715864793 Time: 1.19568\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7844857443355818347 Time: 1.24287\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7859952145590271433 Time: 1.54286\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8283847742354150423 Time: 1.65546\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8455608235315878803 Time: 1.75168\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8668812313058150080 Time: 1.33911\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8992262742606384444 Time: 1.08977\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8952042869709043207 Time: 1.29376\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17714\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8774805574135441656 Time: 1.34494\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8750433364328295059 Time: 1.3067\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8749513212655756001 Time: 1.01081\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8520017388966620486 Time: 1.7282\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8487084252145372186 Time: 1.35687\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8392835332206231687 Time: 1.61481\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45276\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8254009616492665198 Time: 1.01082\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7849113095413980300 Time: 1.33658\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7615325597099025933 Time: 1.01442\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7594446953125532601 Time: 1.36936\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7533167286135592323 Time: 1.04579\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7345578023323941164 Time: 2.1493\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -6828337260021572283 Time: 2.02501\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6711815420995272523 Time: 1.73803\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6636202818604544855 Time: 2.3332\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6489479581011009593 Time: 1.10392\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15811\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6080892721161662420 Time: 0.84602\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5818527483287834165 Time: 1.15444\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5710735840878760115 Time: 1.03452\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5589367647444470524 Time: 1.78889\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5198219374380660379 Time: 1.08958\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5121883532434354186 Time: 0.93012\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5006039300385557796 Time: 1.04397\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4627695383426341593 Time: 1.57866\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4534876761957424274 Time: 1.51838\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4352168563838861262 Time: 0.858084\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4116131327756252574 Time: 1.97878\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4109084522508697633 Time: 1.01153\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3968200906158272636 Time: 1.35221\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3425274793298557239 Time: 1.14552\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3271955096576257018 Time: 1.16526\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3237051169894153788 Time: 1.74762\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3136088851200285532 Time: 0.857652\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2871615028541756894 Time: 2.17135\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2827934362840121038 Time: 1.66672\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2676138141351394855 Time: 2.31267\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2586046817576862066 Time: 0.991468\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2569977342077121032 Time: 1.45537\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2422160065350346448 Time: 1.54196\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1838109259315759592 Time: 1.20507\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1708101578041178688 Time: 1.03248\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1586820571068855896 Time: 1.53841\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1216445540764179377 Time: 1.00154\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1020632631321619146 Time: 1.38666\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -907287437357565279 Time: 1.0158\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -539379305772590030 Time: 2.09696\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -229563042944049199 Time: 0.87944\n", - "[03/14/2023-21:27:36] [V] [TRT] Fastest Tactic: -6080892721161662420 Time: 0.84602\n", - "[03/14/2023-21:27:36] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling\n", - "[03/14/2023-21:27:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:36] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: 1002 Time: 0.91958\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.28454\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.91958\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 11.0014\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.78726\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.78726\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.936968\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.631388\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.631388\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.669212\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.626756\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.626756\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.32433\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.17729\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 1.17729\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.897072\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.129\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.897072\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.884016\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.2599\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.884016\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.614484\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.794536\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.614484\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 10.9785\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.00794\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 1.00794\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.769848\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.02016\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.769848\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.760524\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.552516\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.552516\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.720156\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.464716\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.464716\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.20727\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.657724\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.657724\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.791828\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.856336\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.791828\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.51473\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.552796\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.552796\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.545124\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.455608\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.455608\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.16279\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.768408\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.768408\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.781012\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.706508\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.706508\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.17135\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.53864\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.53864\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1002 Time: 0.696996\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 0 Time: 0.482784\n", - "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 0 Time: 0.482784\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 0 Time: 3.44829\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20723712, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 56 Time: 3.64564\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20723712, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 0 Time: 3.44829\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1754569683116234317 Time: 1.9131\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1825138533642645384 Time: 2.11537\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 2733356012094739613 Time: 4.01221\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 3915320020053085238 Time: 2.32255\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 6808617066150061604 Time: 2.46608\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 9091006216302412844 Time: 2.46988\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: -8060443123034038864 Time: 2.55578\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: -4420849921117327522 Time: 3.79756\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: -3946921629105938337 Time: 4.09171\n", - "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.9131\n", - "[03/14/2023-21:27:38] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 861694390046228376 Time: 2.31648\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5258189349241541167 Time: 2.41819\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5821621277990374316 Time: 2.29666\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5863767799113001648 Time: 2.64553\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: -9147980667639709536 Time: 2.12199\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8892196987859366827 Time: 2.19052\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8850904373104590857 Time: 2.4243\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8010679767156598961 Time: 2.6715\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7751035352149795660 Time: 2.21076\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -5115676123557684531 Time: 2.46195\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -493597327599791285 Time: 2.36172\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -423878181466897819 Time: 2.64698\n", - "[03/14/2023-21:27:39] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.12199\n", - "[03/14/2023-21:27:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 0 Time: 3.25261\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 1 Time: 2.71618\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 56 Time: 3.62754\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Fastest Tactic: 1 Time: 2.71618\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 1651411198763708804 Time: 1.0792\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 2418518597804310654 Time: 1.08666\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4318470497547290900 Time: 1.20816\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4930470141256631146 Time: 1.8547\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 8292881859266835088 Time: 1.8783\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 8401509141903434922 Time: 1.29809\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8654297089785671176 Time: 1.21856\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7516584506774355935 Time: 1.9518\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7140760933967189247 Time: 1.20345\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -6004726995029373073 Time: 1.86577\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -5719726816705110014 Time: 1.18707\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -4097850214384059472 Time: 1.91444\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -3717489476759089008 Time: 1.19569\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -3689982367035295496 Time: 1.2084\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2640575123064142123 Time: 1.1552\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2534402059426524406 Time: 1.15409\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88887\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -1968398013367819764 Time: 1.20356\n", - "[03/14/2023-21:27:40] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.0792\n", - "[03/14/2023-21:27:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:40] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 0 Time: 4.7753\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64752128, available: 16777216\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 56 Time: 4.90779\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:40] [V] [TRT] Fastest Tactic: 0 Time: 4.7753\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 83696452256923412 Time: 0.73678\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 106549059816437840 Time: 0.665968\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 1179757074518529353 Time: 0.43672\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2105695814191699972 Time: 0.685616\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2148106709480872763 Time: 0.455124\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2410442691266548717 Time: 0.383404\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2511830168590723349 Time: 0.44988\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2634905271404611895 Time: 0.534916\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2689212690707793357 Time: 0.55868\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2798075085844016892 Time: 0.547604\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3041642431972138763 Time: 0.37766\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3091156937974993800 Time: 0.543236\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3199589679702517123 Time: 0.462784\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3754069740140581927 Time: 0.74766\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3932578551652369355 Time: 0.80496\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4149021101886580762 Time: 0.5424\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4555462412611657028 Time: 0.458696\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4749226340913476230 Time: 0.78352\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5483093640784800285 Time: 0.699348\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5666160310350604399 Time: 0.707548\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5900614001783877430 Time: 0.863584\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5925270497649423688 Time: 0.60544\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5999406432703271895 Time: 0.709752\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 6680916730816870145 Time: 0.624388\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7107292614492808590 Time: 0.56664\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7158029511300006471 Time: 0.68668\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7859952145590271433 Time: 0.592212\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8283847742354150423 Time: 0.68452\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8468288610222482742 Time: 0.465744\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8620567263556985011 Time: 0.466984\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8642279798680442080 Time: 0.514904\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8980274178270132023 Time: 0.674124\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 9108067304506990859 Time: 0.6928\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -9104099172933216230 Time: 0.959168\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8992262742606384444 Time: 0.447724\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8956720569082607796 Time: 0.854384\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8952042869709043207 Time: 0.604\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8898856569474934280 Time: 0.538952\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8774805574135441656 Time: 0.565436\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8749513212655756001 Time: 0.470684\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8520017388966620486 Time: 0.78768\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8487084252145372186 Time: 0.567484\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -8391760416076885205 Time: 0.588196\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7990268040387498660 Time: 1.0377\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7849113095413980300 Time: 0.591488\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7533167286135592323 Time: 0.561524\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -6273232454637933930 Time: 0.455048\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5818527483287834165 Time: 0.44582\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5590418898350402100 Time: 0.704128\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5505475137955795830 Time: 0.392036\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5389631537202601150 Time: 0.577308\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5332866838585594777 Time: 0.557224\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5121883532434354186 Time: 0.488308\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5006039300385557796 Time: 0.515204\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4534876761957424274 Time: 0.627236\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4352168563838861262 Time: 0.401604\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4109084522508697633 Time: 0.472572\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -3237051169894153788 Time: 0.70958\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -3136088851200285532 Time: 0.385108\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2827934362840121038 Time: 0.7486\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2676138141351394855 Time: 1.04535\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2601537631049973288 Time: 0.482548\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2586046817576862066 Time: 0.393088\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2569977342077121032 Time: 0.69002\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2422160065350346448 Time: 0.619692\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2125188058121029448 Time: 0.543328\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2123887091022542343 Time: 0.587212\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -1838109259315759592 Time: 0.538324\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -1216445540764179377 Time: 0.394544\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -539379305772590030 Time: 0.966244\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -288413895057594820 Time: 0.502812\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -229563042944049199 Time: 0.383052\n", - "[03/14/2023-21:27:41] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.37766\n", - "[03/14/2023-21:27:41] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", - "[03/14/2023-21:27:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 0 Time: 7.29074\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20777472, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 6 Time: 4.11342\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 56 Time: 8.13078\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20777472, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 62 Time: 4.08758\n", - "[03/14/2023-21:27:41] [V] [TRT] Fastest Tactic: 62 Time: 4.08758\n", - "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 1825138533642645384 Time: 4.70493\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 2775507031594384867 Time: 4.03184\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 2842488832350522458 Time: 4.84664\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 3915320020053085238 Time: 4.70686\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 6448355332020552203 Time: 4.84312\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 6808617066150061604 Time: 4.95476\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: -8060443123034038864 Time: 5.10379\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: -4420849921117327522 Time: 6.95978\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: -3946921629105938337 Time: 6.15399\n", - "[03/14/2023-21:27:42] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.03184\n", - "[03/14/2023-21:27:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", - "[03/14/2023-21:27:42] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:42] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:42] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:42] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 861694390046228376 Time: 4.76917\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 1017870653102653567 Time: 4.67556\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5258189349241541167 Time: 4.89284\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5821621277990374316 Time: 4.61819\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5863767799113001648 Time: 5.29196\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -9147980667639709536 Time: 4.55828\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -8850904373104590857 Time: 4.93142\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -7751035352149795660 Time: 4.58324\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -3853827649136781465 Time: 4.67386\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -3263369460438823196 Time: 4.90827\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -423878181466897819 Time: 5.38684\n", - "[03/14/2023-21:27:43] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.55828\n", - "[03/14/2023-21:27:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:43] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:43] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: 0 Time: 7.03663\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1 Time: 5.36294\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 56 Time: 7.27376\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Fastest Tactic: 1 Time: 5.36294\n", - "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:44] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:44] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling\n", - "[03/14/2023-21:27:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:44] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:44] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1145226902788474763 Time: 2.16571\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1651411198763708804 Time: 2.77329\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 2418518597804310654 Time: 2.6906\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4318470497547290900 Time: 2.62294\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4653005425971292725 Time: 2.67876\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4930470141256631146 Time: 3.02971\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 8292881859266835088 Time: 3.16214\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 8401509141903434922 Time: 2.68726\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -8654297089785671176 Time: 2.55981\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -7448936905981214224 Time: 3.03929\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -6004726995029373073 Time: 2.89594\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -5719726816705110014 Time: 2.51666\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3754890472406891741 Time: 2.57089\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3689982367035295496 Time: 2.49581\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3140347171730126532 Time: 2.027\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: -2894005464278291378 Time: 2.83959\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: -2027588946874785071 Time: 3.01504\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: -1968398013367819764 Time: 2.93319\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: -245090590808296743 Time: 2.58795\n", - "[03/14/2023-21:27:45] [V] [TRT] Fastest Tactic: -3140347171730126532 Time: 2.027\n", - "[03/14/2023-21:27:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3140347171730126532\n", - "[03/14/2023-21:27:45] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:45] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 0 Time: 10.222\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1 skipped. Scratch requested: 26872320, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 56 Time: 10.2494\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Fastest Tactic: 0 Time: 10.222\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 46202665595848747 Time: 1.02174\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 239013563835492727 Time: 1.51\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 385569945292539752 Time: 2.30436\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 671037109694951988 Time: 1.15781\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 833287959109025818 Time: 1.33274\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 864841579020773074 Time: 0.664988\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 912634305247603909 Time: 1.12245\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1013168150133367738 Time: 0.888488\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14983\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1067227531433278814 Time: 0.778124\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1554365048685552334 Time: 1.17913\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1579845938601132607 Time: 0.753724\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1796821236841789338 Time: 1.66949\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1837941418294761657 Time: 1.15567\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1948263663414159978 Time: 1.34183\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1989668371181446952 Time: 1.69292\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2027733232253711640 Time: 0.846576\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2148106709480872763 Time: 0.864664\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2154731107061273008 Time: 1.1006\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2410442691266548717 Time: 0.660004\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3464689803495983377 Time: 0.848256\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3636831327753843771 Time: 0.749564\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3745975654290680669 Time: 1.183\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3754069740140581927 Time: 1.31847\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3784804427912340706 Time: 1.47599\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3823144360994712832 Time: 0.763452\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3919868136802676679 Time: 1.15885\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5263029549013613567 Time: 0.68098\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5506334059535811602 Time: 0.667836\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5635311898703673455 Time: 0.672904\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5786991692145244692 Time: 2.26509\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5848150552772236982 Time: 1.17226\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5925270497649423688 Time: 1.16248\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5932046018238429951 Time: 1.45362\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6103089697398018604 Time: 1.16576\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6195603576432354734 Time: 1.5014\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6252808259936499253 Time: 1.4127\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6408235920257988861 Time: 1.20643\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6623704051070449703 Time: 1.29608\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6680916730816870145 Time: 1.33349\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7114340626053367917 Time: 1.52829\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7158029511300006471 Time: 1.28395\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7612687199567064086 Time: 1.13405\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7729555994715864793 Time: 1.1146\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7844857443355818347 Time: 1.15594\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7849296535223586261 Time: 1.17847\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7859952145590271433 Time: 1.29449\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8219150286974756863 Time: 1.95781\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8283847742354150423 Time: 1.30033\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8455608235315878803 Time: 1.57534\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8668812313058150080 Time: 1.28598\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: -8992262742606384444 Time: 0.920436\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: -8750433364328295059 Time: 1.21914\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8682550625095202832 Time: 0.89254\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8392835332206231687 Time: 1.7085\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8254009616492665198 Time: 0.713324\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7615325597099025933 Time: 0.728212\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7594446953125532601 Time: 1.13632\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7345578023323941164 Time: 1.94267\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6828337260021572283 Time: 1.74472\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6711815420995272523 Time: 1.53732\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6636202818604544855 Time: 2.11446\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6489479581011009593 Time: 0.86068\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6320761427625651496 Time: 0.826856\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6273232454637933930 Time: 0.76856\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6080892721161662420 Time: 0.690432\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6032793021868796623 Time: 1.15916\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5818527483287834165 Time: 0.75198\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5710735840878760115 Time: 0.785712\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5589367647444470524 Time: 1.78074\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5546257196173962281 Time: 1.07922\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5198219374380660379 Time: 0.852516\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4954692664176521434 Time: 0.679968\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4627695383426341593 Time: 1.4958\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4534876761957424274 Time: 1.17158\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4142141368456048176 Time: 1.44631\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4116131327756252574 Time: 1.86934\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3968200906158272636 Time: 1.17586\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3784342055748695733 Time: 1.65344\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3425274793298557239 Time: 1.09023\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3271955096576257018 Time: 1.1035\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3237051169894153788 Time: 1.3053\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3136088851200285532 Time: 0.657324\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2871615028541756894 Time: 2.12178\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2751179716463646694 Time: 1.45417\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2634388175487609605 Time: 1.77961\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2586046817576862066 Time: 0.656252\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1708101578041178688 Time: 0.69344\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1586820571068855896 Time: 1.5314\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1020632631321619146 Time: 1.17962\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -907287437357565279 Time: 0.688848\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -229563042944049199 Time: 0.672872\n", - "[03/14/2023-21:27:47] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.656252\n", - "[03/14/2023-21:27:47] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling\n", - "[03/14/2023-21:27:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:47] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 0 Time: 6.7782\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1 Time: 5.38725\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 56 Time: 6.83429\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 57 Time: 5.37672\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Fastest Tactic: 57 Time: 5.37672\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1754569683116234317 Time: 2.60479\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1825138533642645384 Time: 2.68982\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08146\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 3915320020053085238 Time: 2.66005\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 6808617066150061604 Time: 2.99429\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 9091006216302412844 Time: 3.05313\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: -8060443123034038864 Time: 3.07859\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: -4420849921117327522 Time: 4.79393\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: -3946921629105938337 Time: 5.17054\n", - "[03/14/2023-21:27:48] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.60479\n", - "[03/14/2023-21:27:48] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:48] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 861694390046228376 Time: 2.53878\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5258189349241541167 Time: 2.5939\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5821621277990374316 Time: 2.64218\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5863767799113001648 Time: 3.8407\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -9147980667639709536 Time: 2.45502\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8892196987859366827 Time: 2.53402\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8850904373104590857 Time: 2.5318\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8010679767156598961 Time: 3.82342\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -7751035352149795660 Time: 2.45689\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -5115676123557684531 Time: 2.59421\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -493597327599791285 Time: 2.48092\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -423878181466897819 Time: 3.88806\n", - "[03/14/2023-21:27:49] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.45502\n", - "[03/14/2023-21:27:49] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:49] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:49] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 0 Time: 5.28702\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 1 Time: 4.45716\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 2 Time: 5.62684\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 56 Time: 5.57068\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 58 Time: 5.53874\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: 1 Time: 4.45716\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1651411198763708804 Time: 1.45914\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2418518597804310654 Time: 1.50268\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 4318470497547290900 Time: 1.57712\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 4930470141256631146 Time: 2.39264\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 8292881859266835088 Time: 2.44547\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 8401509141903434922 Time: 1.53249\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -8654297089785671176 Time: 1.56293\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -7516584506774355935 Time: 2.38414\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -7140760933967189247 Time: 1.49449\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -6004726995029373073 Time: 2.38115\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -5719726816705110014 Time: 1.48469\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -4097850214384059472 Time: 2.44066\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -3717489476759089008 Time: 1.46596\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -3689982367035295496 Time: 1.4893\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2640575123064142123 Time: 1.35715\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2534402059426524406 Time: 1.35764\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2027588946874785071 Time: 2.44684\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -1968398013367819764 Time: 1.53202\n", - "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.35715\n", - "[03/14/2023-21:27:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 0 Time: 7.00073\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 56 Time: 6.96336\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: 56 Time: 6.96336\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 83696452256923412 Time: 0.886108\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 106549059816437840 Time: 0.928792\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1179757074518529353 Time: 0.72442\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2105695814191699972 Time: 1.04258\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2148106709480872763 Time: 0.61604\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2410442691266548717 Time: 0.720084\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2511830168590723349 Time: 0.641928\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2634905271404611895 Time: 0.580428\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2689212690707793357 Time: 0.837096\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2798075085844016892 Time: 0.658008\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3041642431972138763 Time: 0.610908\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3091156937974993800 Time: 0.648548\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3199589679702517123 Time: 0.684068\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3754069740140581927 Time: 0.969144\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3932578551652369355 Time: 0.88636\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4149021101886580762 Time: 0.6063\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4555462412611657028 Time: 0.61304\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4749226340913476230 Time: 1.01446\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5483093640784800285 Time: 0.838024\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5666160310350604399 Time: 0.98014\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5900614001783877430 Time: 0.979652\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5925270497649423688 Time: 0.951736\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5999406432703271895 Time: 0.763456\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 6680916730816870145 Time: 0.923892\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7107292614492808590 Time: 0.658864\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7158029511300006471 Time: 1.01507\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7859952145590271433 Time: 0.907776\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8283847742354150423 Time: 0.92\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8468288610222482742 Time: 0.723992\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8620567263556985011 Time: 0.721072\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8642279798680442080 Time: 0.615108\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8980274178270132023 Time: 0.78434\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 9108067304506990859 Time: 0.77074\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -9104099172933216230 Time: 1.18786\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8992262742606384444 Time: 0.665704\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8956720569082607796 Time: 1.0324\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8952042869709043207 Time: 0.724772\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8898856569474934280 Time: 0.710664\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8774805574135441656 Time: 0.84016\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8749513212655756001 Time: 0.73464\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8520017388966620486 Time: 0.887628\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8487084252145372186 Time: 0.837556\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8391760416076885205 Time: 0.951252\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7990268040387498660 Time: 1.11708\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7849113095413980300 Time: 0.86216\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7533167286135592323 Time: 0.605532\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -6273232454637933930 Time: 0.74324\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5818527483287834165 Time: 0.751392\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5590418898350402100 Time: 0.78918\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5505475137955795830 Time: 0.526952\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5389631537202601150 Time: 0.918912\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5332866838585594777 Time: 0.5997\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5121883532434354186 Time: 0.5491\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5006039300385557796 Time: 0.60832\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4534876761957424274 Time: 0.99248\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4352168563838861262 Time: 0.533424\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4109084522508697633 Time: 0.713596\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -3237051169894153788 Time: 1.00873\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -3136088851200285532 Time: 0.625964\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -2827934362840121038 Time: 0.890276\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -2676138141351394855 Time: 1.16678\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2601537631049973288 Time: 0.549652\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2586046817576862066 Time: 0.75226\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2569977342077121032 Time: 0.829232\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2422160065350346448 Time: 0.9316\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2125188058121029448 Time: 0.781932\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2123887091022542343 Time: 0.676672\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -1838109259315759592 Time: 0.65152\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -1216445540764179377 Time: 0.735832\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -539379305772590030 Time: 1.18036\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -288413895057594820 Time: 0.618404\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -229563042944049199 Time: 0.621264\n", - "[03/14/2023-21:27:52] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 0.526952\n", - "[03/14/2023-21:27:52] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", - "[03/14/2023-21:27:52] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CublasConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CublasConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CublasConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 0 Time: 7.32004\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 1 Time: 5.09163\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 56 Time: 7.6905\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 57 Time: 5.20313\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216\n", - "[03/14/2023-21:27:53] [V] [TRT] Fastest Tactic: 1 Time: 5.09163\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 1754569683116234317 Time: 4.07314\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 1825138533642645384 Time: 4.53392\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 2733356012094739613 Time: 8.12179\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 3915320020053085238 Time: 4.70394\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 6808617066150061604 Time: 5.07384\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 9091006216302412844 Time: 5.0079\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: -8060443123034038864 Time: 5.29493\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: -4420849921117327522 Time: 7.65894\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: -3946921629105938337 Time: 8.23913\n", - "[03/14/2023-21:27:53] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.07314\n", - "[03/14/2023-21:27:53] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling\n", - "[03/14/2023-21:27:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:53] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: 861694390046228376 Time: 4.61568\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5258189349241541167 Time: 4.68694\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5821621277990374316 Time: 4.62898\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5863767799113001648 Time: 5.18788\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -9147980667639709536 Time: 4.29448\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8892196987859366827 Time: 4.38434\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8850904373104590857 Time: 4.69181\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8010679767156598961 Time: 5.09774\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -7751035352149795660 Time: 4.33382\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -5115676123557684531 Time: 4.55423\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -493597327599791285 Time: 4.44888\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -423878181466897819 Time: 5.23105\n", - "[03/14/2023-21:27:54] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.29448\n", - "[03/14/2023-21:27:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:54] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 0 Time: 6.93034\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 1 Time: 5.4689\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 56 Time: 7.4906\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Fastest Tactic: 1 Time: 5.4689\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling\n", - "[03/14/2023-21:27:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:55] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 1651411198763708804 Time: 2.06346\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 2418518597804310654 Time: 2.94045\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4318470497547290900 Time: 2.78667\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4930470141256631146 Time: 3.80528\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 8292881859266835088 Time: 3.82994\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 8401509141903434922 Time: 2.67526\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: -8654297089785671176 Time: 2.52124\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: -7516584506774355935 Time: 3.91849\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: -7140760933967189247 Time: 2.68474\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -6004726995029373073 Time: 3.81678\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -5719726816705110014 Time: 2.55646\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -4097850214384059472 Time: 3.8804\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -3717489476759089008 Time: 2.49708\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -3689982367035295496 Time: 2.61412\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2640575123064142123 Time: 2.37975\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2534402059426524406 Time: 2.32536\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2027588946874785071 Time: 3.85626\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -1968398013367819764 Time: 2.51582\n", - "[03/14/2023-21:27:56] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.06346\n", - "[03/14/2023-21:27:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 0 Time: 10.0588\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 78122496, available: 16777216\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 56 Time: 10.0608\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216\n", - "[03/14/2023-21:27:56] [V] [TRT] Fastest Tactic: 0 Time: 10.0588\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 83696452256923412 Time: 1.38458\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 106549059816437840 Time: 1.41377\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 1179757074518529353 Time: 0.861732\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2105695814191699972 Time: 1.44226\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2148106709480872763 Time: 0.869072\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2410442691266548717 Time: 0.689744\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2511830168590723349 Time: 0.913796\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2634905271404611895 Time: 1.06948\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2689212690707793357 Time: 1.15134\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2798075085844016892 Time: 1.09458\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3041642431972138763 Time: 0.657196\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3091156937974993800 Time: 1.07879\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3199589679702517123 Time: 0.899508\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3754069740140581927 Time: 1.41267\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3932578551652369355 Time: 1.6\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4149021101886580762 Time: 1.07146\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4555462412611657028 Time: 0.856776\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4749226340913476230 Time: 1.61722\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5483093640784800285 Time: 1.43499\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5666160310350604399 Time: 1.33515\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5900614001783877430 Time: 1.69715\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5925270497649423688 Time: 1.18569\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5999406432703271895 Time: 1.42838\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29689\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7107292614492808590 Time: 1.16041\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7158029511300006471 Time: 1.40671\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7859952145590271433 Time: 1.27106\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8283847742354150423 Time: 1.37864\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8468288610222482742 Time: 0.775972\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8620567263556985011 Time: 0.798044\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8642279798680442080 Time: 1.1173\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8980274178270132023 Time: 1.43027\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 9108067304506990859 Time: 1.4313\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -9104099172933216230 Time: 2.02912\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8992262742606384444 Time: 0.8695\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8956720569082607796 Time: 1.79932\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8952042869709043207 Time: 1.15083\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8898856569474934280 Time: 1.10996\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8774805574135441656 Time: 1.18458\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8749513212655756001 Time: 0.803744\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8520017388966620486 Time: 1.62027\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8487084252145372186 Time: 1.11394\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8391760416076885205 Time: 1.1375\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7990268040387498660 Time: 2.06404\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7849113095413980300 Time: 1.0956\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7533167286135592323 Time: 1.04058\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -6273232454637933930 Time: 0.851528\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5818527483287834165 Time: 0.843872\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5590418898350402100 Time: 1.45715\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5505475137955795830 Time: 0.705064\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5389631537202601150 Time: 1.13388\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5332866838585594777 Time: 1.06662\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5121883532434354186 Time: 0.774492\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5006039300385557796 Time: 0.917348\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4534876761957424274 Time: 1.24594\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4352168563838861262 Time: 0.731344\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4109084522508697633 Time: 0.809124\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -3237051169894153788 Time: 1.35648\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -3136088851200285532 Time: 0.642624\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2827934362840121038 Time: 1.4359\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2676138141351394855 Time: 2.08636\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2601537631049973288 Time: 0.773076\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2586046817576862066 Time: 0.687704\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2569977342077121032 Time: 1.39307\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2422160065350346448 Time: 1.26246\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2125188058121029448 Time: 1.18242\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2123887091022542343 Time: 1.14681\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -1838109259315759592 Time: 1.17478\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -1216445540764179377 Time: 0.712832\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -539379305772590030 Time: 2.00677\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -288413895057594820 Time: 0.879612\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -229563042944049199 Time: 0.711368\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.642624\n", - "[03/14/2023-21:27:58] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling\n", - "[03/14/2023-21:27:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.45432\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.629708\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.45432\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 5.46931\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.398064\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.398064\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.464352\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.317456\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.317456\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.331608\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.316348\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.316348\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.66332\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.561084\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.561084\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.452096\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.510928\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.452096\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.44676\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.57574\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.44676\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.313516\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.351016\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.313516\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 4.90214\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.503896\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.503896\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.375112\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.500324\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.375112\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.379588\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.27612\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.27612\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.353476\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.236488\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.236488\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.605968\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.329592\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.329592\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.388616\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.413492\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.388616\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.722016\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.265392\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.265392\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.270412\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.230252\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.230252\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.582964\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.385872\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.385872\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.390084\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.353288\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.353288\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.566276\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.271384\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.271384\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.350004\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.2428\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.2428\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning format combination: Float(100352,196,14,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:59] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 7.74612\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 66544128, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 56 Time: 7.8814\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 57 skipped. Scratch requested: 66544128, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 7.74612\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1825138533642645384 Time: 4.2295\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 2842488832350522458 Time: 5.34261\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 3915320020053085238 Time: 4.82215\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 6448355332020552203 Time: 4.85205\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 6808617066150061604 Time: 5.32218\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: -8060443123034038864 Time: 5.7266\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: -4420849921117327522 Time: 8.4602\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: -3946921629105938337 Time: 7.87141\n", - "[03/14/2023-21:28:00] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.2295\n", - "[03/14/2023-21:28:00] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling\n", - "[03/14/2023-21:28:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:00] [V] [TRT] *************** Autotuning format combination: Float(100352,1,7168,512) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:00] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:00] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:00] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 861694390046228376 Time: 5.02945\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 1017870653102653567 Time: 4.82654\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5258189349241541167 Time: 5.0426\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5821621277990374316 Time: 4.8364\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5863767799113001648 Time: 5.35881\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -9147980667639709536 Time: 4.60907\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -8850904373104590857 Time: 5.11822\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -7751035352149795660 Time: 4.75957\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -3853827649136781465 Time: 4.79651\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -3263369460438823196 Time: 4.99725\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -423878181466897819 Time: 5.43002\n", - "[03/14/2023-21:28:01] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.60907\n", - "[03/14/2023-21:28:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:01] [V] [TRT] *************** Autotuning format combination: Half(100352,196,14,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 0 Time: 7.26055\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 1 Time: 6.0078\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 56 Time: 7.72977\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:01] [V] [TRT] Fastest Tactic: 1 Time: 6.0078\n", - "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:01] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:01] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling\n", - "[03/14/2023-21:28:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:01] [V] [TRT] *************** Autotuning format combination: Half(50176,196:2,14,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:01] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:02] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:02] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:02] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 1145226902788474763 Time: 2.23118\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 1651411198763708804 Time: 2.91315\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 2418518597804310654 Time: 2.78732\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4318470497547290900 Time: 2.84844\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4653005425971292725 Time: 2.86252\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4930470141256631146 Time: 3.6804\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 8292881859266835088 Time: 3.78844\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 8401509141903434922 Time: 2.94822\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -8654297089785671176 Time: 2.59144\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -7448936905981214224 Time: 3.53554\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -6004726995029373073 Time: 3.74688\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -5719726816705110014 Time: 2.58678\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -3754890472406891741 Time: 2.57763\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -3689982367035295496 Time: 2.35897\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -2894005464278291378 Time: 3.6689\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -2027588946874785071 Time: 3.73945\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: -1968398013367819764 Time: 2.67864\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: -245090590808296743 Time: 2.57706\n", - "[03/14/2023-21:28:03] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.23118\n", - "[03/14/2023-21:28:03] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:28:03] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:03] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 0 Time: 11.2575\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1 skipped. Scratch requested: 36833792, available: 16777216\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 56 Time: 11.2863\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:28:03] [V] [TRT] Fastest Tactic: 0 Time: 11.2575\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 46202665595848747 Time: 1.24071\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 239013563835492727 Time: 1.5457\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 385569945292539752 Time: 2.31519\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 671037109694951988 Time: 1.31677\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 833287959109025818 Time: 1.42292\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 864841579020773074 Time: 0.778484\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 912634305247603909 Time: 1.14673\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1013168150133367738 Time: 0.952616\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1014187170474222133 Time: 1.19668\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1067227531433278814 Time: 0.834532\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1554365048685552334 Time: 1.201\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1579845938601132607 Time: 0.780224\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1796821236841789338 Time: 1.67076\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1837941418294761657 Time: 1.44288\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1948263663414159978 Time: 1.42161\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1989668371181446952 Time: 1.8153\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2027733232253711640 Time: 0.934992\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2148106709480872763 Time: 0.912368\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2154731107061273008 Time: 1.13959\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2410442691266548717 Time: 0.769652\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3464689803495983377 Time: 0.856944\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3636831327753843771 Time: 0.76594\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3745975654290680669 Time: 1.3852\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34814\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3784804427912340706 Time: 1.48321\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3823144360994712832 Time: 0.823704\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3919868136802676679 Time: 1.29822\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5263029549013613567 Time: 0.781716\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5506334059535811602 Time: 0.839992\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5635311898703673455 Time: 0.700352\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5786991692145244692 Time: 2.26406\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5848150552772236982 Time: 1.24356\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42492\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5932046018238429951 Time: 1.55493\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6103089697398018604 Time: 1.49398\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6195603576432354734 Time: 1.57454\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6252808259936499253 Time: 1.58442\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6408235920257988861 Time: 1.34203\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6623704051070449703 Time: 1.3544\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29508\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7114340626053367917 Time: 1.54674\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7158029511300006471 Time: 1.35601\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7612687199567064086 Time: 1.13844\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7729555994715864793 Time: 1.22025\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7844857443355818347 Time: 1.25578\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7849296535223586261 Time: 1.23378\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7859952145590271433 Time: 1.4075\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 8219150286974756863 Time: 2.13491\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8283847742354150423 Time: 1.39864\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8455608235315878803 Time: 1.70438\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8668812313058150080 Time: 1.37787\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8992262742606384444 Time: 1.07565\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8750433364328295059 Time: 1.27292\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8682550625095202832 Time: 0.894308\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8392835332206231687 Time: 1.70245\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8254009616492665198 Time: 0.830908\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7615325597099025933 Time: 0.868252\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7594446953125532601 Time: 1.3479\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7345578023323941164 Time: 1.93388\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6828337260021572283 Time: 2.07156\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6711815420995272523 Time: 1.67937\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6636202818604544855 Time: 2.30665\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6489479581011009593 Time: 0.945396\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6320761427625651496 Time: 0.866692\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6273232454637933930 Time: 0.760628\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6080892721161662420 Time: 0.723488\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6032793021868796623 Time: 1.14357\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5818527483287834165 Time: 0.756804\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5710735840878760115 Time: 0.862776\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5589367647444470524 Time: 1.88004\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5546257196173962281 Time: 1.15832\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5198219374380660379 Time: 0.963788\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4954692664176521434 Time: 0.824176\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4627695383426341593 Time: 1.51457\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38954\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4142141368456048176 Time: 1.43012\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4116131327756252574 Time: 1.93012\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3968200906158272636 Time: 1.18672\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3784342055748695733 Time: 1.71603\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3425274793298557239 Time: 1.1558\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3271955096576257018 Time: 1.23037\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3237051169894153788 Time: 1.4184\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3136088851200285532 Time: 0.68026\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -2871615028541756894 Time: 2.19061\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2751179716463646694 Time: 1.54812\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2634388175487609605 Time: 1.9156\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2586046817576862066 Time: 0.794828\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1708101578041178688 Time: 0.829452\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1586820571068855896 Time: 1.4947\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1020632631321619146 Time: 1.43622\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -907287437357565279 Time: 0.801704\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -229563042944049199 Time: 0.671056\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.671056\n", - "[03/14/2023-21:28:06] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", - "[03/14/2023-21:28:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.115736\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.141608\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.115736\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 1.45334\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.105728\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.105728\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.118272\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.082048\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.082048\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.084208\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.083364\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.083364\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.163836\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.129036\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.129036\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.111096\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.116168\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.111096\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.11636\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.122652\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.11636\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.082468\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.089656\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.082468\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 1.29553\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.128592\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.128592\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.092112\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.119332\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.092112\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.104424\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.06968\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.06968\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.10172\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.061096\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.061096\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.14848\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.083316\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.083316\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.092844\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.099896\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.092844\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.159756\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.067376\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.067376\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.068168\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.068068\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.068068\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.140668\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.105488\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.105488\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.094676\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.091864\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.091864\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.132396\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.075528\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.075528\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.091652\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.065472\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.065472\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:06] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:06] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 3.59007\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1 Time: 2.6594\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 2 Time: 3.97058\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 56 Time: 3.95542\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 57 Time: 2.69806\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 58 Time: 4.21634\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:07] [V] [TRT] Fastest Tactic: 1 Time: 2.6594\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 1754569683116234317 Time: 2.17841\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 1825138533642645384 Time: 2.24409\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 2733356012094739613 Time: 4.00972\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 3915320020053085238 Time: 2.33122\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 6808617066150061604 Time: 2.55934\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 9091006216302412844 Time: 2.52218\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8060443123034038864 Time: 2.65192\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -4420849921117327522 Time: 3.94232\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -3946921629105938337 Time: 4.09858\n", - "[03/14/2023-21:28:07] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.17841\n", - "[03/14/2023-21:28:07] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:07] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 861694390046228376 Time: 2.3409\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5258189349241541167 Time: 2.33206\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5821621277990374316 Time: 2.25309\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5863767799113001648 Time: 2.77606\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -9147980667639709536 Time: 2.1616\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8892196987859366827 Time: 2.16877\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8850904373104590857 Time: 2.25587\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8010679767156598961 Time: 2.73436\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -7751035352149795660 Time: 2.14157\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -5115676123557684531 Time: 2.20082\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -493597327599791285 Time: 2.29974\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -423878181466897819 Time: 2.79602\n", - "[03/14/2023-21:28:08] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.14157\n", - "[03/14/2023-21:28:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 0 Time: 3.39653\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 1 Time: 2.76391\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 2 Time: 4.02812\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 56 Time: 3.69934\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 58 Time: 3.93592\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:08] [V] [TRT] Fastest Tactic: 1 Time: 2.76391\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 1651411198763708804 Time: 1.08406\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 2418518597804310654 Time: 1.20034\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4318470497547290900 Time: 1.3008\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4930470141256631146 Time: 1.72656\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 8292881859266835088 Time: 1.73004\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 8401509141903434922 Time: 1.29258\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -8654297089785671176 Time: 1.23912\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -7516584506774355935 Time: 1.75579\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -7140760933967189247 Time: 1.22788\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -6004726995029373073 Time: 1.63376\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -5719726816705110014 Time: 1.35299\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -4097850214384059472 Time: 1.71166\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -3717489476759089008 Time: 1.28689\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -3689982367035295496 Time: 1.29532\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2640575123064142123 Time: 1.18919\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2534402059426524406 Time: 1.17331\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2027588946874785071 Time: 1.72004\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -1968398013367819764 Time: 1.26918\n", - "[03/14/2023-21:28:09] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.08406\n", - "[03/14/2023-21:28:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 0 Time: 4.86873\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 56 Time: 4.98544\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:09] [V] [TRT] Fastest Tactic: 0 Time: 4.86873\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 83696452256923412 Time: 0.7362\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 106549059816437840 Time: 0.707012\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 1179757074518529353 Time: 0.43902\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2105695814191699972 Time: 0.682748\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2148106709480872763 Time: 0.422244\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2410442691266548717 Time: 0.40212\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2511830168590723349 Time: 0.508472\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2634905271404611895 Time: 0.512208\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2689212690707793357 Time: 0.581876\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2798075085844016892 Time: 0.511672\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3041642431972138763 Time: 0.340556\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3091156937974993800 Time: 0.493276\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3199589679702517123 Time: 0.490972\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3754069740140581927 Time: 0.687124\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3932578551652369355 Time: 0.7518\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4149021101886580762 Time: 0.49716\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4555462412611657028 Time: 0.438104\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4749226340913476230 Time: 0.7929\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5483093640784800285 Time: 0.691116\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5666160310350604399 Time: 0.697788\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5900614001783877430 Time: 0.843592\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5925270497649423688 Time: 0.623088\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5999406432703271895 Time: 0.659428\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 6680916730816870145 Time: 0.644\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7107292614492808590 Time: 0.544772\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7158029511300006471 Time: 0.740832\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7859952145590271433 Time: 0.694488\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8283847742354150423 Time: 0.708016\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8468288610222482742 Time: 0.427532\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8620567263556985011 Time: 0.418552\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8642279798680442080 Time: 0.498724\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8980274178270132023 Time: 0.638888\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 9108067304506990859 Time: 0.659136\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -9104099172933216230 Time: 0.975416\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8992262742606384444 Time: 0.450692\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8956720569082607796 Time: 0.860196\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8952042869709043207 Time: 0.56526\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8898856569474934280 Time: 0.545764\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8774805574135441656 Time: 0.639812\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8749513212655756001 Time: 0.421016\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8520017388966620486 Time: 0.76096\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8487084252145372186 Time: 0.575008\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8391760416076885205 Time: 0.59254\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7990268040387498660 Time: 0.951956\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7849113095413980300 Time: 0.568876\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7533167286135592323 Time: 0.494332\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -6273232454637933930 Time: 0.4956\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5818527483287834165 Time: 0.474824\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5590418898350402100 Time: 0.698808\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5505475137955795830 Time: 0.357168\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5389631537202601150 Time: 0.577072\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5332866838585594777 Time: 0.51054\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5121883532434354186 Time: 0.391436\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5006039300385557796 Time: 0.44268\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4534876761957424274 Time: 0.642212\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4352168563838861262 Time: 0.360496\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4109084522508697633 Time: 0.422068\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -3237051169894153788 Time: 0.690948\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -3136088851200285532 Time: 0.357736\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2827934362840121038 Time: 0.751368\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2676138141351394855 Time: 1.0011\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2601537631049973288 Time: 0.37942\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2586046817576862066 Time: 0.405552\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2569977342077121032 Time: 0.676256\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2422160065350346448 Time: 0.65612\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2125188058121029448 Time: 0.622448\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2123887091022542343 Time: 0.55672\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -1838109259315759592 Time: 0.533772\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -1216445540764179377 Time: 0.3902\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -539379305772590030 Time: 0.976472\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -288413895057594820 Time: 0.433252\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -229563042944049199 Time: 0.36102\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.340556\n", - "[03/14/2023-21:28:10] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", - "[03/14/2023-21:28:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.444624\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.614284\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.444624\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 5.92742\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.398608\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.398608\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.451868\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.31818\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.31818\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.321008\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.312708\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.312708\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.647124\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.481372\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.481372\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.42778\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.446968\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.42778\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.446664\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.4831\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.446664\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.314168\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.356248\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.314168\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 5.88498\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.504548\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.504548\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.35734\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.458464\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.35734\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.40054\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.274272\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.274272\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.40274\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.23812\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.23812\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.578308\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.328528\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.328528\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.36506\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.425088\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.36506\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.639172\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.266076\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.266076\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.249384\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.264124\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.249384\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.550064\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.410868\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.410868\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.373664\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.354312\n", - "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.354312\n", - "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.497216\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.2894\n", - "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.2894\n", - "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.348996\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.249548\n", - "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.249548\n", - "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 9.40732\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1 skipped. Scratch requested: 22842880, available: 16777216\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 56 Time: 9.55402\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 57 skipped. Scratch requested: 22842880, available: 16777216\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 9.40732\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1754569683116234317 Time: 7.33462\n", - "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1825138533642645384 Time: 7.35192\n", - "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:12] [V] [TRT] Tactic: 2733356012094739613 Time: 27.3396\n", - "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:12] [V] [TRT] Tactic: 3915320020053085238 Time: 7.34324\n", - "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:12] [V] [TRT] Tactic: 6808617066150061604 Time: 14.2384\n", - "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:12] [V] [TRT] Tactic: 9091006216302412844 Time: 14.3443\n", - "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:13] [V] [TRT] Tactic: -8060443123034038864 Time: 14.2424\n", - "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:13] [V] [TRT] Tactic: -4420849921117327522 Time: 25.5956\n", - "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:13] [V] [TRT] Tactic: -3946921629105938337 Time: 27.2883\n", - "[03/14/2023-21:28:13] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 7.33462\n", - "[03/14/2023-21:28:13] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling\n", - "[03/14/2023-21:28:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:13] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:13] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:13] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:13] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: 861694390046228376 Time: 4.09294\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5258189349241541167 Time: 5.14246\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5821621277990374316 Time: 4.71596\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5863767799113001648 Time: 5.45027\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -9147980667639709536 Time: 4.3399\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8892196987859366827 Time: 4.60346\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8850904373104590857 Time: 4.68114\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8010679767156598961 Time: 5.44236\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -7751035352149795660 Time: 4.30252\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -5115676123557684531 Time: 4.54739\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -493597327599791285 Time: 4.72252\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -423878181466897819 Time: 5.55244\n", - "[03/14/2023-21:28:14] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.09294\n", - "[03/14/2023-21:28:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376\n", - "[03/14/2023-21:28:14] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 0 Time: 7.87481\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 1 Time: 14.9791\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 2 Time: 7.65489\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 56 Time: 8.22612\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 58 Time: 8.10438\n", - "[03/14/2023-21:28:15] [V] [TRT] Fastest Tactic: 2 Time: 7.65489\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 2\n", - "[03/14/2023-21:28:15] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 1651411198763708804 Time: 7.01846\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 2418518597804310654 Time: 6.96938\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 4318470497547290900 Time: 7.03324\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 4930470141256631146 Time: 13.4944\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 8292881859266835088 Time: 13.3062\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 8401509141903434922 Time: 6.98158\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: -8654297089785671176 Time: 3.50769\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -7516584506774355935 Time: 13.7822\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -7140760933967189247 Time: 6.9936\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -6004726995029373073 Time: 13.5182\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -5719726816705110014 Time: 3.45193\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -4097850214384059472 Time: 13.5309\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -3717489476759089008 Time: 7.01136\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -3689982367035295496 Time: 3.50014\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2640575123064142123 Time: 3.60296\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2534402059426524406 Time: 3.65638\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2027588946874785071 Time: 13.354\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -1968398013367819764 Time: 3.4502\n", - "[03/14/2023-21:28:18] [V] [TRT] Fastest Tactic: -1968398013367819764 Time: 3.4502\n", - "[03/14/2023-21:28:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 0 Time: 10.2999\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 1 skipped. Scratch requested: 81273344, available: 16777216\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 2 skipped. Scratch requested: 38535680, available: 16777216\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 56 Time: 10.4793\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 58 skipped. Scratch requested: 38535680, available: 16777216\n", - "[03/14/2023-21:28:18] [V] [TRT] Fastest Tactic: 0 Time: 10.2999\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 385569945292539752 Time: 2.0144\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 833287959109025818 Time: 1.55876\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1013168150133367738 Time: 1.0707\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1067227531433278814 Time: 0.946288\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1179757074518529353 Time: 0.955948\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1554365048685552334 Time: 1.27988\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1579845938601132607 Time: 0.94132\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1796821236841789338 Time: 1.79918\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1948263663414159978 Time: 1.65778\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1989668371181446952 Time: 1.96766\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2027733232253711640 Time: 0.999572\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2105695814191699972 Time: 1.52606\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2148106709480872763 Time: 0.889792\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2410442691266548717 Time: 0.735824\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2511830168590723349 Time: 0.921352\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08228\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3041642431972138763 Time: 0.721064\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3745975654290680669 Time: 1.16229\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3754069740140581927 Time: 1.48159\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3784804427912340706 Time: 1.53562\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3919868136802676679 Time: 1.30873\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4149021101886580762 Time: 1.41094\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4555462412611657028 Time: 1.0188\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4749226340913476230 Time: 1.8936\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5483093640784800285 Time: 1.61498\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5666160310350604399 Time: 1.63998\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5848150552772236982 Time: 1.22244\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5900614001783877430 Time: 1.87183\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5925270497649423688 Time: 1.27646\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5999406432703271895 Time: 1.48674\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6103089697398018604 Time: 1.33987\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6195603576432354734 Time: 1.88652\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6408235920257988861 Time: 1.55215\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6623704051070449703 Time: 1.4285\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6680916730816870145 Time: 1.42197\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55915\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7158029511300006471 Time: 1.54505\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7612687199567064086 Time: 1.41131\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7729555994715864793 Time: 1.38368\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7844857443355818347 Time: 1.11838\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7859952145590271433 Time: 1.31767\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8283847742354150423 Time: 1.40633\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8455608235315878803 Time: 1.7134\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8668812313058150080 Time: 1.53982\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8992262742606384444 Time: 1.04544\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8952042869709043207 Time: 1.30008\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17158\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8774805574135441656 Time: 1.27135\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8750433364328295059 Time: 1.20673\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8749513212655756001 Time: 0.814204\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8520017388966620486 Time: 1.66762\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8487084252145372186 Time: 1.25807\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8392835332206231687 Time: 1.76315\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8391760416076885205 Time: 1.33762\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8254009616492665198 Time: 0.816976\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7849113095413980300 Time: 1.16037\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7615325597099025933 Time: 0.841088\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7594446953125532601 Time: 1.17247\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37266\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7345578023323941164 Time: 1.98948\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6828337260021572283 Time: 2.0789\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6711815420995272523 Time: 1.78024\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6636202818604544855 Time: 2.36158\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6489479581011009593 Time: 1.06261\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6273232454637933930 Time: 0.996472\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6080892721161662420 Time: 0.813172\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5818527483287834165 Time: 0.935008\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5710735840878760115 Time: 0.935872\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5589367647444470524 Time: 1.85828\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5198219374380660379 Time: 1.13826\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5121883532434354186 Time: 0.980384\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5006039300385557796 Time: 1.09381\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4627695383426341593 Time: 1.66624\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38517\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4352168563838861262 Time: 0.77396\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4116131327756252574 Time: 1.92079\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4109084522508697633 Time: 0.845116\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3968200906158272636 Time: 1.23246\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3425274793298557239 Time: 1.37958\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3271955096576257018 Time: 1.3466\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3237051169894153788 Time: 1.60063\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3136088851200285532 Time: 0.765656\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2871615028541756894 Time: 2.27791\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2827934362840121038 Time: 1.90748\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2676138141351394855 Time: 2.54605\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2586046817576862066 Time: 0.82512\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2569977342077121032 Time: 1.55455\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2422160065350346448 Time: 1.41901\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1838109259315759592 Time: 1.49765\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1708101578041178688 Time: 0.864912\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1586820571068855896 Time: 1.55874\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1216445540764179377 Time: 0.799876\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1020632631321619146 Time: 1.18685\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -907287437357565279 Time: 0.81596\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -539379305772590030 Time: 2.05574\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -229563042944049199 Time: 0.854796\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.721064\n", - "[03/14/2023-21:28:21] [V] [TRT] Setting workspace to 38535680enables more tactics for profiling\n", - "[03/14/2023-21:28:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.437456\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.7103\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.437456\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 6.24666\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.398396\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.398396\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.45126\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.314332\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.314332\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.321168\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.313112\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.313112\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.646956\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.485776\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.485776\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.427448\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.456676\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.427448\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.446624\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.488548\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.446624\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.313884\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.353456\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.313884\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 5.9036\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.504748\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.504748\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.357944\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.460528\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.357944\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.400888\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.2758\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.2758\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.403168\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.237888\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.237888\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.576216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.32938\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.32938\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.366172\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.422748\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.366172\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.633112\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.261804\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.261804\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.24776\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.26214\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.24776\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.550492\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.411384\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.411384\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.374456\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.353692\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.353692\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.497316\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.289628\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.289628\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.348956\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.249628\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.249628\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 3.17471\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1 skipped. Scratch requested: 18747904, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 56 Time: 3.41189\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 57 skipped. Scratch requested: 18747904, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 3.17471\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1754569683116234317 Time: 1.88141\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1825138533642645384 Time: 2.14552\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 2733356012094739613 Time: 3.80325\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 3915320020053085238 Time: 2.31113\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 6808617066150061604 Time: 2.4557\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 9091006216302412844 Time: 2.34033\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: -8060443123034038864 Time: 2.64058\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: -4420849921117327522 Time: 3.73206\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -3946921629105938337 Time: 4.00475\n", - "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.88141\n", - "[03/14/2023-21:28:23] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 861694390046228376 Time: 2.2504\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5258189349241541167 Time: 2.35123\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5821621277990374316 Time: 2.22636\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5863767799113001648 Time: 2.51496\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -9147980667639709536 Time: 2.16941\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8892196987859366827 Time: 2.16652\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8850904373104590857 Time: 2.2274\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8010679767156598961 Time: 2.42274\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -7751035352149795660 Time: 2.12202\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -5115676123557684531 Time: 2.29914\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -493597327599791285 Time: 2.2048\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -423878181466897819 Time: 2.5802\n", - "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.12202\n", - "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 0 Time: 3.16828\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 1 Time: 2.58034\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 56 Time: 3.57156\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: 1 Time: 2.58034\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 1651411198763708804 Time: 1.02412\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 2418518597804310654 Time: 1.04868\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 4318470497547290900 Time: 1.16542\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4930470141256631146 Time: 1.7656\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 8292881859266835088 Time: 1.8047\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 8401509141903434922 Time: 1.2486\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -8654297089785671176 Time: 1.22767\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -7516584506774355935 Time: 1.82717\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -7140760933967189247 Time: 1.2412\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -6004726995029373073 Time: 1.70669\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -5719726816705110014 Time: 1.17104\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -4097850214384059472 Time: 1.82233\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -3717489476759089008 Time: 1.20366\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -3689982367035295496 Time: 1.11146\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2640575123064142123 Time: 1.11741\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2534402059426524406 Time: 1.10719\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2027588946874785071 Time: 1.73875\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -1968398013367819764 Time: 1.14433\n", - "[03/14/2023-21:28:24] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.02412\n", - "[03/14/2023-21:28:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:24] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 0 Time: 4.63231\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34212352, available: 16777216\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 56 Time: 4.76478\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:24] [V] [TRT] Fastest Tactic: 0 Time: 4.63231\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 83696452256923412 Time: 0.694824\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 106549059816437840 Time: 0.624524\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 1179757074518529353 Time: 0.330984\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2105695814191699972 Time: 0.607828\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2148106709480872763 Time: 0.405552\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2410442691266548717 Time: 0.345948\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2511830168590723349 Time: 0.396416\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2634905271404611895 Time: 0.49628\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2689212690707793357 Time: 0.600372\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2798075085844016892 Time: 0.525492\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3041642431972138763 Time: 0.319352\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3091156937974993800 Time: 0.525424\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3199589679702517123 Time: 0.403336\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3754069740140581927 Time: 0.64972\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3932578551652369355 Time: 0.751516\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4149021101886580762 Time: 0.501908\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4555462412611657028 Time: 0.410432\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4749226340913476230 Time: 0.773584\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 5483093640784800285 Time: 0.681012\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.63878\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.817508\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.644848\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.646268\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.552972\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.526708\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.639044\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.570948\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.642092\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.399164\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.397404\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.47876\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.61906\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.631872\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -9104099172933216230 Time: 0.881476\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.401748\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.8346\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.54672\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.514716\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8774805574135441656 Time: 0.529596\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.407532\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8520017388966620486 Time: 0.746608\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8487084252145372186 Time: 0.5999\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8391760416076885205 Time: 0.608364\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7990268040387498660 Time: 0.973204\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7849113095413980300 Time: 0.613852\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7533167286135592323 Time: 0.504652\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -6273232454637933930 Time: 0.363656\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5818527483287834165 Time: 0.35416\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5590418898350402100 Time: 0.672176\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5505475137955795830 Time: 0.32816\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5389631537202601150 Time: 0.5944\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5332866838585594777 Time: 0.49142\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5121883532434354186 Time: 0.385028\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5006039300385557796 Time: 0.421032\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4534876761957424274 Time: 0.633324\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4352168563838861262 Time: 0.333916\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4109084522508697633 Time: 0.42\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -3237051169894153788 Time: 0.621992\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -3136088851200285532 Time: 0.313548\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2827934362840121038 Time: 0.685924\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2676138141351394855 Time: 1.00903\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2601537631049973288 Time: 0.395264\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2586046817576862066 Time: 0.362512\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2569977342077121032 Time: 0.672892\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2422160065350346448 Time: 0.577172\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2125188058121029448 Time: 0.491664\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2123887091022542343 Time: 0.50706\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -1838109259315759592 Time: 0.49628\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -1216445540764179377 Time: 0.330824\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -539379305772590030 Time: 0.885472\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -288413895057594820 Time: 0.414644\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -229563042944049199 Time: 0.3145\n", - "[03/14/2023-21:28:25] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.313548\n", - "[03/14/2023-21:28:25] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", - "[03/14/2023-21:28:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:25] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:25] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 0 Time: 7.25884\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 1 skipped. Scratch requested: 29915648, available: 16777216\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 6 skipped. Scratch requested: 26218496, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 56 Time: 7.4586\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 57 skipped. Scratch requested: 29915648, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 62 skipped. Scratch requested: 26218496, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Fastest Tactic: 0 Time: 7.25884\n", - "[03/14/2023-21:28:26] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 1825138533642645384 Time: 4.25226\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 2775507031594384867 Time: 7.8254\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 2842488832350522458 Time: 5.13643\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 3915320020053085238 Time: 4.59154\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 6448355332020552203 Time: 5.0745\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 6808617066150061604 Time: 4.80033\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: -8060443123034038864 Time: 5.44805\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: -4420849921117327522 Time: 7.23196\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3946921629105938337 Time: 6.16992\n", - "[03/14/2023-21:28:27] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.25226\n", - "[03/14/2023-21:28:27] [V] [TRT] Setting workspace to 26218496enables more tactics for profiling\n", - "[03/14/2023-21:28:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:27] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:27] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:27] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:27] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 861694390046228376 Time: 4.73828\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 1017870653102653567 Time: 4.56151\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5258189349241541167 Time: 4.82198\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5821621277990374316 Time: 4.68076\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5863767799113001648 Time: 5.19028\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -9147980667639709536 Time: 4.51698\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -8850904373104590857 Time: 4.98286\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -7751035352149795660 Time: 4.57289\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3853827649136781465 Time: 4.61486\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3263369460438823196 Time: 4.75174\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: -423878181466897819 Time: 5.43592\n", - "[03/14/2023-21:28:28] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.51698\n", - "[03/14/2023-21:28:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:28] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 0 Time: 6.89095\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1 Time: 5.3297\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 56 Time: 7.21984\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Fastest Tactic: 1 Time: 5.3297\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:28] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling\n", - "[03/14/2023-21:28:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:28] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1145226902788474763 Time: 2.22238\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1651411198763708804 Time: 2.75311\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 2418518597804310654 Time: 2.78011\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4318470497547290900 Time: 2.49019\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4653005425971292725 Time: 2.70842\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4930470141256631146 Time: 3.36413\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 8292881859266835088 Time: 3.3074\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 8401509141903434922 Time: 2.58867\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -8654297089785671176 Time: 2.43669\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -7448936905981214224 Time: 3.32389\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -6004726995029373073 Time: 2.79537\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -5719726816705110014 Time: 2.44029\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3754890472406891741 Time: 2.62876\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3689982367035295496 Time: 2.50343\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3140347171730126532 Time: 3.91865\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -2894005464278291378 Time: 3.54028\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -2027588946874785071 Time: 2.91347\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -1968398013367819764 Time: 2.75149\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -245090590808296743 Time: 2.63149\n", - "[03/14/2023-21:28:29] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.22238\n", - "[03/14/2023-21:28:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:28:29] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:29] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:29] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:29] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 0 Time: 9.82126\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 1 skipped. Scratch requested: 17566208, available: 16777216\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 56 Time: 9.80386\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216\n", - "[03/14/2023-21:28:30] [V] [TRT] Fastest Tactic: 56 Time: 9.80386\n", - "[03/14/2023-21:28:30] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 46202665595848747 Time: 1.19205\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 239013563835492727 Time: 1.46871\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 385569945292539752 Time: 2.30661\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 671037109694951988 Time: 1.23824\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 833287959109025818 Time: 1.34493\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 864841579020773074 Time: 0.766328\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 912634305247603909 Time: 1.10503\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1013168150133367738 Time: 0.8815\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1014187170474222133 Time: 1.12675\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1067227531433278814 Time: 0.761044\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1554365048685552334 Time: 1.14269\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1579845938601132607 Time: 0.709164\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1796821236841789338 Time: 1.57347\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1837941418294761657 Time: 1.3998\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1948263663414159978 Time: 1.28432\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1989668371181446952 Time: 1.71187\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2027733232253711640 Time: 0.833856\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2148106709480872763 Time: 0.823492\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2154731107061273008 Time: 1.02563\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2410442691266548717 Time: 0.74148\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3464689803495983377 Time: 0.78334\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3636831327753843771 Time: 0.696396\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3745975654290680669 Time: 1.32178\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3754069740140581927 Time: 1.25955\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3784804427912340706 Time: 1.45374\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3823144360994712832 Time: 0.74256\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3919868136802676679 Time: 1.15783\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5263029549013613567 Time: 0.686152\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5506334059535811602 Time: 0.79102\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5635311898703673455 Time: 0.658084\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5786991692145244692 Time: 2.11769\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5848150552772236982 Time: 1.16172\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42868\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 5932046018238429951 Time: 1.45219\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6103089697398018604 Time: 1.58852\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6195603576432354734 Time: 1.58974\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6252808259936499253 Time: 1.49613\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6408235920257988861 Time: 1.22248\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6623704051070449703 Time: 1.30094\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29789\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7114340626053367917 Time: 1.48702\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7158029511300006471 Time: 1.30837\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7612687199567064086 Time: 1.12342\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7729555994715864793 Time: 1.12336\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7844857443355818347 Time: 1.25015\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7849296535223586261 Time: 1.22356\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7859952145590271433 Time: 1.29528\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8219150286974756863 Time: 2.00943\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8283847742354150423 Time: 1.48719\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8455608235315878803 Time: 1.65789\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8668812313058150080 Time: 1.32341\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8992262742606384444 Time: 0.908484\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8750433364328295059 Time: 1.1655\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8682550625095202832 Time: 0.875436\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8392835332206231687 Time: 1.71334\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8254009616492665198 Time: 0.815608\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7615325597099025933 Time: 0.804008\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7594446953125532601 Time: 1.27156\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7345578023323941164 Time: 1.85798\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6828337260021572283 Time: 1.84085\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6711815420995272523 Time: 1.55802\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6636202818604544855 Time: 2.27391\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6489479581011009593 Time: 0.918816\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6320761427625651496 Time: 0.846456\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6273232454637933930 Time: 0.769152\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6080892721161662420 Time: 0.686368\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6032793021868796623 Time: 1.17277\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -5818527483287834165 Time: 0.71564\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5710735840878760115 Time: 0.734508\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5589367647444470524 Time: 1.72512\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5546257196173962281 Time: 1.17483\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5198219374380660379 Time: 0.873872\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4954692664176521434 Time: 0.799096\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4627695383426341593 Time: 1.47808\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4534876761957424274 Time: 1.37161\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4142141368456048176 Time: 1.40967\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4116131327756252574 Time: 1.80711\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3968200906158272636 Time: 1.16714\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3784342055748695733 Time: 1.58496\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13218\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3271955096576257018 Time: 1.13643\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3237051169894153788 Time: 1.28028\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3136088851200285532 Time: 0.66524\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2871615028541756894 Time: 2.18237\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2751179716463646694 Time: 1.57926\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2634388175487609605 Time: 1.81313\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2586046817576862066 Time: 0.77658\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1708101578041178688 Time: 0.798236\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1586820571068855896 Time: 1.46572\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1020632631321619146 Time: 1.40254\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -907287437357565279 Time: 0.792108\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -229563042944049199 Time: 0.643972\n", - "[03/14/2023-21:28:32] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.643972\n", - "[03/14/2023-21:28:32] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling\n", - "[03/14/2023-21:28:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:32] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:32] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 0 Time: 5.09567\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 1 Time: 3.77041\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 2 Time: 5.33586\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 56 Time: 5.2252\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 57 Time: 3.79594\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 58 Time: 5.3388\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:33] [V] [TRT] Fastest Tactic: 1 Time: 3.77041\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 1754569683116234317 Time: 2.44495\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 1825138533642645384 Time: 2.40415\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 2733356012094739613 Time: 4.4898\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 3915320020053085238 Time: 2.49967\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 6808617066150061604 Time: 2.70036\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 9091006216302412844 Time: 2.86504\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -8060443123034038864 Time: 2.89428\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -4420849921117327522 Time: 4.30317\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -3946921629105938337 Time: 4.50671\n", - "[03/14/2023-21:28:33] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 2.40415\n", - "[03/14/2023-21:28:33] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:33] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 861694390046228376 Time: 2.34472\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5258189349241541167 Time: 2.46632\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5821621277990374316 Time: 2.42163\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5863767799113001648 Time: 3.08158\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -9147980667639709536 Time: 2.23695\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -8892196987859366827 Time: 2.3084\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8850904373104590857 Time: 2.44742\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8010679767156598961 Time: 3.08324\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7751035352149795660 Time: 2.22457\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -5115676123557684531 Time: 2.31485\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -493597327599791285 Time: 2.348\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -423878181466897819 Time: 3.14783\n", - "[03/14/2023-21:28:34] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.22457\n", - "[03/14/2023-21:28:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:34] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 0 Time: 4.41118\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 1 Time: 3.4869\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 2 Time: 4.77565\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 56 Time: 4.4989\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 58 Time: 4.5321\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:34] [V] [TRT] Fastest Tactic: 1 Time: 3.4869\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:34] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 1651411198763708804 Time: 1.21372\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 2418518597804310654 Time: 1.30875\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4318470497547290900 Time: 1.3135\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4930470141256631146 Time: 1.92942\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 8292881859266835088 Time: 1.9685\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 8401509141903434922 Time: 1.34375\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8654297089785671176 Time: 1.30558\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7516584506774355935 Time: 1.91143\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7140760933967189247 Time: 1.33147\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -6004726995029373073 Time: 1.91678\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -5719726816705110014 Time: 1.34466\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -4097850214384059472 Time: 2.01697\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -3717489476759089008 Time: 1.31432\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -3689982367035295496 Time: 1.25668\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2640575123064142123 Time: 1.21591\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2534402059426524406 Time: 1.20984\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2027588946874785071 Time: 1.94094\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -1968398013367819764 Time: 1.306\n", - "[03/14/2023-21:28:35] [V] [TRT] Fastest Tactic: -2534402059426524406 Time: 1.20984\n", - "[03/14/2023-21:28:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:35] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 0 Time: 5.76025\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 56 Time: 5.91614\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:35] [V] [TRT] Fastest Tactic: 0 Time: 5.76025\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 83696452256923412 Time: 0.758252\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 106549059816437840 Time: 0.730596\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 1179757074518529353 Time: 0.536416\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2105695814191699972 Time: 0.826572\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2148106709480872763 Time: 0.521392\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2410442691266548717 Time: 0.484352\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2511830168590723349 Time: 0.576076\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2634905271404611895 Time: 0.536872\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2689212690707793357 Time: 0.66134\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2798075085844016892 Time: 0.584052\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3041642431972138763 Time: 0.428968\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3091156937974993800 Time: 0.592372\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3199589679702517123 Time: 0.57966\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3754069740140581927 Time: 0.80866\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3932578551652369355 Time: 0.768504\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4149021101886580762 Time: 0.531048\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4555462412611657028 Time: 0.524936\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4749226340913476230 Time: 0.854272\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5483093640784800285 Time: 0.73586\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5666160310350604399 Time: 0.821852\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5900614001783877430 Time: 0.906236\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5925270497649423688 Time: 0.717352\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5999406432703271895 Time: 0.700248\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 6680916730816870145 Time: 0.746996\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7107292614492808590 Time: 0.582644\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7158029511300006471 Time: 0.800316\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7859952145590271433 Time: 0.758696\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8283847742354150423 Time: 0.813848\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8468288610222482742 Time: 0.501936\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8620567263556985011 Time: 0.49308\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8642279798680442080 Time: 0.547136\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8980274178270132023 Time: 0.740348\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 9108067304506990859 Time: 0.73686\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -9104099172933216230 Time: 1.06232\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8992262742606384444 Time: 0.533828\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8956720569082607796 Time: 0.927432\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8952042869709043207 Time: 0.651132\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8898856569474934280 Time: 0.58322\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8774805574135441656 Time: 0.671956\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8749513212655756001 Time: 0.499568\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8520017388966620486 Time: 0.776816\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8487084252145372186 Time: 0.649576\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8391760416076885205 Time: 0.695552\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7990268040387498660 Time: 1.03133\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7849113095413980300 Time: 0.678484\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7533167286135592323 Time: 0.550656\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -6273232454637933930 Time: 0.563068\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5818527483287834165 Time: 0.558176\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5590418898350402100 Time: 0.765628\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5505475137955795830 Time: 0.484496\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5389631537202601150 Time: 0.683848\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5332866838585594777 Time: 0.556036\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5121883532434354186 Time: 0.489736\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5006039300385557796 Time: 0.54188\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4534876761957424274 Time: 0.731576\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4352168563838861262 Time: 0.476636\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4109084522508697633 Time: 0.504348\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -3237051169894153788 Time: 0.789816\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -3136088851200285532 Time: 0.429672\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2827934362840121038 Time: 0.778724\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2676138141351394855 Time: 1.06376\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2601537631049973288 Time: 0.489104\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2586046817576862066 Time: 0.501576\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2569977342077121032 Time: 0.771652\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2422160065350346448 Time: 0.763804\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2125188058121029448 Time: 0.702864\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2123887091022542343 Time: 0.634184\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -1838109259315759592 Time: 0.58202\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -1216445540764179377 Time: 0.487952\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -539379305772590030 Time: 1.03106\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -288413895057594820 Time: 0.540592\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -229563042944049199 Time: 0.441388\n", - "[03/14/2023-21:28:36] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.428968\n", - "[03/14/2023-21:28:36] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", - "[03/14/2023-21:28:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CudnnConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CublasConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CudnnConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CaskConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CudnnConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CublasConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CaskConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8192257 Time: 0.540724\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8257793 Time: 0.496828\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8323329 Time: 0.48982\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8388865 Time: 0.485716\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8454401 Time: 0.481184\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8519937 Time: 0.480164\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8585473 Time: 0.479176\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8651009 Time: 0.478128\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 8651009 Time: 0.478128\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.262428\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.262428\n", - "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.145588\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.145588\n", - "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8192257 Time: 0.274168\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8257793 Time: 0.250688\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8323329 Time: 0.24682\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8388865 Time: 0.244492\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8454401 Time: 0.245456\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8519937 Time: 0.247268\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8585473 Time: 0.2506\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8651009 Time: 0.252548\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 8388865 Time: 0.244492\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -3 Time: 0.466468\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -3 Time: 0.466468\n", - "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 8388865\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -2 Time: 0.104756\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -2 Time: 0.104756\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.139456\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.139456\n", - "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -2\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Float(2048,1,2048,2048) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008072\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008552\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008072\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008292\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009448\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008292\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083192\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006904\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006904\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007536\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.0069\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.0069\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008356\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008376\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008356\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.0081\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00856\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.0081\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.082864\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008956\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.008956\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.006904\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009208\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.006904\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008488\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.0092\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008488\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,2048,2048) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007748\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00898\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.007748\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084788\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006744\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006744\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007396\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00692\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.00692\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083912\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00648\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.00648\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,2048,2048) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.00742\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009616\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.00742\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084984\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006352\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006352\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.00716\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.07422\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.00716\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083908\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006068\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006068\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,2048,2048) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.006912\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009376\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.006912\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.0848\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.005456\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.005456\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084984\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.074468\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.074468\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Float(2048,1,1,1) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.411716\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1 Time: 0.19034\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 2 Time: 0.251188\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 56 Time: 0.410828\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 57 Time: 0.190388\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 58 Time: 0.251316\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1 Time: 0.19034\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.122652\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1 Time: 0.109408\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1 Time: 0.109408\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1754569683116234317 Time: 0.529316\n", - "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1825138533642645384 Time: 0.524784\n", - "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 2733356012094739613 Time: 0.463684\n", - "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 3915320020053085238 Time: 0.534596\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 6808617066150061604 Time: 0.366404\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 9091006216302412844 Time: 0.358696\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8060443123034038864 Time: 0.3792\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -4420849921117327522 Time: 0.479496\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3946921629105938337 Time: 0.499204\n", - "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 9091006216302412844 Time: 0.358696\n", - "[03/14/2023-21:28:38] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", - "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1\n", - "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Float(2048,1,2048,2048) -> Float(1000,1,1000,1000) ***************\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 861694390046228376 Time: 0.355932\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5258189349241541167 Time: 0.1843\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5821621277990374316 Time: 0.356312\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5863767799113001648 Time: 0.103508\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -9147980667639709536 Time: 0.344804\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8892196987859366827 Time: 0.344632\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8850904373104590857 Time: 0.185732\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8010679767156598961 Time: 0.101056\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7751035352149795660 Time: 0.347292\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -5115676123557684531 Time: 0.352484\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -493597327599791285 Time: 0.178524\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -423878181466897819 Time: 0.103624\n", - "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: -8010679767156598961 Time: 0.101056\n", - "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(2048,1,1,1) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 0 Time: 0.413968\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1 Time: 0.458576\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2 Time: 0.292912\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 56 Time: 0.413956\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 58 Time: 0.292756\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 58 Time: 0.292756\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 0 Time: 0.047152\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1 Time: 0.04134\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2 Time: 0.046608\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 3 Time: 0.04142\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4 Time: 0.062684\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5 Time: 0.062708\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 6 Time: 0.047876\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 7 Time: 0.043072\n", - "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 1 Time: 0.04134\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", - "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1\n", - "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(500,1:2,1,1) ***************\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1651411198763708804 Time: 0.192268\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2418518597804310654 Time: 0.192312\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4318470497547290900 Time: 0.188044\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4930470141256631146 Time: 0.338988\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 8292881859266835088 Time: 0.342504\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 8401509141903434922 Time: 0.186536\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8654297089785671176 Time: 0.271104\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7516584506774355935 Time: 0.216904\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7140760933967189247 Time: 0.184168\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -6004726995029373073 Time: 0.32384\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -5719726816705110014 Time: 0.271952\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -4097850214384059472 Time: 0.227624\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3717489476759089008 Time: 0.183408\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3689982367035295496 Time: 0.265892\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -2640575123064142123 Time: 0.269068\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -2534402059426524406 Time: 0.268784\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2027588946874785071 Time: 0.334464\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1968398013367819764 Time: 0.269704\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: -3717489476759089008 Time: 0.183408\n", - "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Half(125,1:8,125,125) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.415068\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.456536\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2 Time: 0.293372\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 56 Time: 0.414208\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 58 Time: 0.293132\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 58 Time: 0.293132\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 83696452256923412 Time: 0.055224\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 106549059816437840 Time: 0.035408\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1179757074518529353 Time: 0.05472\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2105695814191699972 Time: 0.092416\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2148106709480872763 Time: 0.065524\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2410442691266548717 Time: 0.095208\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2511830168590723349 Time: 0.064468\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2634905271404611895 Time: 0.05606\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2689212690707793357 Time: 0.176832\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2798075085844016892 Time: 0.095072\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3041642431972138763 Time: 0.0535\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3091156937974993800 Time: 0.094864\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3199589679702517123 Time: 0.064292\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3754069740140581927 Time: 0.107428\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3932578551652369355 Time: 0.03808\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4149021101886580762 Time: 0.056848\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4555462412611657028 Time: 0.066024\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4749226340913476230 Time: 0.054292\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5483093640784800285 Time: 0.067076\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5666160310350604399 Time: 0.103852\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5900614001783877430 Time: 0.066732\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5925270497649423688 Time: 0.17516\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5999406432703271895 Time: 0.060732\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 6680916730816870145 Time: 0.09624\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7107292614492808590 Time: 0.032444\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7158029511300006471 Time: 0.093328\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7859952145590271433 Time: 0.0948\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8283847742354150423 Time: 0.105748\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8468288610222482742 Time: 0.096268\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8620567263556985011 Time: 0.105344\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8642279798680442080 Time: 0.095444\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8980274178270132023 Time: 0.058296\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 9108067304506990859 Time: 0.060852\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -9104099172933216230 Time: 0.044472\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8992262742606384444 Time: 0.070976\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8956720569082607796 Time: 0.065776\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8952042869709043207 Time: 0.095324\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8898856569474934280 Time: 0.094784\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8774805574135441656 Time: 0.092292\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8749513212655756001 Time: 0.096256\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8520017388966620486 Time: 0.038244\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8487084252145372186 Time: 0.177364\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8391760416076885205 Time: 0.174456\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7990268040387498660 Time: 0.057284\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7849113095413980300 Time: 0.176648\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7533167286135592323 Time: 0.062956\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -6273232454637933930 Time: 0.055996\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5818527483287834165 Time: 0.054452\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5590418898350402100 Time: 0.066356\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5505475137955795830 Time: 0.058284\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5389631537202601150 Time: 0.176448\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5332866838585594777 Time: 0.061268\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5121883532434354186 Time: 0.0816\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5006039300385557796 Time: 0.069504\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4534876761957424274 Time: 0.174704\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4352168563838861262 Time: 0.057892\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4109084522508697633 Time: 0.104092\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -3237051169894153788 Time: 0.09228\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -3136088851200285532 Time: 0.054208\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2827934362840121038 Time: 0.035684\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2676138141351394855 Time: 0.05748\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2601537631049973288 Time: 0.08206\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2586046817576862066 Time: 0.095932\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2569977342077121032 Time: 0.059704\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2422160065350346448 Time: 0.094704\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2125188058121029448 Time: 0.092528\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2123887091022542343 Time: 0.094252\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1838109259315759592 Time: 0.032696\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1216445540764179377 Time: 0.095212\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -539379305772590030 Time: 0.04452\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -288413895057594820 Time: 0.068748\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -229563042944049199 Time: 0.057392\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 7107292614492808590 Time: 0.032444\n", - "[03/14/2023-21:28:39] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", - "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1,1) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006892\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006876\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006876\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.007104\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00618\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00618\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006544\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00616\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00616\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(1000,1,1,1) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.007156\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006256\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006256\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.04422\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004976\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004976\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.045016\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004972\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004972\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.044296\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00468\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00468\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.044932\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004752\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004752\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Float(1000,1,1,1) -> Float(1000,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004924\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.01036\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004924\n", - "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(1000,1,1,1) -> Half(1000,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004188\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.00938\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004188\n", - "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(1000,1) -> Float(1000,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006656\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006376\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006376\n", - "[03/14/2023-21:28:39] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to Conv_0 + Relu_1 (input) from Float(150528,50176,224,1) to Half(50176,1:4,224,1)\n", - "[03/14/2023-21:28:39] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] ((Unnamed Layer* 132) [Fully Connected]_output) from Half(125,1:8,125,125) to Float(1000,1,1,1)\n", - "[03/14/2023-21:28:39] [V] [TRT] For layer (Unnamed Layer* 136) [Shuffle] a non-conforming implementation was chosen than was requested i.e. requested layer computation precision and output precision types were ignored because it resulted in faster network performance. Enable strict mode to try force choose a conforming implementation.\n", - "[03/14/2023-21:28:39] [V] [TRT] Formats and tactics selection completed in 204.908 seconds.\n", - "[03/14/2023-21:28:39] [V] [TRT] After reformat layers: 59 layers\n", - "[03/14/2023-21:28:39] [V] [TRT] Block size 205520896\n", - "[03/14/2023-21:28:39] [V] [TRT] Block size 205520896\n", - "[03/14/2023-21:28:39] [V] [TRT] Block size 102760448\n", - "[03/14/2023-21:28:39] [V] [TRT] Block size 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Total Activation Memory: 530579456\n", - "[03/14/2023-21:28:39] [I] [TRT] Detected 1 inputs and 1 output network tensors.\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_13 + Relu_14 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_15 + Add_16 + Relu_17 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_18 + Relu_19 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_20 + Relu_21 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_22 + Add_23 + Relu_24 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_40 + Relu_41 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_42 + Relu_43 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_44 + Add_45 + Relu_46 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_47 + Relu_48 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_49 + Relu_50 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_51 + Add_52 + Relu_53 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_69 + Relu_70 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_71 + Relu_72 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_73 + Add_74 + Relu_75 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_76 + Relu_77 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_78 + Relu_79 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_80 + Add_81 + Relu_82 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_83 + Relu_84 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_85 + Relu_86 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_87 + Add_88 + Relu_89 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_90 + Relu_91 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_92 + Relu_93 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_94 + Add_95 + Relu_96 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_112 + Relu_113 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_114 + Relu_115 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_116 + Add_117 + Relu_118 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1 HostPersistent: 0 DevicePersistent: 0\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_0 + Relu_1 HostPersistent: 256 DevicePersistent: 25600\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: MaxPool_2 HostPersistent: 48 DevicePersistent: 0\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_3 + Relu_4 HostPersistent: 3776 DevicePersistent: 8704\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_5 + Relu_6 HostPersistent: 3776 DevicePersistent: 74240\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_7 HostPersistent: 2176 DevicePersistent: 52224\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_8 + Add_9 + Relu_10 HostPersistent: 3776 DevicePersistent: 34304\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_11 + Relu_12 HostPersistent: 3776 DevicePersistent: 33280\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_13 + Relu_14 HostPersistent: 3776 DevicePersistent: 74240\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_15 + Add_16 + Relu_17 HostPersistent: 3776 DevicePersistent: 34304\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_18 + Relu_19 HostPersistent: 3776 DevicePersistent: 33280\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_20 + Relu_21 HostPersistent: 3776 DevicePersistent: 74240\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_22 + Add_23 + Relu_24 HostPersistent: 3776 DevicePersistent: 34304\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_25 + Relu_26 HostPersistent: 3776 DevicePersistent: 66560\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_27 + Relu_28 HostPersistent: 1664 DevicePersistent: 300032\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_29 HostPersistent: 2176 DevicePersistent: 137216\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_30 + Add_31 + Relu_32 HostPersistent: 3776 DevicePersistent: 265216\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_33 + Relu_34 HostPersistent: 3200 DevicePersistent: 136192\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_35 + Relu_36 HostPersistent: 2176 DevicePersistent: 300032\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_37 + Add_38 + Relu_39 HostPersistent: 3776 DevicePersistent: 134144\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_40 + Relu_41 HostPersistent: 3200 DevicePersistent: 136192\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_42 + Relu_43 HostPersistent: 2176 DevicePersistent: 300032\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_44 + Add_45 + Relu_46 HostPersistent: 3776 DevicePersistent: 134144\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_47 + Relu_48 HostPersistent: 3200 DevicePersistent: 136192\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_49 + Relu_50 HostPersistent: 2176 DevicePersistent: 300032\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_51 + Add_52 + Relu_53 HostPersistent: 3776 DevicePersistent: 134144\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_54 + Relu_55 HostPersistent: 3776 DevicePersistent: 263680\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_56 + Relu_57 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_58 HostPersistent: 3200 DevicePersistent: 527872\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_59 + Add_60 + Relu_61 HostPersistent: 3776 DevicePersistent: 1054720\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_62 + Relu_63 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_64 + Relu_65 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_66 + Add_67 + Relu_68 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_69 + Relu_70 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_71 + Relu_72 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_73 + Add_74 + Relu_75 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_76 + Relu_77 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_78 + Relu_79 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_80 + Add_81 + Relu_82 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_83 + Relu_84 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_85 + Relu_86 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_87 + Add_88 + Relu_89 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_90 + Relu_91 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_92 + Relu_93 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_94 + Add_95 + Relu_96 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_97 + Relu_98 HostPersistent: 1664 DevicePersistent: 1051136\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_99 + Relu_100 HostPersistent: 2176 DevicePersistent: 4720128\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_101 HostPersistent: 3200 DevicePersistent: 2101760\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_102 + Add_103 + Relu_104 HostPersistent: 3200 DevicePersistent: 4198912\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_105 + Relu_106 HostPersistent: 1664 DevicePersistent: 2098688\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_107 + Relu_108 HostPersistent: 2176 DevicePersistent: 4720128\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_109 + Add_110 + Relu_111 HostPersistent: 3200 DevicePersistent: 2101760\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_112 + Relu_113 HostPersistent: 1664 DevicePersistent: 2098688\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_114 + Relu_115 HostPersistent: 2176 DevicePersistent: 4720128\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_116 + Add_117 + Relu_118 HostPersistent: 3200 DevicePersistent: 2101760\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: GlobalAveragePool_119 HostPersistent: 0 DevicePersistent: 0\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Gemm_121 HostPersistent: 3776 DevicePersistent: 4102144\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] HostPersistent: 0 DevicePersistent: 0\n", - "[03/14/2023-21:28:40] [I] [TRT] Total Host Persistent Memory: 162096\n", - "[03/14/2023-21:28:40] [I] [TRT] Total Device Persistent Memory: 51194368\n", - "[03/14/2023-21:28:40] [I] [TRT] Total Scratch Memory: 0\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageStats] Peak memory usage of TRT CPU/GPU memory allocators: CPU 53 MiB, GPU 256 MiB\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1662, GPU 879 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 887 (MiB)\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 871 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Engine generation completed in 206.276 seconds.\n", - "[03/14/2023-21:28:40] [V] [TRT] Deleting timing cache: 515 entries, 1506 hits\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Engine Layer Information:\n", - "Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1, Tactic: 1002, input[Float(-2,3,224,224)] -> Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)]\n", - "Layer(CaskConvolution): Conv_0 + Relu_1, Tactic: -8357652348141719927, Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)] -> 323[Half(-2,64,112,112)]\n", - "Layer(CudnnPooling): MaxPool_2, Tactic: -1, 323[Half(-2,64,112,112)] -> 324[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_3 + Relu_4, Tactic: 106549059816437840, 324[Half(-2,64,56,56)] -> 327[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_5 + Relu_6, Tactic: 3464689803495983377, 327[Half(-2,64,56,56)] -> 330[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_7, Tactic: -229563042944049199, 330[Half(-2,64,56,56)] -> 505[Half(-2,256,56,56)]\n", - "Layer(CaskConvolution): Conv_8 + Add_9 + Relu_10, Tactic: -2125188058121029448, 324[Half(-2,64,56,56)], 505[Half(-2,256,56,56)] -> 336[Half(-2,256,56,56)]\n", - "Layer(CaskConvolution): Conv_11 + Relu_12, Tactic: -2827934362840121038, 336[Half(-2,256,56,56)] -> 339[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_13 + Relu_14, Tactic: 3464689803495983377, 339[Half(-2,64,56,56)] -> 342[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_15 + Add_16 + Relu_17, Tactic: -2125188058121029448, 342[Half(-2,64,56,56)], 336[Half(-2,256,56,56)] -> 346[Half(-2,256,56,56)]\n", - "Layer(CaskConvolution): Conv_18 + Relu_19, Tactic: -2827934362840121038, 346[Half(-2,256,56,56)] -> 349[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_20 + Relu_21, Tactic: 3464689803495983377, 349[Half(-2,64,56,56)] -> 352[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_22 + Add_23 + Relu_24, Tactic: -2125188058121029448, 352[Half(-2,64,56,56)], 346[Half(-2,256,56,56)] -> 356[Half(-2,256,56,56)]\n", - "Layer(CaskConvolution): Conv_25 + Relu_26, Tactic: -5505475137955795830, 356[Half(-2,256,56,56)] -> 359[Half(-2,128,56,56)]\n", - "Layer(CaskConvolution): Conv_27 + Relu_28, Tactic: -3136088851200285532, 359[Half(-2,128,56,56)] -> 362[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_29, Tactic: -229563042944049199, 362[Half(-2,128,28,28)] -> 535[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_30 + Add_31 + Relu_32, Tactic: -4352168563838861262, 356[Half(-2,256,56,56)], 535[Half(-2,512,28,28)] -> 368[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_33 + Relu_34, Tactic: 3041642431972138763, 368[Half(-2,512,28,28)] -> 371[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_35 + Relu_36, Tactic: -229563042944049199, 371[Half(-2,128,28,28)] -> 374[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_37 + Add_38 + Relu_39, Tactic: 3199589679702517123, 374[Half(-2,128,28,28)], 368[Half(-2,512,28,28)] -> 378[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_40 + Relu_41, Tactic: 3041642431972138763, 378[Half(-2,512,28,28)] -> 381[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_42 + Relu_43, Tactic: -229563042944049199, 381[Half(-2,128,28,28)] -> 384[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_44 + Add_45 + Relu_46, Tactic: 3199589679702517123, 384[Half(-2,128,28,28)], 378[Half(-2,512,28,28)] -> 388[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_47 + Relu_48, Tactic: 3041642431972138763, 388[Half(-2,512,28,28)] -> 391[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_49 + Relu_50, Tactic: -229563042944049199, 391[Half(-2,128,28,28)] -> 394[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_51 + Add_52 + Relu_53, Tactic: 3199589679702517123, 394[Half(-2,128,28,28)], 388[Half(-2,512,28,28)] -> 398[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_54 + Relu_55, Tactic: -4352168563838861262, 398[Half(-2,512,28,28)] -> 401[Half(-2,256,28,28)]\n", - "Layer(CaskConvolution): Conv_56 + Relu_57, Tactic: -2586046817576862066, 401[Half(-2,256,28,28)] -> 404[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_58, Tactic: 3041642431972138763, 404[Half(-2,256,14,14)] -> 574[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_59 + Add_60 + Relu_61, Tactic: -6080892721161662420, 398[Half(-2,512,28,28)], 574[Half(-2,1024,14,14)] -> 410[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_62 + Relu_63, Tactic: 3041642431972138763, 410[Half(-2,1024,14,14)] -> 413[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_64 + Relu_65, Tactic: -2586046817576862066, 413[Half(-2,256,14,14)] -> 416[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_66 + Add_67 + Relu_68, Tactic: -5505475137955795830, 416[Half(-2,256,14,14)], 410[Half(-2,1024,14,14)] -> 420[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_69 + Relu_70, Tactic: 3041642431972138763, 420[Half(-2,1024,14,14)] -> 423[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_71 + Relu_72, Tactic: -2586046817576862066, 423[Half(-2,256,14,14)] -> 426[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_73 + Add_74 + Relu_75, Tactic: -5505475137955795830, 426[Half(-2,256,14,14)], 420[Half(-2,1024,14,14)] -> 430[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_76 + Relu_77, Tactic: 3041642431972138763, 430[Half(-2,1024,14,14)] -> 433[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_78 + Relu_79, Tactic: -2586046817576862066, 433[Half(-2,256,14,14)] -> 436[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_80 + Add_81 + Relu_82, Tactic: -5505475137955795830, 436[Half(-2,256,14,14)], 430[Half(-2,1024,14,14)] -> 440[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_83 + Relu_84, Tactic: 3041642431972138763, 440[Half(-2,1024,14,14)] -> 443[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_85 + Relu_86, Tactic: -2586046817576862066, 443[Half(-2,256,14,14)] -> 446[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_87 + Add_88 + Relu_89, Tactic: -5505475137955795830, 446[Half(-2,256,14,14)], 440[Half(-2,1024,14,14)] -> 450[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_90 + Relu_91, Tactic: 3041642431972138763, 450[Half(-2,1024,14,14)] -> 453[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_92 + Relu_93, Tactic: -2586046817576862066, 453[Half(-2,256,14,14)] -> 456[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_94 + Add_95 + Relu_96, Tactic: -5505475137955795830, 456[Half(-2,256,14,14)], 450[Half(-2,1024,14,14)] -> 460[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_97 + Relu_98, Tactic: -3136088851200285532, 460[Half(-2,1024,14,14)] -> 463[Half(-2,512,14,14)]\n", - "Layer(CaskConvolution): Conv_99 + Relu_100, Tactic: -229563042944049199, 463[Half(-2,512,14,14)] -> 466[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_101, Tactic: 3041642431972138763, 466[Half(-2,512,7,7)] -> 631[Half(-2,2048,7,7)]\n", - "Layer(CaskConvolution): Conv_102 + Add_103 + Relu_104, Tactic: 3041642431972138763, 460[Half(-2,1024,14,14)], 631[Half(-2,2048,7,7)] -> 472[Half(-2,2048,7,7)]\n", - "Layer(CaskConvolution): Conv_105 + Relu_106, Tactic: -3136088851200285532, 472[Half(-2,2048,7,7)] -> 475[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_107 + Relu_108, Tactic: -229563042944049199, 475[Half(-2,512,7,7)] -> 478[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_109 + Add_110 + Relu_111, Tactic: 3041642431972138763, 478[Half(-2,512,7,7)], 472[Half(-2,2048,7,7)] -> 482[Half(-2,2048,7,7)]\n", - "Layer(CaskConvolution): Conv_112 + Relu_113, Tactic: -3136088851200285532, 482[Half(-2,2048,7,7)] -> 485[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_114 + Relu_115, Tactic: -229563042944049199, 485[Half(-2,512,7,7)] -> 488[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_116 + Add_117 + Relu_118, Tactic: 3041642431972138763, 488[Half(-2,512,7,7)], 482[Half(-2,2048,7,7)] -> 492[Half(-2,2048,7,7)]\n", - "Layer(CudaPooling): GlobalAveragePool_119, Tactic: -2, 492[Half(-2,2048,7,7)] -> 493[Half(-2,2048,1,1)]\n", - "Layer(CaskConvolution): Gemm_121, Tactic: 7107292614492808590, 493[Half(-2,2048,1,1)] -> (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)]\n", - "Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle], Tactic: 0, (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)] -> Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle][Float(-2,1000,1,1)]\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] Builder end: CPU 1662 MiB, GPU 853 MiB\n", - "[03/14/2023-21:28:40] [I] [TRT] Loaded engine size: 49 MB\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine begin: CPU 1662 MiB, GPU 803 MiB\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1662, GPU 863 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 871 (MiB)\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Deserialization required 160038 microseconds.\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine end: CPU 1662 MiB, GPU 853 MiB\n", - "[03/14/2023-21:28:40] [I] Engine built in 208.358 sec.\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation begin: CPU 1514 MiB, GPU 853 MiB\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1514, GPU 863 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1514, GPU 871 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Total per-runner device memory is 51194368\n", - "[03/14/2023-21:28:40] [V] [TRT] Total per-runner host memory is 162096\n", - "[03/14/2023-21:28:40] [V] [TRT] Allocated activation device memory of size 513802240\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation end: CPU 1514 MiB, GPU 1411 MiB\n", - "[03/14/2023-21:28:40] [I] Created input binding for input with dimensions 128x3x224x224\n", - "[03/14/2023-21:28:40] [I] Created output binding for output with dimensions 128x1000\n", - "[03/14/2023-21:28:40] [I] Starting inference\n", - "[03/14/2023-21:28:44] [I] Warmup completed 4 queries over 200 ms\n", - "[03/14/2023-21:28:44] [I] Timing trace has 55 queries over 3.12051 s\n", - "[03/14/2023-21:28:44] [I] \n", - "[03/14/2023-21:28:44] [I] === Trace details ===\n", - "[03/14/2023-21:28:44] [I] Trace averages of 10 runs:\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.14 ms - Host latency: 67.5936 ms (end to end 110.741 ms, enqueue 0.458421 ms)\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 56.0947 ms - Host latency: 68.5476 ms (end to end 111.97 ms, enqueue 0.46156 ms)\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.2569 ms - Host latency: 67.707 ms (end to end 110.578 ms, enqueue 0.442236 ms)\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 56.0127 ms - Host latency: 68.4673 ms (end to end 111.817 ms, enqueue 0.47312 ms)\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.3822 ms - Host latency: 67.8345 ms (end to end 110.692 ms, enqueue 0.480957 ms)\n", - "[03/14/2023-21:28:44] [I] \n", - "[03/14/2023-21:28:44] [I] === Performance summary ===\n", - "[03/14/2023-21:28:44] [I] Throughput: 17.6253 qps\n", - "[03/14/2023-21:28:44] [I] Latency: min = 67.0677 ms, max = 69.9773 ms, mean = 68.0911 ms, median = 68.0387 ms, percentile(99%) = 69.9773 ms\n", - "[03/14/2023-21:28:44] [I] End-to-End Host Latency: min = 109.552 ms, max = 116.728 ms, mean = 111.275 ms, median = 111.054 ms, percentile(99%) = 116.728 ms\n", - "[03/14/2023-21:28:44] [I] Enqueue Time: min = 0.397827 ms, max = 0.562012 ms, mean = 0.462458 ms, median = 0.462219 ms, percentile(99%) = 0.562012 ms\n", - "[03/14/2023-21:28:44] [I] H2D Latency: min = 12.3595 ms, max = 12.3865 ms, mean = 12.3696 ms, median = 12.37 ms, percentile(99%) = 12.3865 ms\n", - "[03/14/2023-21:28:44] [I] GPU Compute Time: min = 54.6188 ms, max = 57.5254 ms, mean = 55.6382 ms, median = 55.5883 ms, percentile(99%) = 57.5254 ms\n", - "[03/14/2023-21:28:44] [I] D2H Latency: min = 0.0812988 ms, max = 0.0842285 ms, mean = 0.0832464 ms, median = 0.083252 ms, percentile(99%) = 0.0842285 ms\n", - "[03/14/2023-21:28:44] [I] Total Host Walltime: 3.12051 s\n", - "[03/14/2023-21:28:44] [I] Total GPU Compute Time: 3.0601 s\n", - "[03/14/2023-21:28:44] [I] Explanations of the performance metrics are printed in the verbose logs.\n", - "[03/14/2023-21:28:44] [V] \n", - "[03/14/2023-21:28:44] [V] === Explanations of the performance metrics ===\n", - "[03/14/2023-21:28:44] [V] Total Host Walltime: the host walltime from when the first query (after warmups) is enqueued to when the last query is completed.\n", - "[03/14/2023-21:28:44] [V] GPU Compute Time: the GPU latency to execute the kernels for a query.\n", - "[03/14/2023-21:28:44] [V] Total GPU Compute Time: the summation of the GPU Compute Time of all the queries. If this is significantly shorter than Total Host Walltime, the GPU may be under-utilized because of host-side overheads or data transfers.\n", - "[03/14/2023-21:28:44] [V] Throughput: the observed throughput computed by dividing the number of queries by the Total Host Walltime. If this is significantly lower than the reciprocal of GPU Compute Time, the GPU may be under-utilized because of host-side overheads or data transfers.\n", - "[03/14/2023-21:28:44] [V] Enqueue Time: the host latency to enqueue a query. If this is longer than GPU Compute Time, the GPU may be under-utilized.\n", - "[03/14/2023-21:28:44] [V] H2D Latency: the latency for host-to-device data transfers for input tensors of a single query.\n", - "[03/14/2023-21:28:44] [V] D2H Latency: the latency for device-to-host data transfers for output tensors of a single query.\n", - "[03/14/2023-21:28:44] [V] Latency: the summation of H2D Latency, GPU Compute Time, and D2H Latency. This is the latency to infer a single query.\n", - "[03/14/2023-21:28:44] [V] End-to-End Host Latency: the duration from when the H2D of a query is called to when the D2H of the same query is completed, which includes the latency to wait for the completion of the previous query. This is the latency of a query if multiple queries are enqueued consecutively.\n", - "[03/14/2023-21:28:44] [I] \n", - "&&&& PASSED TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose\n", - "[03/14/2023-21:28:44] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1514, GPU 1343 (MiB)\n" - ] - } - ], - "source": [ - "!docker run --gpus=all --rm -it \\\n", - " -v `pwd`/workspace:/workspace nvcr.io/nvidia/pytorch:21.08-py3 \\\n", - " /bin/bash generate_models.sh" - ] - }, - { - "cell_type": "markdown", - "id": "170665a3", - "metadata": {}, - "source": [ - "## PyTorch Resnet50\n", - "\n", - "For a simple use case we will take the pre-trained ResNet50 model from [torchvision](https://pytorch.org/vision/stable/models.html) and deploy it on SageMaker with Triton as the model server. The script for exporting this model can be found [here](./workspace/pt_exporter.py). This is run as part of the `generate_models.sh` script from the previous cell. After the model is serialized we package it into the format that Triton and SageMaker expect it to be. We used the pre-configured `config.pbtxt` file provided with this repo [here](./triton-serve-pt/resnet/config.pbtxt) to specify model [configuration](https://github.com/triton-inference-server/server/blob/main/docs/model_configuration.md) which Triton uses to load the model. We tar the model directory and upload it to s3 to later create a [SageMaker Model](https://sagemaker.readthedocs.io/en/stable/api/inference/model.html).\n", - "\n", - "**Note**: SageMaker expects the model tarball file to have a top level directory with the same name as the model defined in the `config.pbtxt`.\n", - "\n", - "```\n", - "resnet\n", - "├── 1\n", - "│ └── model.pt\n", - "└── config.pbtxt\n", - "```" - ] - }, - { - "cell_type": "markdown", - "id": "f42bec12", - "metadata": {}, - "source": [ - "### PyTorch: Packaging model files and uploading to s3" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "id": "2ba5d998", - "metadata": {}, - "outputs": [], - "source": [ - "!mkdir -p triton-serve-pt/resnet/1/\n", - "!mv -f workspace/model.pt triton-serve-pt/resnet/1/\n", - "!tar -C triton-serve-pt/ -czf model.tar.gz resnet\n", - "model_uri = sagemaker_session.upload_data(path=\"model.tar.gz\", key_prefix=\"triton-serve-pt\")" - ] - }, - { - "cell_type": "markdown", - "id": "e655f8bf", - "metadata": {}, - "source": [ - "### PyTorch: Create SageMaker Endpoint\n", - "\n", - "We start off by creating a [sagemaker model](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_CreateModel.html) from the model files we uploaded to s3 in the previous step.\n", - "\n", - "In this step we also provide an additional Environment Variable i.e. `SAGEMAKER_TRITON_DEFAULT_MODEL_NAME` which specifies the name of the model to be loaded by Triton. **The value of this key should match the folder name in the model package uploaded to s3**. This variable is optional in case of a single model. In case of ensemble models, this key **has to be** specified for Triton to startup in SageMaker.\n", - "\n", - "Additionally, customers can set `SAGEMAKER_TRITON_BUFFER_MANAGER_THREAD_COUNT` and `SAGEMAKER_TRITON_THREAD_COUNT` for optimizing the thread counts.\n", - "\n", - "**Note**: The current release of Triton (21.08-py3) on SageMaker doesn't support running instances of different models on the same server, except in case of [ensembles](https://github.com/triton-inference-server/server/blob/main/docs/architecture.md#ensemble-models). Only multiple model instances of the same model are supported, which can be specified under the [instance-groups](https://github.com/triton-inference-server/server/blob/main/docs/model_configuration.md#instance-groups) section of the config.pbtxt file." - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "id": "ad3a4efa", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Model Arn: arn:aws:sagemaker:us-east-1:340280328827:model/triton-resnet-pt-2023-03-14-21-28-52\n" - ] - } - ], - "source": [ - "sm_model_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", - "\n", - "container = {\n", - " \"Image\": triton_image_uri,\n", - " \"ModelDataUrl\": model_uri,\n", - " \"Environment\": {\"SAGEMAKER_TRITON_DEFAULT_MODEL_NAME\": \"resnet\"},\n", - "}\n", - "\n", - "create_model_response = sm_client.create_model(\n", - " ModelName=sm_model_name, ExecutionRoleArn=role, PrimaryContainer=container\n", - ")\n", - "\n", - "print(\"Model Arn: \" + create_model_response[\"ModelArn\"])" - ] - }, - { - "cell_type": "markdown", - "id": "384d0919", - "metadata": {}, - "source": [ - "Using the model above, we create an [endpoint configuration](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_CreateEndpointConfig.html) where we can specify the type and number of instances we want in the endpoint." - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "id": "f21e2d91", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Endpoint Config Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint-config/triton-resnet-pt-2023-03-14-21-28-52\n" - ] - } - ], - "source": [ - "endpoint_config_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", - "\n", - "create_endpoint_config_response = sm_client.create_endpoint_config(\n", - " EndpointConfigName=endpoint_config_name,\n", - " ProductionVariants=[\n", - " {\n", - " \"InstanceType\": \"ml.g4dn.4xlarge\",\n", - " \"InitialVariantWeight\": 1,\n", - " \"InitialInstanceCount\": 1,\n", - " \"ModelName\": sm_model_name,\n", - " \"VariantName\": \"AllTraffic\",\n", - " }\n", - " ],\n", - ")\n", - "\n", - "print(\"Endpoint Config Arn: \" + create_endpoint_config_response[\"EndpointConfigArn\"])" - ] - }, - { - "cell_type": "markdown", - "id": "efdb416e", - "metadata": {}, - "source": [ - "Using the above endpoint configuration we create a new sagemaker endpoint and wait for the deployment to finish. The status will change to **InService** once the deployment is successful." - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "id": "cb69a730", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Endpoint Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint/triton-resnet-pt-2023-03-14-21-28-53\n" - ] - } - ], - "source": [ - "endpoint_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", - "\n", - "create_endpoint_response = sm_client.create_endpoint(\n", - " EndpointName=endpoint_name, EndpointConfigName=endpoint_config_name\n", - ")\n", - "\n", - "print(\"Endpoint Arn: \" + create_endpoint_response[\"EndpointArn\"])" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "id": "0a0e6b84", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Status: Creating\n", - "Status: Creating\n", - "Status: Creating\n", - "Status: Creating\n", - "Status: Creating\n", - "Status: Creating\n", - "Status: InService\n", - "Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint/triton-resnet-pt-2023-03-14-21-28-53\n", - "Status: InService\n" - ] - } - ], - "source": [ - "resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", - "status = resp[\"EndpointStatus\"]\n", - "print(\"Status: \" + status)\n", - "\n", - "while status == \"Creating\":\n", - " time.sleep(60)\n", - " resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", - " status = resp[\"EndpointStatus\"]\n", - " print(\"Status: \" + status)\n", - "\n", - "print(\"Arn: \" + resp[\"EndpointArn\"])\n", - "print(\"Status: \" + status)" - ] - }, - { - "cell_type": "markdown", - "id": "265105de", - "metadata": {}, - "source": [ - "### PyTorch: Run inference\n", - "\n", - "Once we have the endpoint running we can use the [sample image](./shiba_inu_dog.jpg) provided to do an inference using json as the payload format. For inference request format, Triton uses the KFServing community standard [inference protocols](https://github.com/triton-inference-server/server/blob/main/docs/protocol/README.md)." - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "id": "c2d2fc77", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'model_name': 'resnet', 'model_version': '1', 'outputs': [{'name': 'OUTPUT__0', 'datatype': 'FP32', 'shape': [1, 1000], 'data': [-1.2423866987228394, 0.24701853096485138, -1.719444751739502, -2.983774185180664, -3.0031378269195557, -1.9556485414505005, -2.4896504878997803, -0.3748376667499542, 0.04311593994498253, -1.6037155389785767, -3.8769569396972656, -1.9742560386657715, -3.648282527923584, -5.388746738433838, -1.698643445968628, -2.9155545234680176, -1.8570739030838013, 0.3685508072376251, -0.6721064448356628, -1.7402973175048828, -4.448188781738281, -2.3320815563201904, -3.1124160289764404, -2.239777088165283, -2.1238701343536377, -3.492258310317993, -4.8195390701293945, -2.8759515285491943, -3.056042432785034, -3.1336770057678223, -2.4614756107330322, -0.422211229801178, -2.3585638999938965, -3.5724363327026367, -0.7773780822753906, -4.294384479522705, -1.833012342453003, -4.481720924377441, -2.8400700092315674, -2.1916582584381104, -0.20150907337665558, -3.9115793704986572, -0.9050753116607666, -2.9791603088378906, -2.123189687728882, -3.932497024536133, -1.3375134468078613, -2.3746981620788574, -5.249118804931641, -2.663971424102783, -1.3220090866088867, -1.0240105390548706, -1.2798264026641846, -1.4837510585784912, -1.7605003118515015, -0.4450632631778717, -0.19828875362873077, -2.9953088760375977, -2.8129000663757324, -1.3711806535720825, -0.905617356300354, -1.1093047857284546, -3.472838878631592, -2.207808494567871, -2.5746278762817383, -3.245371103286743, -1.7209906578063965, -1.5765990018844604, -2.447021722793579, -4.086050510406494, -2.895289182662964, -1.957357406616211, -2.824129581451416, -3.280388355255127, -1.5759888887405396, -4.0739006996154785, -2.207242250442505, -1.2069604396820068, -1.2588688135147095, -0.21239452064037323, -3.4536893367767334, -5.687176704406738, -1.407385230064392, -3.0367422103881836, -0.9377634525299072, -2.6809866428375244, -1.6750167608261108, -0.6902238130569458, 0.591416597366333, -0.8433014154434204, -2.482624053955078, -4.851302623748779, -1.44878351688385, -1.7387932538986206, -0.46680518984794617, -4.541265964508057, -2.670034885406494, -0.08718496561050415, -1.1567074060440063, -0.1274053156375885, -0.38829556107521057, -2.899203300476074, -2.51202130317688, -4.1139631271362305, 1.2109885215759277, -1.4036363363265991, -2.20768666267395, -3.528991937637329, 0.12620562314987183, -3.3343400955200195, -1.449752688407898, -1.695318341255188, 1.2576112747192383, 0.28074538707733154, -1.221692442893982, -1.2502559423446655, -3.0089879035949707, -1.881725788116455, -0.6232064962387085, -2.089332342147827, -1.4124246835708618, -1.4048116207122803, -0.6954549551010132, -1.6978026628494263, -1.430797815322876, -2.1470093727111816, -0.8399049043655396, -0.5957848429679871, -4.416295528411865, -3.389047145843506, -0.4003943204879761, -4.153247356414795, -1.4695099592208862, -3.5651304721832275, -0.2752054035663605, -2.632575511932373, -2.6370229721069336, -2.5659046173095703, -3.039868116378784, -3.4027254581451416, -4.482636451721191, -3.4936184883117676, -3.5955097675323486, -4.155820369720459, -0.40469369292259216, -1.180621862411499, -3.971254587173462, -3.9174814224243164, -3.2591006755828857, -4.544680595397949, -3.731271505355835, 4.48147439956665, 2.799806594848633, 0.45567819476127625, 2.9352850914001465, 1.1198471784591675, 2.183328866958618, 2.875535011291504, 2.670189619064331, 3.0479562282562256, 0.7560573220252991, 1.0376800298690796, 3.7504732608795166, 1.8162275552749634, 0.8302632570266724, -0.7442867159843445, 1.4246255159378052, 0.9099918007850647, 4.1397528648376465, 1.698013424873352, -0.7983959317207336, 1.5178110599517822, 0.4979192316532135, 3.0345089435577393, 8.439630508422852, 1.2237529754638672, 4.001903533935547, -1.5365468263626099, -0.502070426940918, 2.08219051361084, 3.0254714488983154, 0.851430356502533, 1.05483877658844, 0.1593506634235382, 2.5694620609283447, 1.6882529258728027, 4.791681289672852, 0.46597373485565186, 1.7344970703125, 1.8653706312179565, -3.7306764125823975, -0.17342054843902588, 0.607579231262207, 3.3979227542877197, -0.9690961241722107, 2.2444777488708496, 0.5438726544380188, 0.3399249017238617, -0.5145711898803711, -0.27643948793411255, 5.0431389808654785, 1.0719243288040161, 0.6755212545394897, 1.0635666847229004, 2.8970518112182617, -0.24503494799137115, 0.2677985429763794, 5.767853260040283, 2.7208287715911865, 2.631786823272705, -3.712066411972046, 0.9199149012565613, -0.6619486808776855, 1.6385998725891113, -2.3274905681610107, 2.802562713623047, -1.0896999835968018, -1.3109577894210815, 1.1040453910827637, 0.799062192440033, 0.2817995846271515, -0.5115494728088379, 5.687519073486328, 5.994056701660156, 4.608816623687744, 4.708855152130127, 2.3742897510528564, 5.3140549659729, 0.7772890329360962, 1.2149087190628052, 6.167642116546631, 7.475282192230225, 4.660694599151611, 0.8593671321868896, 2.490009307861328, 5.6235809326171875, 1.4078541994094849, 1.4069896936416626, 3.779740333557129, 3.51975417137146, 5.2699713706970215, 2.4907889366149902, 1.1211588382720947, 1.8801428079605103, 7.124374866485596, 1.5052049160003662, 0.8761277198791504, 5.837669372558594, 11.038846015930176, 11.087148666381836, 10.83184814453125, 2.1337273120880127, -0.7215707898139954, 10.503634452819824, 3.639939785003662, 4.094263553619385, 3.846100330352783, 4.839427947998047, 8.102232933044434, 6.168914794921875, 10.11670970916748, 4.459931373596191, 1.7802114486694336, 8.43028736114502, 6.315309524536133, 3.8544113636016846, 2.8066086769104004, 4.197896480560303, -1.8742378950119019, 3.8444674015045166, 3.9126832485198975, 4.828442573547363, 2.9183831214904785, 7.703972339630127, 3.154557704925537, -2.6741669178009033, -2.491279363632202, 1.0260021686553955, 0.10183209925889969, -1.4041682481765747, 0.10055980831384659, 2.641960382461548, 3.8174126148223877, 1.0405006408691406, -0.16851866245269775, 2.2795510292053223, -0.08556774258613586, -1.3939931392669678, -2.0821800231933594, -4.192112445831299, -1.3648494482040405, 1.5525035858154297, 1.7010834217071533, 0.9642353653907776, -0.20052699744701385, -1.6545937061309814, -2.1897003650665283, -3.0494840145111084, -4.859720706939697, -2.6989574432373047, -1.4257192611694336, -0.4274105429649353, -1.4028866291046143, -2.224156379699707, 0.4315847158432007, -1.2196311950683594, -0.7891831398010254, -0.38564443588256836, -2.1956629753112793, 0.05167578160762787, -0.4005343019962311, -0.8555538654327393, -1.0657142400741577, -1.1980371475219727, -0.7499071359634399, -3.5165908336639404, -3.7054836750030518, -0.12918005883693695, -2.2676055431365967, 1.047448754310608, 2.4772748947143555, -2.1959140300750732, -2.4128668308258057, 0.5036782026290894, -2.3777709007263184, -1.0409942865371704, -0.4000007212162018, 1.3676034212112427, -0.053796734660863876, -2.675828218460083, -0.9308931827545166, -0.5529853105545044, 0.24982373416423798, -0.30617469549179077, -3.2795674800872803, -2.29314923286438, -4.353572845458984, -4.246553421020508, 0.4030839502811432, 6.243841648101807, 0.9266072511672974, -0.8102241158485413, -2.228850841522217, -2.7836508750915527, -4.507824420928955, -0.08835665136575699, -3.3499867916107178, -1.7043232917785645, -0.046653855592012405, -1.8700982332229614, -4.243189334869385, -4.142364978790283, -1.035437822341919, 1.1121145486831665, 0.5489708185195923, 1.7854083776474, -0.8899326324462891, -2.804229497909546, -0.5876503586769104, 0.03297153860330582, -4.439447402954102, -0.04600190743803978, -3.4029335975646973, -2.1875674724578857, -3.829667806625366, -2.804438829421997, -3.741136312484741, -5.61972713470459, 1.61433744430542, -2.4030938148498535, -3.8727028369903564, -0.9809319972991943, -3.026529312133789, -2.645667314529419, -2.2556560039520264, -3.3481874465942383, -2.2604241371154785, -2.3744215965270996, -3.6118099689483643, -3.5855491161346436, -3.8193302154541016, -3.778609275817871, -1.8183324337005615, -2.2463197708129883, -0.10866231471300125, -3.394549608230591, -1.5781954526901245, 1.205003023147583, -1.2630035877227783, -1.0072981119155884, -3.740948438644409, 0.17715883255004883, -2.8512673377990723, -1.8297392129898071, -1.8495395183563232, -1.8976248502731323, -2.7651848793029785, -3.4741358757019043, 1.1579986810684204, -0.9449197053909302, -0.7782102227210999, 1.266616940498352, -0.6262883543968201, -3.9068939685821533, -3.947010040283203, -0.4385109543800354, -1.6055970191955566, 1.4065991640090942, 0.1412144899368286, 3.039067506790161, -1.6238840818405151, 1.714242935180664, 2.9801743030548096, -1.3860528469085693, 4.098141193389893, -0.44749075174331665, -0.370810329914093, 4.346672534942627, 4.513945579528809, 0.792707622051239, -0.4460267722606659, -0.25548022985458374, 1.4597045183181763, -1.100895881652832, -2.0053751468658447, -0.09760716557502747, 1.1322005987167358, 1.216845989227295, 2.9429848194122314, 3.3941543102264404, 0.08172310143709183, 0.5641721487045288, 0.5944889783859253, 0.4217013716697693, 3.0764071941375732, -0.23975367844104767, 0.1801811158657074, -0.3441045582294464, -2.1999106407165527, 2.1867895126342773, -0.09990686178207397, -0.9786611199378967, 2.22766375541687, 0.8623665571212769, 0.8131497502326965, 1.3771015405654907, 0.41693755984306335, -0.8338810205459595, -0.17246480286121368, 0.5097242593765259, 0.21408654749393463, -1.317720890045166, 1.012494683265686, 1.7705196142196655, 0.929252028465271, -0.17954468727111816, 0.47507980465888977, 1.6022729873657227, 0.3543952703475952, 0.7656742334365845, -0.7247799038887024, -0.23360368609428406, 2.603882074356079, 1.9868561029434204, -1.6057071685791016, 1.5703074932098389, -3.7741658687591553, -3.140000343322754, 0.5150386095046997, 1.3023779392242432, 0.4507051706314087, -0.5896298885345459, 3.9387500286102295, -2.5309929847717285, 0.518461287021637, -0.045031480491161346, 0.738206684589386, 0.6375916600227356, 2.4231107234954834, 2.9671168327331543, 0.8056631088256836, -0.2885362505912781, -0.23231540620326996, 0.5387077927589417, 1.0304267406463623, -0.7439289689064026, 0.2635357975959778, 1.7739307880401611, 0.5353232026100159, 2.856762647628784, 0.6452627182006836, -0.056495301425457, 0.019424065947532654, 0.8019267320632935, 0.22669832408428192, 0.10482416301965714, 2.5235612392425537, 1.4046953916549683, -1.9748278856277466, -2.55082631111145, -2.590188980102539, 2.6248185634613037, 0.5802381634712219, -0.012786176055669785, 1.328223466873169, 0.4185781180858612, -1.1124658584594727, -0.6484693288803101, 2.74432373046875, -0.37855908274650574, -0.5795044302940369, 1.4532623291015625, -0.759277880191803, -0.6047621369361877, -0.8623836636543274, 2.0634381771087646, 0.5325129628181458, -0.07227202504873276, 0.249970942735672, 0.7232279777526855, 1.1935458183288574, 0.24584455788135529, 2.459434986114502, 1.7067794799804688, -1.0971909761428833, -1.6077880859375, 0.8989061713218689, 0.4052864909172058, -0.02393043041229248, 1.2966910600662231, 0.9352517127990723, 0.7611367106437683, -0.49709200859069824, 0.5513348579406738, -0.15507125854492188, -3.5316507816314697, -0.5069413781166077, 5.401363372802734, -0.6017521619796753, 3.6606040000915527, -2.9822845458984375, 0.4929428696632385, 0.8544527292251587, 2.7701542377471924, 0.6290282011032104, 0.5133344531059265, -0.7050278186798096, -2.6976919174194336, 0.5152340531349182, -0.07887257635593414, -2.970639944076538, -0.6368319392204285, 1.791993260383606, 1.235923171043396, -1.6039893627166748, 0.3796193301677704, 0.0743897557258606, 2.5868160724639893, 0.922818124294281, 2.62589693069458, 3.8283755779266357, -0.6406854391098022, -1.1299877166748047, 1.14467191696167, -1.0328023433685303, -0.8392481207847595, 0.4829899072647095, -1.6974682807922363, 2.0771267414093018, -0.4594328701496124, -1.2899274826049805, -0.36673101782798767, 2.590146064758301, -0.1904577910900116, 4.209320545196533, 3.580552101135254, -0.2811737060546875, 0.018901944160461426, 0.9365814328193665, 0.6035410761833191, 1.7300513982772827, 0.7132458090782166, -0.7031646966934204, -0.5004294514656067, 0.6516416072845459, 0.13088513910770416, 0.39647555351257324, -1.3985508680343628, 2.494258403778076, 0.17934682965278625, 0.4559157192707062, 1.6974800825119019, -2.653848648071289, -1.4799747467041016, 0.23367762565612793, -0.401059091091156, 0.8545640707015991, 1.2081598043441772, -1.0631687641143799, -0.7097278833389282, -0.6915793418884277, -0.48807767033576965, 2.1490485668182373, 1.994779348373413, -0.309725284576416, 0.7534962296485901, 0.3838612139225006, 2.0906643867492676, 1.7898967266082764, 2.3028721809387207, 0.9491930603981018, 1.288383960723877, -1.3181759119033813, -1.56107497215271, 0.9501054883003235, 1.1505216360092163, 0.0841454267501831, -1.1702102422714233, -0.22755806148052216, 0.47900375723838806, 3.3707222938537598, 3.2171294689178467, 1.3577296733856201, 0.5132479667663574, 1.6241233348846436, 0.39679446816444397, 0.6182871460914612, -1.8020302057266235, -2.273179531097412, -1.0654096603393555, 0.23821355402469635, 0.46932509541511536, 0.46651357412338257, -1.7554057836532593, -1.1448501348495483, 0.5380088686943054, 2.2509233951568604, 2.4570677280426025, 1.6912322044372559, 1.282508373260498, -1.4788862466812134, 1.1049860715866089, -1.6647998094558716, -0.7823216915130615, 0.9179087281227112, 1.7279776334762573, 1.436221957206726, -1.5274734497070312, -0.2444668561220169, -1.5347509384155273, -1.9325847625732422, -1.0709526538848877, 1.5472469329833984, 1.2437478303909302, -1.063280701637268, 1.902294635772705, 1.6843698024749756, -0.3648700714111328, 1.3523964881896973, -0.3981909453868866, -1.0235872268676758, 1.0606437921524048, -2.137662172317505, -1.4636268615722656, 0.820901095867157, 1.3147257566452026, -0.6305176615715027, 1.0510809421539307, -1.2072645425796509, 0.30682259798049927, 1.2256721258163452, -0.16383419930934906, 2.16978120803833, 0.7964350581169128, -0.48495718836784363, -0.7223852276802063, 5.431890487670898, -2.9348883628845215, 0.173114612698555, 1.0914671421051025, 1.753499150276184, 3.865567445755005, 0.296067476272583, 0.5469890832901001, -0.7199031710624695, -0.30049896240234375, -2.9984302520751953, -1.4062846899032593, -2.158229112625122, -0.7109717726707458, 0.9285435676574707, -1.2161037921905518, 2.3051962852478027, 2.64526104927063, -0.45120319724082947, -0.7393449544906616, 1.405531644821167, 0.9890850782394409, 1.92544686794281, -0.6046110987663269, 2.328507423400879, 0.6218724250793457, 0.20570991933345795, 2.966010808944702, 1.3359277248382568, -1.241937279701233, 3.257911205291748, 0.30844682455062866, -0.9970972537994385, 2.7559309005737305, 2.947950601577759, -0.15460214018821716, -0.7883446216583252, -0.9202589988708496, -0.020370205864310265, -2.6500086784362793, 3.0443508625030518, 1.743947982788086, 0.747965931892395, 0.4742513597011566, -0.5459211468696594, 1.2916135787963867, 2.1087779998779297, 2.2014925479888916, -1.0636907815933228, -0.047605179250240326, -2.6452813148498535, -1.383744239807129, 1.1371270418167114, -1.238087773323059, 0.5519890785217285, 1.7330126762390137, -0.6170194149017334, 1.854001522064209, 0.0954878181219101, 1.9466322660446167, 1.794241189956665, 0.039252638816833496, -0.19749785959720612, -4.206841945648193, -1.3268961906433105, 2.189582109451294, 0.25798800587654114, -0.39195317029953003, -1.3728301525115967, -2.2057876586914062, 0.07216962426900864, 0.8506231904029846, 2.716503620147705, 1.0431472063064575, 3.1343870162963867, 1.0341962575912476, 2.7223002910614014, -0.33414843678474426, -0.5487478375434875, 0.8990635275840759, 3.4038333892822266, -0.22376447916030884, 0.07326292246580124, -0.12549275159835815, -0.3097744286060333, 1.4494130611419678, 0.3737104833126068, 0.42938563227653503, 1.2288645505905151, 3.198986291885376, -0.9852681756019592, 2.1392951011657715, 1.8636292219161987, 0.5314702987670898, 2.1410844326019287, 0.07178203761577606, 2.579829216003418, 2.0770046710968018, -0.01828363910317421, 1.1538102626800537, -0.7035776972770691, -0.5001262426376343, -0.9653146862983704, -2.6354258060455322, -1.1420164108276367, 0.9036303162574768, 0.5201398134231567, -0.9366657137870789, 0.6147940158843994, 2.563716411590576, -0.7428556680679321, 2.7990546226501465, 1.4155992269515991, 1.7655411958694458, 1.627662181854248, 2.0145602226257324, 1.5509142875671387, -0.66004478931427, 0.9519579410552979, -0.22161263227462769, -0.033559706062078476, 3.4113306999206543, 0.807908296585083, 2.731243133544922, -1.1829602718353271, -0.666088879108429, -1.0103628635406494, -0.05003039538860321, 0.5441370010375977, 6.094512939453125, 0.4210489094257355, -0.3898664712905884, -0.5602355599403381, 0.6837038397789001, 2.6086695194244385, 1.1682504415512085, -2.57012939453125, 0.5038474202156067, -0.7558023929595947, -0.6899958252906799, -0.7047230005264282, 1.170420527458191, -1.8128705024719238, -0.43803533911705017, -0.7041135430335999, -2.0361108779907227, -2.865117073059082, 1.0411895513534546, 4.023390293121338, 0.2144118994474411, 3.322456121444702, -0.12874726951122284, 0.7509807348251343, -1.5593122243881226, -0.6948837041854858, 1.4350576400756836, -1.4185090065002441, -2.825155258178711, -0.5716686844825745, -0.27019694447517395, 0.14666974544525146, 0.7213382720947266, 0.2349950671195984, 0.4298882484436035, 0.24089881777763367, 2.424152135848999, 2.38161301612854, 2.68387508392334, -1.675816297531128, 0.5684142112731934, 0.08140233159065247, -1.328484058380127, -0.08933857083320618, 1.2805442810058594, 4.667807579040527, 0.3949768841266632, 4.964328765869141, 0.4493212401866913, 0.49642714858055115, -0.30175963044166565, -0.939692497253418, 0.3591740131378174, 1.1966487169265747, -1.5987673997879028, -1.4013715982437134, 0.6252586245536804, 0.6375517249107361, -0.08944440633058548, 0.8369368314743042, 2.9173333644866943, 0.8579233884811401, -1.1364729404449463, -0.01266433671116829, -0.052521780133247375, 2.2555484771728516, 2.1849331855773926, 1.890916347503662, 1.0208438634872437, -3.465909004211426, 0.2995164096355438, 1.4601879119873047, -1.042741060256958, 0.48671475052833557, 3.4693238735198975, 1.0927120447158813, 1.1716400384902954, 1.832642912864685, 0.12155322730541229, -0.4447304308414459, 2.9176058769226074, -1.6883790493011475, -2.342083692550659, -0.6320714950561523, 0.5942274928092957, 1.4546467065811157, -1.6978635787963867, 2.2832696437835693, 3.4135866165161133, -0.11403636634349823, -2.5558066368103027, -1.450520396232605, -1.7825028896331787, 4.647156238555908, 0.4630385935306549, 1.5413992404937744, -1.3743259906768799, 3.4131081104278564, 1.411144495010376, 3.457047462463379, 1.3101699352264404, -2.7795538902282715, -0.2232770323753357, -0.19650286436080933, -1.3833602666854858, 2.00016713142395, 1.5340580940246582, 1.9496256113052368, -0.7850511074066162, -0.2745943069458008, 0.6859869360923767, 1.4264651536941528, 0.15139207243919373, 1.9273546934127808, -0.783965528011322, -1.4971638917922974, 1.5665477514266968, -0.7320509552955627, -1.5149905681610107, 1.2925796508789062, -1.6941871643066406, -3.1682546138763428, -2.5794296264648438, -1.3699159622192383, 3.1451945304870605, -1.5959312915802002, 0.15325406193733215, 0.588627278804779, -0.5977718234062195, 1.4148263931274414, -1.661409616470337, -2.2289066314697266, 0.8796267509460449, -0.37350618839263916, 1.0486295223236084, -1.7509045600891113, -1.7230217456817627, -1.4233078956604004, 0.15231209993362427, -1.6564298868179321, -0.6157931685447693, -1.3653186559677124, -0.5375301837921143, 1.3738137483596802, -0.6402419805526733, 0.2147725373506546, -1.2033156156539917, -0.7748193144798279, -0.12748029828071594, -0.21898113191127777, -2.0373013019561768, -2.351781129837036, 0.0028178473003208637, 0.3099181056022644, -1.9125932455062866, -1.207922339439392, -1.8245595693588257, -2.2694051265716553, -1.107034683227539, -2.8216378688812256, -1.4607181549072266, 0.2326987087726593, -1.0092521905899048, 1.407999038696289, -0.708759605884552, -0.5778506994247437, 1.413687825202942, -0.8041055202484131, -0.7602683305740356, -3.4595000743865967, 3.448349952697754, -2.147444486618042, 1.5707422494888306, -0.47289377450942993, -1.1708650588989258, -2.2173688411712646, 3.2860283851623535, -2.037209987640381, -0.6541475653648376, -0.3220016360282898, -0.5214560031890869, -3.3337862491607666, 0.9259704947471619, -0.2998931407928467, -1.8074743747711182, -0.961166262626648, -1.2654640674591064, -0.4000198245048523, -2.9874444007873535, -2.893066644668579, 0.22407519817352295, -1.9909253120422363, -3.592283248901367, 0.3668442368507385, 2.7051074504852295]}]}\n" - ] - } - ], - "source": [ - "payload = {\n", - " \"inputs\": [\n", - " {\n", - " \"name\": \"INPUT__0\",\n", - " \"shape\": [1, 3, 224, 224],\n", - " \"datatype\": \"FP32\",\n", - " \"data\": get_sample_image(),\n", - " }\n", - " ]\n", - "}\n", - "\n", - "response = runtime_sm_client.invoke_endpoint(\n", - " EndpointName=endpoint_name, ContentType=\"application/octet-stream\", Body=json.dumps(payload)\n", - ")\n", - "\n", - "print(json.loads(response[\"Body\"].read().decode(\"utf8\")))" - ] - }, - { - "cell_type": "markdown", - "id": "ba898882", - "metadata": {}, - "source": [ - "We can also use binary+json as the payload format to get better performance for the inference call. The specification of this format is provided [here](https://github.com/triton-inference-server/server/blob/main/docs/protocol/extension_binary_data.md).\n", - "\n", - "**Note:** With the `binary+json` format, we have to specify the length of the request metadata in the header to allow Triton to correctly parse the binary payload. This is done using a custom Content-Type header `application/vnd.sagemaker-triton.binary+json;json-header-size={}`.\n", - "\n", - "Please not, this is different from using `Inference-Header-Content-Length` header on a stand-alone Triton server since custom headers are not allowed in SageMaker." - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "id": "b98f4405", - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[-1.24238670e+00 2.47018531e-01 -1.71944475e+00 -2.98377419e+00\n", - " -3.00313783e+00 -1.95564854e+00 -2.48965049e+00 -3.74837667e-01\n", - " 4.31159399e-02 -1.60371554e+00 -3.87695694e+00 -1.97425604e+00\n", - " -3.64828253e+00 -5.38874674e+00 -1.69864345e+00 -2.91555452e+00\n", - " -1.85707390e+00 3.68550807e-01 -6.72106445e-01 -1.74029732e+00\n", - " -4.44818878e+00 -2.33208156e+00 -3.11241603e+00 -2.23977709e+00\n", - " -2.12387013e+00 -3.49225831e+00 -4.81953907e+00 -2.87595153e+00\n", - " -3.05604243e+00 -3.13367701e+00 -2.46147561e+00 -4.22211230e-01\n", - " -2.35856390e+00 -3.57243633e+00 -7.77378082e-01 -4.29438448e+00\n", - " -1.83301234e+00 -4.48172092e+00 -2.84007001e+00 -2.19165826e+00\n", - " -2.01509073e-01 -3.91157937e+00 -9.05075312e-01 -2.97916031e+00\n", - " -2.12318969e+00 -3.93249702e+00 -1.33751345e+00 -2.37469816e+00\n", - " -5.24911880e+00 -2.66397142e+00 -1.32200909e+00 -1.02401054e+00\n", - " -1.27982640e+00 -1.48375106e+00 -1.76050031e+00 -4.45063263e-01\n", - " -1.98288754e-01 -2.99530888e+00 -2.81290007e+00 -1.37118065e+00\n", - " -9.05617356e-01 -1.10930479e+00 -3.47283888e+00 -2.20780849e+00\n", - " -2.57462788e+00 -3.24537110e+00 -1.72099066e+00 -1.57659900e+00\n", - " -2.44702172e+00 -4.08605051e+00 -2.89528918e+00 -1.95735741e+00\n", - " -2.82412958e+00 -3.28038836e+00 -1.57598889e+00 -4.07390070e+00\n", - " -2.20724225e+00 -1.20696044e+00 -1.25886881e+00 -2.12394521e-01\n", - " -3.45368934e+00 -5.68717670e+00 -1.40738523e+00 -3.03674221e+00\n", - " -9.37763453e-01 -2.68098664e+00 -1.67501676e+00 -6.90223813e-01\n", - " 5.91416597e-01 -8.43301415e-01 -2.48262405e+00 -4.85130262e+00\n", - " -1.44878352e+00 -1.73879325e+00 -4.66805190e-01 -4.54126596e+00\n", - " -2.67003489e+00 -8.71849656e-02 -1.15670741e+00 -1.27405316e-01\n", - " -3.88295561e-01 -2.89920330e+00 -2.51202130e+00 -4.11396313e+00\n", - " 1.21098852e+00 -1.40363634e+00 -2.20768666e+00 -3.52899194e+00\n", - " 1.26205623e-01 -3.33434010e+00 -1.44975269e+00 -1.69531834e+00\n", - " 1.25761127e+00 2.80745387e-01 -1.22169244e+00 -1.25025594e+00\n", - " -3.00898790e+00 -1.88172579e+00 -6.23206496e-01 -2.08933234e+00\n", - " -1.41242468e+00 -1.40481162e+00 -6.95454955e-01 -1.69780266e+00\n", - " -1.43079782e+00 -2.14700937e+00 -8.39904904e-01 -5.95784843e-01\n", - " -4.41629553e+00 -3.38904715e+00 -4.00394320e-01 -4.15324736e+00\n", - " -1.46950996e+00 -3.56513047e+00 -2.75205404e-01 -2.63257551e+00\n", - " -2.63702297e+00 -2.56590462e+00 -3.03986812e+00 -3.40272546e+00\n", - " -4.48263645e+00 -3.49361849e+00 -3.59550977e+00 -4.15582037e+00\n", - " -4.04693693e-01 -1.18062186e+00 -3.97125459e+00 -3.91748142e+00\n", - " -3.25910068e+00 -4.54468060e+00 -3.73127151e+00 4.48147440e+00\n", - " 2.79980659e+00 4.55678195e-01 2.93528509e+00 1.11984718e+00\n", - " 2.18332887e+00 2.87553501e+00 2.67018962e+00 3.04795623e+00\n", - " 7.56057322e-01 1.03768003e+00 3.75047326e+00 1.81622756e+00\n", - " 8.30263257e-01 -7.44286716e-01 1.42462552e+00 9.09991801e-01\n", - " 4.13975286e+00 1.69801342e+00 -7.98395932e-01 1.51781106e+00\n", - " 4.97919232e-01 3.03450894e+00 8.43963051e+00 1.22375298e+00\n", - " 4.00190353e+00 -1.53654683e+00 -5.02070427e-01 2.08219051e+00\n", - " 3.02547145e+00 8.51430357e-01 1.05483878e+00 1.59350663e-01\n", - " 2.56946206e+00 1.68825293e+00 4.79168129e+00 4.65973735e-01\n", - " 1.73449707e+00 1.86537063e+00 -3.73067641e+00 -1.73420548e-01\n", - " 6.07579231e-01 3.39792275e+00 -9.69096124e-01 2.24447775e+00\n", - " 5.43872654e-01 3.39924902e-01 -5.14571190e-01 -2.76439488e-01\n", - " 5.04313898e+00 1.07192433e+00 6.75521255e-01 1.06356668e+00\n", - " 2.89705181e+00 -2.45034948e-01 2.67798543e-01 5.76785326e+00\n", - " 2.72082877e+00 2.63178682e+00 -3.71206641e+00 9.19914901e-01\n", - " -6.61948681e-01 1.63859987e+00 -2.32749057e+00 2.80256271e+00\n", - " -1.08969998e+00 -1.31095779e+00 1.10404539e+00 7.99062192e-01\n", - " 2.81799585e-01 -5.11549473e-01 5.68751907e+00 5.99405670e+00\n", - " 4.60881662e+00 4.70885515e+00 2.37428975e+00 5.31405497e+00\n", - " 7.77289033e-01 1.21490872e+00 6.16764212e+00 7.47528219e+00\n", - " 4.66069460e+00 8.59367132e-01 2.49000931e+00 5.62358093e+00\n", - " 1.40785420e+00 1.40698969e+00 3.77974033e+00 3.51975417e+00\n", - " 5.26997137e+00 2.49078894e+00 1.12115884e+00 1.88014281e+00\n", - " 7.12437487e+00 1.50520492e+00 8.76127720e-01 5.83766937e+00\n", - " 1.10388460e+01 1.10871487e+01 1.08318481e+01 2.13372731e+00\n", - " -7.21570790e-01 1.05036345e+01 3.63993979e+00 4.09426355e+00\n", - " 3.84610033e+00 4.83942795e+00 8.10223293e+00 6.16891479e+00\n", - " 1.01167097e+01 4.45993137e+00 1.78021145e+00 8.43028736e+00\n", - " 6.31530952e+00 3.85441136e+00 2.80660868e+00 4.19789648e+00\n", - " -1.87423790e+00 3.84446740e+00 3.91268325e+00 4.82844257e+00\n", - " 2.91838312e+00 7.70397234e+00 3.15455770e+00 -2.67416692e+00\n", - " -2.49127936e+00 1.02600217e+00 1.01832099e-01 -1.40416825e+00\n", - " 1.00559808e-01 2.64196038e+00 3.81741261e+00 1.04050064e+00\n", - " -1.68518662e-01 2.27955103e+00 -8.55677426e-02 -1.39399314e+00\n", - " -2.08218002e+00 -4.19211245e+00 -1.36484945e+00 1.55250359e+00\n", - " 1.70108342e+00 9.64235365e-01 -2.00526997e-01 -1.65459371e+00\n", - " -2.18970037e+00 -3.04948401e+00 -4.85972071e+00 -2.69895744e+00\n", - " -1.42571926e+00 -4.27410543e-01 -1.40288663e+00 -2.22415638e+00\n", - " 4.31584716e-01 -1.21963120e+00 -7.89183140e-01 -3.85644436e-01\n", - " -2.19566298e+00 5.16757816e-02 -4.00534302e-01 -8.55553865e-01\n", - " -1.06571424e+00 -1.19803715e+00 -7.49907136e-01 -3.51659083e+00\n", - " -3.70548368e+00 -1.29180059e-01 -2.26760554e+00 1.04744875e+00\n", - " 2.47727489e+00 -2.19591403e+00 -2.41286683e+00 5.03678203e-01\n", - " -2.37777090e+00 -1.04099429e+00 -4.00000721e-01 1.36760342e+00\n", - " -5.37967347e-02 -2.67582822e+00 -9.30893183e-01 -5.52985311e-01\n", - " 2.49823734e-01 -3.06174695e-01 -3.27956748e+00 -2.29314923e+00\n", - " -4.35357285e+00 -4.24655342e+00 4.03083950e-01 6.24384165e+00\n", - " 9.26607251e-01 -8.10224116e-01 -2.22885084e+00 -2.78365088e+00\n", - " -4.50782442e+00 -8.83566514e-02 -3.34998679e+00 -1.70432329e+00\n", - " -4.66538556e-02 -1.87009823e+00 -4.24318933e+00 -4.14236498e+00\n", - " -1.03543782e+00 1.11211455e+00 5.48970819e-01 1.78540838e+00\n", - " -8.89932632e-01 -2.80422950e+00 -5.87650359e-01 3.29715386e-02\n", - " -4.43944740e+00 -4.60019074e-02 -3.40293360e+00 -2.18756747e+00\n", - " -3.82966781e+00 -2.80443883e+00 -3.74113631e+00 -5.61972713e+00\n", - " 1.61433744e+00 -2.40309381e+00 -3.87270284e+00 -9.80931997e-01\n", - " -3.02652931e+00 -2.64566731e+00 -2.25565600e+00 -3.34818745e+00\n", - " -2.26042414e+00 -2.37442160e+00 -3.61180997e+00 -3.58554912e+00\n", - " -3.81933022e+00 -3.77860928e+00 -1.81833243e+00 -2.24631977e+00\n", - " -1.08662315e-01 -3.39454961e+00 -1.57819545e+00 1.20500302e+00\n", - " -1.26300359e+00 -1.00729811e+00 -3.74094844e+00 1.77158833e-01\n", - " -2.85126734e+00 -1.82973921e+00 -1.84953952e+00 -1.89762485e+00\n", - " -2.76518488e+00 -3.47413588e+00 1.15799868e+00 -9.44919705e-01\n", - " -7.78210223e-01 1.26661694e+00 -6.26288354e-01 -3.90689397e+00\n", - " -3.94701004e+00 -4.38510954e-01 -1.60559702e+00 1.40659916e+00\n", - " 1.41214490e-01 3.03906751e+00 -1.62388408e+00 1.71424294e+00\n", - " 2.98017430e+00 -1.38605285e+00 4.09814119e+00 -4.47490752e-01\n", - " -3.70810330e-01 4.34667253e+00 4.51394558e+00 7.92707622e-01\n", - " -4.46026772e-01 -2.55480230e-01 1.45970452e+00 -1.10089588e+00\n", - " -2.00537515e+00 -9.76071656e-02 1.13220060e+00 1.21684599e+00\n", - " 2.94298482e+00 3.39415431e+00 8.17231014e-02 5.64172149e-01\n", - " 5.94488978e-01 4.21701372e-01 3.07640719e+00 -2.39753678e-01\n", - " 1.80181116e-01 -3.44104558e-01 -2.19991064e+00 2.18678951e+00\n", - " -9.99068618e-02 -9.78661120e-01 2.22766376e+00 8.62366557e-01\n", - " 8.13149750e-01 1.37710154e+00 4.16937560e-01 -8.33881021e-01\n", - " -1.72464803e-01 5.09724259e-01 2.14086547e-01 -1.31772089e+00\n", - " 1.01249468e+00 1.77051961e+00 9.29252028e-01 -1.79544687e-01\n", - " 4.75079805e-01 1.60227299e+00 3.54395270e-01 7.65674233e-01\n", - " -7.24779904e-01 -2.33603686e-01 2.60388207e+00 1.98685610e+00\n", - " -1.60570717e+00 1.57030749e+00 -3.77416587e+00 -3.14000034e+00\n", - " 5.15038610e-01 1.30237794e+00 4.50705171e-01 -5.89629889e-01\n", - " 3.93875003e+00 -2.53099298e+00 5.18461287e-01 -4.50314805e-02\n", - " 7.38206685e-01 6.37591660e-01 2.42311072e+00 2.96711683e+00\n", - " 8.05663109e-01 -2.88536251e-01 -2.32315406e-01 5.38707793e-01\n", - " 1.03042674e+00 -7.43928969e-01 2.63535798e-01 1.77393079e+00\n", - " 5.35323203e-01 2.85676265e+00 6.45262718e-01 -5.64953014e-02\n", - " 1.94240659e-02 8.01926732e-01 2.26698324e-01 1.04824163e-01\n", - " 2.52356124e+00 1.40469539e+00 -1.97482789e+00 -2.55082631e+00\n", - " -2.59018898e+00 2.62481856e+00 5.80238163e-01 -1.27861761e-02\n", - " 1.32822347e+00 4.18578118e-01 -1.11246586e+00 -6.48469329e-01\n", - " 2.74432373e+00 -3.78559083e-01 -5.79504430e-01 1.45326233e+00\n", - " -7.59277880e-01 -6.04762137e-01 -8.62383664e-01 2.06343818e+00\n", - " 5.32512963e-01 -7.22720250e-02 2.49970943e-01 7.23227978e-01\n", - " 1.19354582e+00 2.45844558e-01 2.45943499e+00 1.70677948e+00\n", - " -1.09719098e+00 -1.60778809e+00 8.98906171e-01 4.05286491e-01\n", - " -2.39304304e-02 1.29669106e+00 9.35251713e-01 7.61136711e-01\n", - " -4.97092009e-01 5.51334858e-01 -1.55071259e-01 -3.53165078e+00\n", - " -5.06941378e-01 5.40136337e+00 -6.01752162e-01 3.66060400e+00\n", - " -2.98228455e+00 4.92942870e-01 8.54452729e-01 2.77015424e+00\n", - " 6.29028201e-01 5.13334453e-01 -7.05027819e-01 -2.69769192e+00\n", - " 5.15234053e-01 -7.88725764e-02 -2.97063994e+00 -6.36831939e-01\n", - " 1.79199326e+00 1.23592317e+00 -1.60398936e+00 3.79619330e-01\n", - " 7.43897557e-02 2.58681607e+00 9.22818124e-01 2.62589693e+00\n", - " 3.82837558e+00 -6.40685439e-01 -1.12998772e+00 1.14467192e+00\n", - " -1.03280234e+00 -8.39248121e-01 4.82989907e-01 -1.69746828e+00\n", - " 2.07712674e+00 -4.59432870e-01 -1.28992748e+00 -3.66731018e-01\n", - " 2.59014606e+00 -1.90457791e-01 4.20932055e+00 3.58055210e+00\n", - " -2.81173706e-01 1.89019442e-02 9.36581433e-01 6.03541076e-01\n", - " 1.73005140e+00 7.13245809e-01 -7.03164697e-01 -5.00429451e-01\n", - " 6.51641607e-01 1.30885139e-01 3.96475554e-01 -1.39855087e+00\n", - " 2.49425840e+00 1.79346830e-01 4.55915719e-01 1.69748008e+00\n", - " -2.65384865e+00 -1.47997475e+00 2.33677626e-01 -4.01059091e-01\n", - " 8.54564071e-01 1.20815980e+00 -1.06316876e+00 -7.09727883e-01\n", - " -6.91579342e-01 -4.88077670e-01 2.14904857e+00 1.99477935e+00\n", - " -3.09725285e-01 7.53496230e-01 3.83861214e-01 2.09066439e+00\n", - " 1.78989673e+00 2.30287218e+00 9.49193060e-01 1.28838396e+00\n", - " -1.31817591e+00 -1.56107497e+00 9.50105488e-01 1.15052164e+00\n", - " 8.41454268e-02 -1.17021024e+00 -2.27558061e-01 4.79003757e-01\n", - " 3.37072229e+00 3.21712947e+00 1.35772967e+00 5.13247967e-01\n", - " 1.62412333e+00 3.96794468e-01 6.18287146e-01 -1.80203021e+00\n", - " -2.27317953e+00 -1.06540966e+00 2.38213554e-01 4.69325095e-01\n", - " 4.66513574e-01 -1.75540578e+00 -1.14485013e+00 5.38008869e-01\n", - " 2.25092340e+00 2.45706773e+00 1.69123220e+00 1.28250837e+00\n", - " -1.47888625e+00 1.10498607e+00 -1.66479981e+00 -7.82321692e-01\n", - " 9.17908728e-01 1.72797763e+00 1.43622196e+00 -1.52747345e+00\n", - " -2.44466856e-01 -1.53475094e+00 -1.93258476e+00 -1.07095265e+00\n", - " 1.54724693e+00 1.24374783e+00 -1.06328070e+00 1.90229464e+00\n", - " 1.68436980e+00 -3.64870071e-01 1.35239649e+00 -3.98190945e-01\n", - " -1.02358723e+00 1.06064379e+00 -2.13766217e+00 -1.46362686e+00\n", - " 8.20901096e-01 1.31472576e+00 -6.30517662e-01 1.05108094e+00\n", - " -1.20726454e+00 3.06822598e-01 1.22567213e+00 -1.63834199e-01\n", - " 2.16978121e+00 7.96435058e-01 -4.84957188e-01 -7.22385228e-01\n", - " 5.43189049e+00 -2.93488836e+00 1.73114613e-01 1.09146714e+00\n", - " 1.75349915e+00 3.86556745e+00 2.96067476e-01 5.46989083e-01\n", - " -7.19903171e-01 -3.00498962e-01 -2.99843025e+00 -1.40628469e+00\n", - " -2.15822911e+00 -7.10971773e-01 9.28543568e-01 -1.21610379e+00\n", - " 2.30519629e+00 2.64526105e+00 -4.51203197e-01 -7.39344954e-01\n", - " 1.40553164e+00 9.89085078e-01 1.92544687e+00 -6.04611099e-01\n", - " 2.32850742e+00 6.21872425e-01 2.05709919e-01 2.96601081e+00\n", - " 1.33592772e+00 -1.24193728e+00 3.25791121e+00 3.08446825e-01\n", - " -9.97097254e-01 2.75593090e+00 2.94795060e+00 -1.54602140e-01\n", - " -7.88344622e-01 -9.20258999e-01 -2.03702059e-02 -2.65000868e+00\n", - " 3.04435086e+00 1.74394798e+00 7.47965932e-01 4.74251360e-01\n", - " -5.45921147e-01 1.29161358e+00 2.10877800e+00 2.20149255e+00\n", - " -1.06369078e+00 -4.76051793e-02 -2.64528131e+00 -1.38374424e+00\n", - " 1.13712704e+00 -1.23808777e+00 5.51989079e-01 1.73301268e+00\n", - " -6.17019415e-01 1.85400152e+00 9.54878181e-02 1.94663227e+00\n", - " 1.79424119e+00 3.92526388e-02 -1.97497860e-01 -4.20684195e+00\n", - " -1.32689619e+00 2.18958211e+00 2.57988006e-01 -3.91953170e-01\n", - " -1.37283015e+00 -2.20578766e+00 7.21696243e-02 8.50623190e-01\n", - " 2.71650362e+00 1.04314721e+00 3.13438702e+00 1.03419626e+00\n", - " 2.72230029e+00 -3.34148437e-01 -5.48747838e-01 8.99063528e-01\n", - " 3.40383339e+00 -2.23764479e-01 7.32629225e-02 -1.25492752e-01\n", - " -3.09774429e-01 1.44941306e+00 3.73710483e-01 4.29385632e-01\n", - " 1.22886455e+00 3.19898629e+00 -9.85268176e-01 2.13929510e+00\n", - " 1.86362922e+00 5.31470299e-01 2.14108443e+00 7.17820376e-02\n", - " 2.57982922e+00 2.07700467e+00 -1.82836391e-02 1.15381026e+00\n", - " -7.03577697e-01 -5.00126243e-01 -9.65314686e-01 -2.63542581e+00\n", - " -1.14201641e+00 9.03630316e-01 5.20139813e-01 -9.36665714e-01\n", - " 6.14794016e-01 2.56371641e+00 -7.42855668e-01 2.79905462e+00\n", - " 1.41559923e+00 1.76554120e+00 1.62766218e+00 2.01456022e+00\n", - " 1.55091429e+00 -6.60044789e-01 9.51957941e-01 -2.21612632e-01\n", - " -3.35597061e-02 3.41133070e+00 8.07908297e-01 2.73124313e+00\n", - " -1.18296027e+00 -6.66088879e-01 -1.01036286e+00 -5.00303954e-02\n", - " 5.44137001e-01 6.09451294e+00 4.21048909e-01 -3.89866471e-01\n", - " -5.60235560e-01 6.83703840e-01 2.60866952e+00 1.16825044e+00\n", - " -2.57012939e+00 5.03847420e-01 -7.55802393e-01 -6.89995825e-01\n", - " -7.04723001e-01 1.17042053e+00 -1.81287050e+00 -4.38035339e-01\n", - " -7.04113543e-01 -2.03611088e+00 -2.86511707e+00 1.04118955e+00\n", - " 4.02339029e+00 2.14411899e-01 3.32245612e+00 -1.28747270e-01\n", - " 7.50980735e-01 -1.55931222e+00 -6.94883704e-01 1.43505764e+00\n", - " -1.41850901e+00 -2.82515526e+00 -5.71668684e-01 -2.70196944e-01\n", - " 1.46669745e-01 7.21338272e-01 2.34995067e-01 4.29888248e-01\n", - " 2.40898818e-01 2.42415214e+00 2.38161302e+00 2.68387508e+00\n", - " -1.67581630e+00 5.68414211e-01 8.14023316e-02 -1.32848406e+00\n", - " -8.93385708e-02 1.28054428e+00 4.66780758e+00 3.94976884e-01\n", - " 4.96432877e+00 4.49321240e-01 4.96427149e-01 -3.01759630e-01\n", - " -9.39692497e-01 3.59174013e-01 1.19664872e+00 -1.59876740e+00\n", - " -1.40137160e+00 6.25258625e-01 6.37551725e-01 -8.94444063e-02\n", - " 8.36936831e-01 2.91733336e+00 8.57923388e-01 -1.13647294e+00\n", - " -1.26643367e-02 -5.25217801e-02 2.25554848e+00 2.18493319e+00\n", - " 1.89091635e+00 1.02084386e+00 -3.46590900e+00 2.99516410e-01\n", - " 1.46018791e+00 -1.04274106e+00 4.86714751e-01 3.46932387e+00\n", - " 1.09271204e+00 1.17164004e+00 1.83264291e+00 1.21553227e-01\n", - " -4.44730431e-01 2.91760588e+00 -1.68837905e+00 -2.34208369e+00\n", - " -6.32071495e-01 5.94227493e-01 1.45464671e+00 -1.69786358e+00\n", - " 2.28326964e+00 3.41358662e+00 -1.14036366e-01 -2.55580664e+00\n", - " -1.45052040e+00 -1.78250289e+00 4.64715624e+00 4.63038594e-01\n", - " 1.54139924e+00 -1.37432599e+00 3.41310811e+00 1.41114450e+00\n", - " 3.45704746e+00 1.31016994e+00 -2.77955389e+00 -2.23277032e-01\n", - " -1.96502864e-01 -1.38336027e+00 2.00016713e+00 1.53405809e+00\n", - " 1.94962561e+00 -7.85051107e-01 -2.74594307e-01 6.85986936e-01\n", - " 1.42646515e+00 1.51392072e-01 1.92735469e+00 -7.83965528e-01\n", - " -1.49716389e+00 1.56654775e+00 -7.32050955e-01 -1.51499057e+00\n", - " 1.29257965e+00 -1.69418716e+00 -3.16825461e+00 -2.57942963e+00\n", - " -1.36991596e+00 3.14519453e+00 -1.59593129e+00 1.53254062e-01\n", - " 5.88627279e-01 -5.97771823e-01 1.41482639e+00 -1.66140962e+00\n", - " -2.22890663e+00 8.79626751e-01 -3.73506188e-01 1.04862952e+00\n", - " -1.75090456e+00 -1.72302175e+00 -1.42330790e+00 1.52312100e-01\n", - " -1.65642989e+00 -6.15793169e-01 -1.36531866e+00 -5.37530184e-01\n", - " 1.37381375e+00 -6.40241981e-01 2.14772537e-01 -1.20331562e+00\n", - " -7.74819314e-01 -1.27480298e-01 -2.18981132e-01 -2.03730130e+00\n", - " -2.35178113e+00 2.81784730e-03 3.09918106e-01 -1.91259325e+00\n", - " -1.20792234e+00 -1.82455957e+00 -2.26940513e+00 -1.10703468e+00\n", - " -2.82163787e+00 -1.46071815e+00 2.32698709e-01 -1.00925219e+00\n", - " 1.40799904e+00 -7.08759606e-01 -5.77850699e-01 1.41368783e+00\n", - " -8.04105520e-01 -7.60268331e-01 -3.45950007e+00 3.44834995e+00\n", - " -2.14744449e+00 1.57074225e+00 -4.72893775e-01 -1.17086506e+00\n", - " -2.21736884e+00 3.28602839e+00 -2.03720999e+00 -6.54147565e-01\n", - " -3.22001636e-01 -5.21456003e-01 -3.33378625e+00 9.25970495e-01\n", - " -2.99893141e-01 -1.80747437e+00 -9.61166263e-01 -1.26546407e+00\n", - " -4.00019825e-01 -2.98744440e+00 -2.89306664e+00 2.24075198e-01\n", - " -1.99092531e+00 -3.59228325e+00 3.66844237e-01 2.70510745e+00]]\n" - ] - } - ], - "source": [ - "request_body, header_length = get_sample_image_binary_pt()\n", - "\n", - "response = runtime_sm_client.invoke_endpoint(\n", - " EndpointName=endpoint_name,\n", - " ContentType=\"application/vnd.sagemaker-triton.binary+json;json-header-size={}\".format(\n", - " header_length\n", - " ),\n", - " Body=request_body,\n", - ")\n", - "\n", - "# Parse json header size length from the response\n", - "header_length_prefix = \"application/vnd.sagemaker-triton.binary+json;json-header-size=\"\n", - "header_length_str = response[\"ContentType\"][len(header_length_prefix) :]\n", - "\n", - "# Read response body\n", - "result = httpclient.InferenceServerClient.parse_response_body(\n", - " response[\"Body\"].read(), header_length=int(header_length_str)\n", - ")\n", - "output0_data = result.as_numpy(\"OUTPUT__0\")\n", - "print(output0_data)" - ] - }, - { - "cell_type": "markdown", - "id": "56ac1b18", - "metadata": {}, - "source": [ - "### PyTorch: Terminate endpoint and clean up artifacts" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "id": "5788ef37", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{'ResponseMetadata': {'RequestId': '1847120b-73bd-43d7-a24c-48473f3b929b',\n", - " 'HTTPStatusCode': 200,\n", - " 'HTTPHeaders': {'x-amzn-requestid': '1847120b-73bd-43d7-a24c-48473f3b929b',\n", - " 'content-type': 'application/x-amz-json-1.1',\n", - " 'content-length': '0',\n", - " 'date': 'Tue, 14 Mar 2023 21:34:56 GMT'},\n", - " 'RetryAttempts': 0}}" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "sm_client.delete_model(ModelName=sm_model_name)\n", - "sm_client.delete_endpoint_config(EndpointConfigName=endpoint_config_name)\n", - "sm_client.delete_endpoint(EndpointName=endpoint_name)" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "conda_python3", - "language": "python", - "name": "conda_python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.8.12" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} From a84f480ddb6873afcae2afd490d04a5fb9543871 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 14:43:47 -0700 Subject: [PATCH 27/32] Add files via upload --- .../resnet_pytorch_python_backend_SME.ipynb | 14474 +++++++++++++++- 1 file changed, 14449 insertions(+), 25 deletions(-) diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb index d5c470ed8b..6ed93f90a2 100644 --- a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb @@ -63,10 +63,44 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 1, "id": "7788c22c", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", + "aiobotocore 2.0.1 requires botocore<1.22.9,>=1.22.8, but you have botocore 1.29.91 which is incompatible.\u001b[0m\u001b[31m\n", + "\u001b[0mLooking in indexes: https://pypi.org/simple, https://pip.repos.neuron.amazonaws.com, https://pypi.ngc.nvidia.com\n", + "Requirement already satisfied: nvidia-pyindex in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (1.0.9)\n", + "Looking in indexes: https://pypi.org/simple, https://pip.repos.neuron.amazonaws.com, https://pypi.ngc.nvidia.com\n", + "Requirement already satisfied: tritonclient[http] in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (2.30.0)\n", + "Requirement already satisfied: numpy>=1.19.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (1.20.3)\n", + "Requirement already satisfied: python-rapidjson>=0.9.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (1.9)\n", + "Requirement already satisfied: aiohttp>=3.8.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (3.8.1)\n", + "Requirement already satisfied: geventhttpclient<=2.0.2,>=1.4.4 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (2.0.2)\n", + "Requirement already satisfied: aiosignal>=1.1.2 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.2.0)\n", + "Requirement already satisfied: yarl<2.0,>=1.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.7.2)\n", + "Requirement already satisfied: attrs>=17.3.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (21.2.0)\n", + "Requirement already satisfied: multidict<7.0,>=4.5 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (5.2.0)\n", + "Requirement already satisfied: frozenlist>=1.1.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.2.0)\n", + "Requirement already satisfied: charset-normalizer<3.0,>=2.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (2.0.8)\n", + "Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (4.0.1)\n", + "Requirement already satisfied: brotli in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.0.9)\n", + "Requirement already satisfied: six in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.16.0)\n", + "Requirement already satisfied: certifi in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (2021.10.8)\n", + "Requirement already satisfied: gevent>=0.13 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (21.8.0)\n", + "Requirement already satisfied: typing-extensions>=3.6.5 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from async-timeout<5.0,>=4.0.0a3->aiohttp>=3.8.1->tritonclient[http]) (4.0.0)\n", + "Requirement already satisfied: greenlet<2.0,>=1.1.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.1.2)\n", + "Requirement already satisfied: setuptools in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (59.4.0)\n", + "Requirement already satisfied: zope.event in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (4.5.0)\n", + "Requirement already satisfied: zope.interface in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (5.4.0)\n", + "Requirement already satisfied: idna>=2.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from yarl<2.0,>=1.0->aiohttp>=3.8.1->tritonclient[http]) (3.1)\n" + ] + } + ], "source": [ "!pip install -qU pip awscli boto3 sagemaker\n", "!pip install nvidia-pyindex\n", @@ -75,7 +109,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 2, "id": "4aec711f", "metadata": {}, "outputs": [], @@ -91,7 +125,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 3, "id": "bbc64c0b", "metadata": {}, "outputs": [], @@ -124,7 +158,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 4, "id": "9616dd32", "metadata": {}, "outputs": [], @@ -136,7 +170,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 5, "id": "65934acb", "metadata": {}, "outputs": [], @@ -159,7 +193,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 6, "id": "5ef2c6e0", "metadata": {}, "outputs": [], @@ -196,7 +230,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 7, "id": "f9799f41", "metadata": {}, "outputs": [], @@ -228,10 +262,14078 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 8, "id": "fa670b92", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "=============\n", + "== PyTorch ==\n", + "=============\n", + "\n", + "NVIDIA Release 21.08 (build 26011915)\n", + "PyTorch Version 1.10.0a0+3fd9dcf\n", + "\n", + "Container image Copyright (c) 2021, NVIDIA CORPORATION. All rights reserved.\n", + "\n", + "Copyright (c) 2014-2021 Facebook Inc.\n", + "Copyright (c) 2011-2014 Idiap Research Institute (Ronan Collobert)\n", + "Copyright (c) 2012-2014 Deepmind Technologies (Koray Kavukcuoglu)\n", + "Copyright (c) 2011-2012 NEC Laboratories America (Koray Kavukcuoglu)\n", + "Copyright (c) 2011-2013 NYU (Clement Farabet)\n", + "Copyright (c) 2006-2010 NEC Laboratories America (Ronan Collobert, Leon Bottou, Iain Melvin, Jason Weston)\n", + "Copyright (c) 2006 Idiap Research Institute (Samy Bengio)\n", + "Copyright (c) 2001-2004 Idiap Research Institute (Ronan Collobert, Samy Bengio, Johnny Mariethoz)\n", + "Copyright (c) 2015 Google Inc.\n", + "Copyright (c) 2015 Yangqing Jia\n", + "Copyright (c) 2013-2016 The Caffe contributors\n", + "All rights reserved.\n", + "\n", + "NVIDIA Deep Learning Profiler (dlprof) Copyright (c) 2021, NVIDIA CORPORATION. All rights reserved.\n", + "\n", + "Various files include modifications (c) NVIDIA CORPORATION. All rights reserved.\n", + "\n", + "This container image and its contents are governed by the NVIDIA Deep Learning Container License.\n", + "By pulling and using the container, you accept the terms and conditions of this license:\n", + "https://developer.nvidia.com/ngc/nvidia-deep-learning-container-license\n", + "\n", + "NOTE: MOFED driver for multi-node communication was not detected.\n", + " Multi-node communication performance may be reduced.\n", + "\n", + "NOTE: The SHMEM allocation limit is set to the default of 64MB. This may be\n", + " insufficient for PyTorch. NVIDIA recommends the use of the following flags:\n", + " nvidia-docker run --ipc=host ...\n", + "\n", + "Downloading: \"https://download.pytorch.org/models/resnet50-0676ba61.pth\" to /root/.cache/torch/hub/checkpoints/resnet50-0676ba61.pth\n", + "100%|███████████████████████████████████████| 97.8M/97.8M [00:00<00:00, 256MB/s]\n", + "Saved model.onnx\n", + "Using cuda device\n", + "Saved model.pt\n", + "&&&& RUNNING TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose\n", + "[03/14/2023-21:25:12] [I] === Model Options ===\n", + "[03/14/2023-21:25:12] [I] Format: ONNX\n", + "[03/14/2023-21:25:12] [I] Model: model.onnx\n", + "[03/14/2023-21:25:12] [I] Output:\n", + "[03/14/2023-21:25:12] [I] === Build Options ===\n", + "[03/14/2023-21:25:12] [I] Max batch: explicit\n", + "[03/14/2023-21:25:12] [I] Workspace: 16 MiB\n", + "[03/14/2023-21:25:12] [I] minTiming: 1\n", + "[03/14/2023-21:25:12] [I] avgTiming: 8\n", + "[03/14/2023-21:25:12] [I] Precision: FP32+FP16\n", + "[03/14/2023-21:25:12] [I] Calibration: \n", + "[03/14/2023-21:25:12] [I] Refit: Disabled\n", + "[03/14/2023-21:25:12] [I] Sparsity: Disabled\n", + "[03/14/2023-21:25:12] [I] Safe mode: Disabled\n", + "[03/14/2023-21:25:12] [I] Restricted mode: Disabled\n", + "[03/14/2023-21:25:12] [I] Save engine: model.plan\n", + "[03/14/2023-21:25:12] [I] Load engine: \n", + "[03/14/2023-21:25:12] [I] NVTX verbosity: 0\n", + "[03/14/2023-21:25:12] [I] Tactic sources: Using default tactic sources\n", + "[03/14/2023-21:25:12] [I] timingCacheMode: local\n", + "[03/14/2023-21:25:12] [I] timingCacheFile: \n", + "[03/14/2023-21:25:12] [I] Input(s)s format: fp32:CHW\n", + "[03/14/2023-21:25:12] [I] Output(s)s format: fp32:CHW\n", + "[03/14/2023-21:25:12] [I] Input build shape: input=1x3x224x224+128x3x224x224+128x3x224x224\n", + "[03/14/2023-21:25:12] [I] Input calibration shapes: model\n", + "[03/14/2023-21:25:12] [I] === System Options ===\n", + "[03/14/2023-21:25:12] [I] Device: 0\n", + "[03/14/2023-21:25:12] [I] DLACore: \n", + "[03/14/2023-21:25:12] [I] Plugins:\n", + "[03/14/2023-21:25:12] [I] === Inference Options ===\n", + "[03/14/2023-21:25:12] [I] Batch: Explicit\n", + "[03/14/2023-21:25:12] [I] Input inference shape: input=128x3x224x224\n", + "[03/14/2023-21:25:12] [I] Iterations: 10\n", + "[03/14/2023-21:25:12] [I] Duration: 3s (+ 200ms warm up)\n", + "[03/14/2023-21:25:12] [I] Sleep time: 0ms\n", + "[03/14/2023-21:25:12] [I] Streams: 1\n", + "[03/14/2023-21:25:12] [I] ExposeDMA: Disabled\n", + "[03/14/2023-21:25:12] [I] Data transfers: Enabled\n", + "[03/14/2023-21:25:12] [I] Spin-wait: Disabled\n", + "[03/14/2023-21:25:12] [I] Multithreading: Disabled\n", + "[03/14/2023-21:25:12] [I] CUDA Graph: Disabled\n", + "[03/14/2023-21:25:12] [I] Separate profiling: Disabled\n", + "[03/14/2023-21:25:12] [I] Time Deserialize: Disabled\n", + "[03/14/2023-21:25:12] [I] Time Refit: Disabled\n", + "[03/14/2023-21:25:12] [I] Skip inference: Disabled\n", + "[03/14/2023-21:25:12] [I] Inputs:\n", + "[03/14/2023-21:25:12] [I] === Reporting Options ===\n", + "[03/14/2023-21:25:12] [I] Verbose: Enabled\n", + "[03/14/2023-21:25:12] [I] Averages: 10 inferences\n", + "[03/14/2023-21:25:12] [I] Percentile: 99\n", + "[03/14/2023-21:25:12] [I] Dump refittable layers:Disabled\n", + "[03/14/2023-21:25:12] [I] Dump output: Disabled\n", + "[03/14/2023-21:25:12] [I] Profile: Disabled\n", + "[03/14/2023-21:25:12] [I] Export timing to JSON file: \n", + "[03/14/2023-21:25:12] [I] Export output to JSON file: \n", + "[03/14/2023-21:25:12] [I] Export profile to JSON file: \n", + "[03/14/2023-21:25:12] [I] \n", + "[03/14/2023-21:25:12] [I] === Device Information ===\n", + "[03/14/2023-21:25:12] [I] Selected Device: Tesla T4\n", + "[03/14/2023-21:25:12] [I] Compute Capability: 7.5\n", + "[03/14/2023-21:25:12] [I] SMs: 40\n", + "[03/14/2023-21:25:12] [I] Compute Clock Rate: 1.59 GHz\n", + "[03/14/2023-21:25:12] [I] Device Global Memory: 14910 MiB\n", + "[03/14/2023-21:25:12] [I] Shared Memory per SM: 64 KiB\n", + "[03/14/2023-21:25:12] [I] Memory Bus Width: 256 bits (ECC enabled)\n", + "[03/14/2023-21:25:12] [I] Memory Clock Rate: 5.001 GHz\n", + "[03/14/2023-21:25:12] [I] \n", + "[03/14/2023-21:25:12] [I] TensorRT version: 8001\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Region_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Clip_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ScatterND version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::CropAndResize version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::EfficientNMS_ONNX_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::EfficientNMS_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Proposal version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Split version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1\n", + "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1\n", + "[03/14/2023-21:25:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +328, GPU +0, now: CPU 335, GPU 251 (MiB)\n", + "[03/14/2023-21:25:13] [I] Start parsing network model\n", + "[03/14/2023-21:25:13] [I] [TRT] ----------------------------------------------------------------\n", + "[03/14/2023-21:25:13] [I] [TRT] Input filename: model.onnx\n", + "[03/14/2023-21:25:13] [I] [TRT] ONNX IR version: 0.0.6\n", + "[03/14/2023-21:25:13] [I] [TRT] Opset version: 11\n", + "[03/14/2023-21:25:13] [I] [TRT] Producer name: pytorch\n", + "[03/14/2023-21:25:13] [I] [TRT] Producer version: 1.10\n", + "[03/14/2023-21:25:13] [I] [TRT] Domain: \n", + "[03/14/2023-21:25:13] [I] [TRT] Model version: 0\n", + "[03/14/2023-21:25:13] [I] [TRT] Doc string: \n", + "[03/14/2023-21:25:13] [I] [TRT] ----------------------------------------------------------------\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::GridAnchor_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::GridAnchorRect_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::NMS_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Reorg_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Region_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Clip_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::LReLU_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::PriorBox_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Normalize_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ScatterND version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::RPROI_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::BatchedNMS_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::FlattenConcat_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::CropAndResize version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::DetectionLayer_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::EfficientNMS_ONNX_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::EfficientNMS_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Proposal version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ProposalLayer_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::PyramidROIAlign_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ResizeNearest_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Split version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::SpecialSlice_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::InstanceNormalization_TRT version 1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Adding network input: input with dtype: float32, dimensions: (-1, 3, 224, 224)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: input for ONNX tensor: input\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: fc.weight\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: fc.bias\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 497\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 498\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 500\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 501\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 503\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 504\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 506\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 507\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 509\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 510\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 513\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 515\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 516\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 518\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 519\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 521\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 522\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 524\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 525\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 527\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 528\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 530\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 531\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 533\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 534\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 536\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 537\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 539\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 540\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 542\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 543\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 545\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 546\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 548\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 549\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 551\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 552\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 554\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 555\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 557\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 558\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 560\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 561\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 563\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 564\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 566\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 567\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 569\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 570\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 572\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 573\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 575\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 576\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 578\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 579\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 581\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 582\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 584\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 585\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 587\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 588\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 590\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 591\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 593\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 594\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 596\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 597\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 599\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 600\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 602\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 603\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 605\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 606\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 608\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 609\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 611\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 612\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 614\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 615\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 617\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 618\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 620\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 621\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 623\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 624\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 626\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 627\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 629\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 630\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 632\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 633\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 635\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 636\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 638\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 639\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 641\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 642\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 644\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 645\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 647\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 648\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 650\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 651\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 653\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 654\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_0 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: input\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 497\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 498\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_0 [Conv] inputs: [input -> (-1, 3, 224, 224)[FLOAT]], [497 -> (64, 3, 7, 7)[FLOAT]], [498 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 3, 224, 224)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_0 for ONNX node: Conv_0\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (7, 7), strides: (2, 2), prepadding: (3, 3), postpadding: (3, 3), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 112, 112)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 496 for ONNX tensor: 496\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_0 [Conv] outputs: [496 -> (-1, 64, 112, 112)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_1 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 496\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_1 [Relu] inputs: [496 -> (-1, 64, 112, 112)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_1 for ONNX node: Relu_1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 323 for ONNX tensor: 323\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_1 [Relu] outputs: [323 -> (-1, 64, 112, 112)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: MaxPool_2 [MaxPool]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 323\r\n", + "[03/14/2023-21:25:13] [V] [TRT] MaxPool_2 [MaxPool] inputs: [323 -> (-1, 64, 112, 112)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: MaxPool_2 for ONNX node: MaxPool_2\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 324 for ONNX tensor: 324\r\n", + "[03/14/2023-21:25:13] [V] [TRT] MaxPool_2 [MaxPool] outputs: [324 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_3 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 324\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 500\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 501\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_3 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [500 -> (64, 64, 1, 1)[FLOAT]], [501 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_3 for ONNX node: Conv_3\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 499 for ONNX tensor: 499\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_3 [Conv] outputs: [499 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_4 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 499\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_4 [Relu] inputs: [499 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_4 for ONNX node: Relu_4\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 327 for ONNX tensor: 327\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_4 [Relu] outputs: [327 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_5 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 327\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 503\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 504\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_5 [Conv] inputs: [327 -> (-1, 64, 56, 56)[FLOAT]], [503 -> (64, 64, 3, 3)[FLOAT]], [504 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_5 for ONNX node: Conv_5\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 502 for ONNX tensor: 502\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_5 [Conv] outputs: [502 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_6 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 502\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_6 [Relu] inputs: [502 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_6 for ONNX node: Relu_6\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 330 for ONNX tensor: 330\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_6 [Relu] outputs: [330 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_7 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 330\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 506\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 507\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_7 [Conv] inputs: [330 -> (-1, 64, 56, 56)[FLOAT]], [506 -> (256, 64, 1, 1)[FLOAT]], [507 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_7 for ONNX node: Conv_7\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 505 for ONNX tensor: 505\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_7 [Conv] outputs: [505 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_8 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 324\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 509\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 510\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_8 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [509 -> (256, 64, 1, 1)[FLOAT]], [510 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_8 for ONNX node: Conv_8\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 508 for ONNX tensor: 508\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_8 [Conv] outputs: [508 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_9 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 505\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 508\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_9 [Add] inputs: [505 -> (-1, 256, 56, 56)[FLOAT]], [508 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_9 for ONNX node: Add_9\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 335 for ONNX tensor: 335\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_9 [Add] outputs: [335 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_10 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 335\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_10 [Relu] inputs: [335 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_10 for ONNX node: Relu_10\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 336 for ONNX tensor: 336\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_10 [Relu] outputs: [336 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_11 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 336\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 513\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_11 [Conv] inputs: [336 -> (-1, 256, 56, 56)[FLOAT]], [512 -> (64, 256, 1, 1)[FLOAT]], [513 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_11 for ONNX node: Conv_11\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 511 for ONNX tensor: 511\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_11 [Conv] outputs: [511 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_12 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 511\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_12 [Relu] inputs: [511 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_12 for ONNX node: Relu_12\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 339 for ONNX tensor: 339\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_12 [Relu] outputs: [339 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_13 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 339\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 515\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 516\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_13 [Conv] inputs: [339 -> (-1, 64, 56, 56)[FLOAT]], [515 -> (64, 64, 3, 3)[FLOAT]], [516 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_13 for ONNX node: Conv_13\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 514 for ONNX tensor: 514\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_13 [Conv] outputs: [514 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_14 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 514\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_14 [Relu] inputs: [514 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_14 for ONNX node: Relu_14\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 342 for ONNX tensor: 342\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_14 [Relu] outputs: [342 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_15 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 342\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 518\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 519\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_15 [Conv] inputs: [342 -> (-1, 64, 56, 56)[FLOAT]], [518 -> (256, 64, 1, 1)[FLOAT]], [519 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_15 for ONNX node: Conv_15\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 517 for ONNX tensor: 517\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_15 [Conv] outputs: [517 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_16 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 517\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 336\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_16 [Add] inputs: [517 -> (-1, 256, 56, 56)[FLOAT]], [336 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_16 for ONNX node: Add_16\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 345 for ONNX tensor: 345\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_16 [Add] outputs: [345 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_17 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 345\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_17 [Relu] inputs: [345 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_17 for ONNX node: Relu_17\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 346 for ONNX tensor: 346\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_17 [Relu] outputs: [346 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_18 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 346\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 521\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 522\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_18 [Conv] inputs: [346 -> (-1, 256, 56, 56)[FLOAT]], [521 -> (64, 256, 1, 1)[FLOAT]], [522 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_18 for ONNX node: Conv_18\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 520 for ONNX tensor: 520\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_18 [Conv] outputs: [520 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_19 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 520\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_19 [Relu] inputs: [520 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_19 for ONNX node: Relu_19\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 349 for ONNX tensor: 349\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_19 [Relu] outputs: [349 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_20 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 349\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 524\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 525\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_20 [Conv] inputs: [349 -> (-1, 64, 56, 56)[FLOAT]], [524 -> (64, 64, 3, 3)[FLOAT]], [525 -> (64)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_20 for ONNX node: Conv_20\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 523 for ONNX tensor: 523\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_20 [Conv] outputs: [523 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_21 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 523\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_21 [Relu] inputs: [523 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_21 for ONNX node: Relu_21\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 352 for ONNX tensor: 352\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_21 [Relu] outputs: [352 -> (-1, 64, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_22 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 352\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 527\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 528\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_22 [Conv] inputs: [352 -> (-1, 64, 56, 56)[FLOAT]], [527 -> (256, 64, 1, 1)[FLOAT]], [528 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_22 for ONNX node: Conv_22\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 526 for ONNX tensor: 526\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_22 [Conv] outputs: [526 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_23 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 526\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 346\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_23 [Add] inputs: [526 -> (-1, 256, 56, 56)[FLOAT]], [346 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_23 for ONNX node: Add_23\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 355 for ONNX tensor: 355\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_23 [Add] outputs: [355 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_24 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 355\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_24 [Relu] inputs: [355 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_24 for ONNX node: Relu_24\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 356 for ONNX tensor: 356\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_24 [Relu] outputs: [356 -> (-1, 256, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_25 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 356\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 530\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 531\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_25 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [530 -> (128, 256, 1, 1)[FLOAT]], [531 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_25 for ONNX node: Conv_25\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 529 for ONNX tensor: 529\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_25 [Conv] outputs: [529 -> (-1, 128, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_26 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 529\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_26 [Relu] inputs: [529 -> (-1, 128, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_26 for ONNX node: Relu_26\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 359 for ONNX tensor: 359\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_26 [Relu] outputs: [359 -> (-1, 128, 56, 56)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_27 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 359\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 533\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 534\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_27 [Conv] inputs: [359 -> (-1, 128, 56, 56)[FLOAT]], [533 -> (128, 128, 3, 3)[FLOAT]], [534 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_27 for ONNX node: Conv_27\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 532 for ONNX tensor: 532\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_27 [Conv] outputs: [532 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_28 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 532\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_28 [Relu] inputs: [532 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_28 for ONNX node: Relu_28\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 362 for ONNX tensor: 362\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_28 [Relu] outputs: [362 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_29 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 362\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 536\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 537\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_29 [Conv] inputs: [362 -> (-1, 128, 28, 28)[FLOAT]], [536 -> (512, 128, 1, 1)[FLOAT]], [537 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_29 for ONNX node: Conv_29\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 535 for ONNX tensor: 535\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_29 [Conv] outputs: [535 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_30 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 356\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 539\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 540\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_30 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [539 -> (512, 256, 1, 1)[FLOAT]], [540 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_30 for ONNX node: Conv_30\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 538 for ONNX tensor: 538\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_30 [Conv] outputs: [538 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_31 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 535\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 538\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_31 [Add] inputs: [535 -> (-1, 512, 28, 28)[FLOAT]], [538 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_31 for ONNX node: Add_31\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 367 for ONNX tensor: 367\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_31 [Add] outputs: [367 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_32 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 367\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_32 [Relu] inputs: [367 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_32 for ONNX node: Relu_32\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 368 for ONNX tensor: 368\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_32 [Relu] outputs: [368 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_33 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 368\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 542\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 543\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_33 [Conv] inputs: [368 -> (-1, 512, 28, 28)[FLOAT]], [542 -> (128, 512, 1, 1)[FLOAT]], [543 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_33 for ONNX node: Conv_33\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 541 for ONNX tensor: 541\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_33 [Conv] outputs: [541 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_34 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 541\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_34 [Relu] inputs: [541 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_34 for ONNX node: Relu_34\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 371 for ONNX tensor: 371\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_34 [Relu] outputs: [371 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_35 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 371\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 545\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 546\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_35 [Conv] inputs: [371 -> (-1, 128, 28, 28)[FLOAT]], [545 -> (128, 128, 3, 3)[FLOAT]], [546 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_35 for ONNX node: Conv_35\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 544 for ONNX tensor: 544\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_35 [Conv] outputs: [544 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_36 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 544\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_36 [Relu] inputs: [544 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_36 for ONNX node: Relu_36\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 374 for ONNX tensor: 374\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_36 [Relu] outputs: [374 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_37 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 374\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 548\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 549\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_37 [Conv] inputs: [374 -> (-1, 128, 28, 28)[FLOAT]], [548 -> (512, 128, 1, 1)[FLOAT]], [549 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_37 for ONNX node: Conv_37\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 547 for ONNX tensor: 547\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_37 [Conv] outputs: [547 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_38 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 547\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 368\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_38 [Add] inputs: [547 -> (-1, 512, 28, 28)[FLOAT]], [368 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_38 for ONNX node: Add_38\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 377 for ONNX tensor: 377\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_38 [Add] outputs: [377 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_39 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 377\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_39 [Relu] inputs: [377 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_39 for ONNX node: Relu_39\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 378 for ONNX tensor: 378\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_39 [Relu] outputs: [378 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_40 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 378\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 551\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 552\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_40 [Conv] inputs: [378 -> (-1, 512, 28, 28)[FLOAT]], [551 -> (128, 512, 1, 1)[FLOAT]], [552 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_40 for ONNX node: Conv_40\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 550 for ONNX tensor: 550\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_40 [Conv] outputs: [550 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_41 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 550\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_41 [Relu] inputs: [550 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_41 for ONNX node: Relu_41\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 381 for ONNX tensor: 381\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_41 [Relu] outputs: [381 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_42 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 381\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 554\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 555\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_42 [Conv] inputs: [381 -> (-1, 128, 28, 28)[FLOAT]], [554 -> (128, 128, 3, 3)[FLOAT]], [555 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_42 for ONNX node: Conv_42\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 553 for ONNX tensor: 553\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_42 [Conv] outputs: [553 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_43 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 553\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_43 [Relu] inputs: [553 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_43 for ONNX node: Relu_43\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 384 for ONNX tensor: 384\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_43 [Relu] outputs: [384 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_44 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 384\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 557\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 558\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_44 [Conv] inputs: [384 -> (-1, 128, 28, 28)[FLOAT]], [557 -> (512, 128, 1, 1)[FLOAT]], [558 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_44 for ONNX node: Conv_44\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 556 for ONNX tensor: 556\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_44 [Conv] outputs: [556 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_45 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 556\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 378\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_45 [Add] inputs: [556 -> (-1, 512, 28, 28)[FLOAT]], [378 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_45 for ONNX node: Add_45\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 387 for ONNX tensor: 387\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_45 [Add] outputs: [387 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_46 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 387\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_46 [Relu] inputs: [387 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_46 for ONNX node: Relu_46\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 388 for ONNX tensor: 388\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_46 [Relu] outputs: [388 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_47 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 388\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 560\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 561\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_47 [Conv] inputs: [388 -> (-1, 512, 28, 28)[FLOAT]], [560 -> (128, 512, 1, 1)[FLOAT]], [561 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_47 for ONNX node: Conv_47\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 559 for ONNX tensor: 559\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_47 [Conv] outputs: [559 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_48 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 559\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_48 [Relu] inputs: [559 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_48 for ONNX node: Relu_48\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 391 for ONNX tensor: 391\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_48 [Relu] outputs: [391 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_49 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 391\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 563\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 564\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_49 [Conv] inputs: [391 -> (-1, 128, 28, 28)[FLOAT]], [563 -> (128, 128, 3, 3)[FLOAT]], [564 -> (128)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_49 for ONNX node: Conv_49\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 562 for ONNX tensor: 562\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_49 [Conv] outputs: [562 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_50 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 562\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_50 [Relu] inputs: [562 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_50 for ONNX node: Relu_50\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 394 for ONNX tensor: 394\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_50 [Relu] outputs: [394 -> (-1, 128, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_51 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 394\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 566\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 567\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_51 [Conv] inputs: [394 -> (-1, 128, 28, 28)[FLOAT]], [566 -> (512, 128, 1, 1)[FLOAT]], [567 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_51 for ONNX node: Conv_51\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 565 for ONNX tensor: 565\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_51 [Conv] outputs: [565 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_52 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 565\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 388\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_52 [Add] inputs: [565 -> (-1, 512, 28, 28)[FLOAT]], [388 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_52 for ONNX node: Add_52\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 397 for ONNX tensor: 397\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_52 [Add] outputs: [397 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_53 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 397\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_53 [Relu] inputs: [397 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_53 for ONNX node: Relu_53\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 398 for ONNX tensor: 398\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_53 [Relu] outputs: [398 -> (-1, 512, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_54 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 398\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 569\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 570\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_54 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [569 -> (256, 512, 1, 1)[FLOAT]], [570 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_54 for ONNX node: Conv_54\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 568 for ONNX tensor: 568\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_54 [Conv] outputs: [568 -> (-1, 256, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_55 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 568\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_55 [Relu] inputs: [568 -> (-1, 256, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_55 for ONNX node: Relu_55\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 401 for ONNX tensor: 401\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_55 [Relu] outputs: [401 -> (-1, 256, 28, 28)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_56 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 401\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 572\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 573\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_56 [Conv] inputs: [401 -> (-1, 256, 28, 28)[FLOAT]], [572 -> (256, 256, 3, 3)[FLOAT]], [573 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_56 for ONNX node: Conv_56\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 571 for ONNX tensor: 571\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_56 [Conv] outputs: [571 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_57 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 571\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_57 [Relu] inputs: [571 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_57 for ONNX node: Relu_57\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 404 for ONNX tensor: 404\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_57 [Relu] outputs: [404 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_58 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 404\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 575\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 576\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_58 [Conv] inputs: [404 -> (-1, 256, 14, 14)[FLOAT]], [575 -> (1024, 256, 1, 1)[FLOAT]], [576 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_58 for ONNX node: Conv_58\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 574 for ONNX tensor: 574\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_58 [Conv] outputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_59 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 398\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 578\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 579\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_59 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [578 -> (1024, 512, 1, 1)[FLOAT]], [579 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_59 for ONNX node: Conv_59\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 577 for ONNX tensor: 577\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_59 [Conv] outputs: [577 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_60 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 574\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 577\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_60 [Add] inputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], [577 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_60 for ONNX node: Add_60\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 409 for ONNX tensor: 409\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_60 [Add] outputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_61 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 409\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_61 [Relu] inputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_61 for ONNX node: Relu_61\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 410 for ONNX tensor: 410\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_61 [Relu] outputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_62 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 410\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 581\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 582\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_62 [Conv] inputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], [581 -> (256, 1024, 1, 1)[FLOAT]], [582 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_62 for ONNX node: Conv_62\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 580 for ONNX tensor: 580\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_62 [Conv] outputs: [580 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_63 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 580\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_63 [Relu] inputs: [580 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_63 for ONNX node: Relu_63\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 413 for ONNX tensor: 413\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_63 [Relu] outputs: [413 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_64 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 413\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 584\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 585\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_64 [Conv] inputs: [413 -> (-1, 256, 14, 14)[FLOAT]], [584 -> (256, 256, 3, 3)[FLOAT]], [585 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_64 for ONNX node: Conv_64\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 583 for ONNX tensor: 583\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_64 [Conv] outputs: [583 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_65 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 583\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_65 [Relu] inputs: [583 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_65 for ONNX node: Relu_65\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 416 for ONNX tensor: 416\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_65 [Relu] outputs: [416 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_66 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 416\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 587\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 588\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_66 [Conv] inputs: [416 -> (-1, 256, 14, 14)[FLOAT]], [587 -> (1024, 256, 1, 1)[FLOAT]], [588 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_66 for ONNX node: Conv_66\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 586 for ONNX tensor: 586\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_66 [Conv] outputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_67 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 586\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 410\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_67 [Add] inputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], [410 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_67 for ONNX node: Add_67\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 419 for ONNX tensor: 419\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_67 [Add] outputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_68 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 419\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_68 [Relu] inputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_68 for ONNX node: Relu_68\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 420 for ONNX tensor: 420\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_68 [Relu] outputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_69 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 420\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 590\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 591\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_69 [Conv] inputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], [590 -> (256, 1024, 1, 1)[FLOAT]], [591 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_69 for ONNX node: Conv_69\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 589 for ONNX tensor: 589\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_69 [Conv] outputs: [589 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_70 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 589\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_70 [Relu] inputs: [589 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_70 for ONNX node: Relu_70\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 423 for ONNX tensor: 423\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_70 [Relu] outputs: [423 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_71 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 423\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 593\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 594\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_71 [Conv] inputs: [423 -> (-1, 256, 14, 14)[FLOAT]], [593 -> (256, 256, 3, 3)[FLOAT]], [594 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_71 for ONNX node: Conv_71\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 592 for ONNX tensor: 592\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_71 [Conv] outputs: [592 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_72 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 592\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_72 [Relu] inputs: [592 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_72 for ONNX node: Relu_72\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 426 for ONNX tensor: 426\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_72 [Relu] outputs: [426 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_73 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 426\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 596\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 597\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_73 [Conv] inputs: [426 -> (-1, 256, 14, 14)[FLOAT]], [596 -> (1024, 256, 1, 1)[FLOAT]], [597 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_73 for ONNX node: Conv_73\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 595 for ONNX tensor: 595\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_73 [Conv] outputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_74 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 595\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 420\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_74 [Add] inputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], [420 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_74 for ONNX node: Add_74\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 429 for ONNX tensor: 429\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_74 [Add] outputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_75 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 429\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_75 [Relu] inputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_75 for ONNX node: Relu_75\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 430 for ONNX tensor: 430\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_75 [Relu] outputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_76 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 430\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 599\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 600\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_76 [Conv] inputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], [599 -> (256, 1024, 1, 1)[FLOAT]], [600 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_76 for ONNX node: Conv_76\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 598 for ONNX tensor: 598\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_76 [Conv] outputs: [598 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_77 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 598\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_77 [Relu] inputs: [598 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_77 for ONNX node: Relu_77\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 433 for ONNX tensor: 433\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_77 [Relu] outputs: [433 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_78 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 433\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 602\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 603\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_78 [Conv] inputs: [433 -> (-1, 256, 14, 14)[FLOAT]], [602 -> (256, 256, 3, 3)[FLOAT]], [603 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_78 for ONNX node: Conv_78\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 601 for ONNX tensor: 601\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_78 [Conv] outputs: [601 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_79 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 601\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_79 [Relu] inputs: [601 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_79 for ONNX node: Relu_79\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 436 for ONNX tensor: 436\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_79 [Relu] outputs: [436 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_80 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 436\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 605\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 606\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_80 [Conv] inputs: [436 -> (-1, 256, 14, 14)[FLOAT]], [605 -> (1024, 256, 1, 1)[FLOAT]], [606 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_80 for ONNX node: Conv_80\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 604 for ONNX tensor: 604\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_80 [Conv] outputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_81 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 604\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 430\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_81 [Add] inputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], [430 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_81 for ONNX node: Add_81\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 439 for ONNX tensor: 439\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_81 [Add] outputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_82 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 439\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_82 [Relu] inputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_82 for ONNX node: Relu_82\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 440 for ONNX tensor: 440\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_82 [Relu] outputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_83 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 440\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 608\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 609\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_83 [Conv] inputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], [608 -> (256, 1024, 1, 1)[FLOAT]], [609 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_83 for ONNX node: Conv_83\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 607 for ONNX tensor: 607\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_83 [Conv] outputs: [607 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_84 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 607\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_84 [Relu] inputs: [607 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_84 for ONNX node: Relu_84\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 443 for ONNX tensor: 443\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_84 [Relu] outputs: [443 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_85 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 443\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 611\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 612\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_85 [Conv] inputs: [443 -> (-1, 256, 14, 14)[FLOAT]], [611 -> (256, 256, 3, 3)[FLOAT]], [612 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_85 for ONNX node: Conv_85\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 610 for ONNX tensor: 610\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_85 [Conv] outputs: [610 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_86 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 610\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_86 [Relu] inputs: [610 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_86 for ONNX node: Relu_86\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 446 for ONNX tensor: 446\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_86 [Relu] outputs: [446 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_87 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 446\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 614\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 615\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_87 [Conv] inputs: [446 -> (-1, 256, 14, 14)[FLOAT]], [614 -> (1024, 256, 1, 1)[FLOAT]], [615 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_87 for ONNX node: Conv_87\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 613 for ONNX tensor: 613\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_87 [Conv] outputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_88 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 613\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 440\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_88 [Add] inputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], [440 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_88 for ONNX node: Add_88\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 449 for ONNX tensor: 449\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_88 [Add] outputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_89 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 449\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_89 [Relu] inputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_89 for ONNX node: Relu_89\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 450 for ONNX tensor: 450\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_89 [Relu] outputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_90 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 450\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 617\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 618\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_90 [Conv] inputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], [617 -> (256, 1024, 1, 1)[FLOAT]], [618 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_90 for ONNX node: Conv_90\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 616 for ONNX tensor: 616\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_90 [Conv] outputs: [616 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_91 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 616\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_91 [Relu] inputs: [616 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_91 for ONNX node: Relu_91\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 453 for ONNX tensor: 453\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_91 [Relu] outputs: [453 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_92 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 453\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 620\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 621\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_92 [Conv] inputs: [453 -> (-1, 256, 14, 14)[FLOAT]], [620 -> (256, 256, 3, 3)[FLOAT]], [621 -> (256)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_92 for ONNX node: Conv_92\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 619 for ONNX tensor: 619\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_92 [Conv] outputs: [619 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_93 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 619\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_93 [Relu] inputs: [619 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_93 for ONNX node: Relu_93\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 456 for ONNX tensor: 456\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_93 [Relu] outputs: [456 -> (-1, 256, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_94 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 456\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 623\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 624\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_94 [Conv] inputs: [456 -> (-1, 256, 14, 14)[FLOAT]], [623 -> (1024, 256, 1, 1)[FLOAT]], [624 -> (1024)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_94 for ONNX node: Conv_94\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 622 for ONNX tensor: 622\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_94 [Conv] outputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_95 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 622\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 450\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_95 [Add] inputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], [450 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_95 for ONNX node: Add_95\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 459 for ONNX tensor: 459\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_95 [Add] outputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_96 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 459\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_96 [Relu] inputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_96 for ONNX node: Relu_96\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 460 for ONNX tensor: 460\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_96 [Relu] outputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_97 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 460\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 626\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 627\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_97 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [626 -> (512, 1024, 1, 1)[FLOAT]], [627 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_97 for ONNX node: Conv_97\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 625 for ONNX tensor: 625\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_97 [Conv] outputs: [625 -> (-1, 512, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_98 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 625\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_98 [Relu] inputs: [625 -> (-1, 512, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_98 for ONNX node: Relu_98\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 463 for ONNX tensor: 463\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_98 [Relu] outputs: [463 -> (-1, 512, 14, 14)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_99 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 463\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 629\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 630\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_99 [Conv] inputs: [463 -> (-1, 512, 14, 14)[FLOAT]], [629 -> (512, 512, 3, 3)[FLOAT]], [630 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_99 for ONNX node: Conv_99\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 628 for ONNX tensor: 628\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_99 [Conv] outputs: [628 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_100 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 628\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_100 [Relu] inputs: [628 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_100 for ONNX node: Relu_100\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 466 for ONNX tensor: 466\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_100 [Relu] outputs: [466 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_101 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 466\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 632\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 633\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_101 [Conv] inputs: [466 -> (-1, 512, 7, 7)[FLOAT]], [632 -> (2048, 512, 1, 1)[FLOAT]], [633 -> (2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_101 for ONNX node: Conv_101\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 631 for ONNX tensor: 631\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_101 [Conv] outputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_102 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 460\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 635\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 636\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_102 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [635 -> (2048, 1024, 1, 1)[FLOAT]], [636 -> (2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_102 for ONNX node: Conv_102\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 634 for ONNX tensor: 634\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_102 [Conv] outputs: [634 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_103 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 631\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 634\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_103 [Add] inputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], [634 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_103 for ONNX node: Add_103\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 471 for ONNX tensor: 471\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_103 [Add] outputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_104 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 471\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_104 [Relu] inputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_104 for ONNX node: Relu_104\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 472 for ONNX tensor: 472\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_104 [Relu] outputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_105 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 472\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 638\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 639\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_105 [Conv] inputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], [638 -> (512, 2048, 1, 1)[FLOAT]], [639 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_105 for ONNX node: Conv_105\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 637 for ONNX tensor: 637\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_105 [Conv] outputs: [637 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_106 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 637\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_106 [Relu] inputs: [637 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_106 for ONNX node: Relu_106\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 475 for ONNX tensor: 475\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_106 [Relu] outputs: [475 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_107 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 475\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 641\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 642\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_107 [Conv] inputs: [475 -> (-1, 512, 7, 7)[FLOAT]], [641 -> (512, 512, 3, 3)[FLOAT]], [642 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_107 for ONNX node: Conv_107\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 640 for ONNX tensor: 640\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_107 [Conv] outputs: [640 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_108 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 640\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_108 [Relu] inputs: [640 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_108 for ONNX node: Relu_108\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 478 for ONNX tensor: 478\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_108 [Relu] outputs: [478 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_109 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 478\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 644\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 645\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_109 [Conv] inputs: [478 -> (-1, 512, 7, 7)[FLOAT]], [644 -> (2048, 512, 1, 1)[FLOAT]], [645 -> (2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_109 for ONNX node: Conv_109\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 643 for ONNX tensor: 643\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_109 [Conv] outputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_110 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 643\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 472\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_110 [Add] inputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], [472 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_110 for ONNX node: Add_110\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 481 for ONNX tensor: 481\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_110 [Add] outputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_111 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 481\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_111 [Relu] inputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_111 for ONNX node: Relu_111\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 482 for ONNX tensor: 482\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_111 [Relu] outputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_112 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 482\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 647\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 648\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_112 [Conv] inputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], [647 -> (512, 2048, 1, 1)[FLOAT]], [648 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_112 for ONNX node: Conv_112\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 646 for ONNX tensor: 646\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_112 [Conv] outputs: [646 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_113 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 646\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_113 [Relu] inputs: [646 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_113 for ONNX node: Relu_113\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 485 for ONNX tensor: 485\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_113 [Relu] outputs: [485 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_114 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 485\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 650\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 651\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_114 [Conv] inputs: [485 -> (-1, 512, 7, 7)[FLOAT]], [650 -> (512, 512, 3, 3)[FLOAT]], [651 -> (512)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_114 for ONNX node: Conv_114\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 649 for ONNX tensor: 649\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_114 [Conv] outputs: [649 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_115 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 649\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_115 [Relu] inputs: [649 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_115 for ONNX node: Relu_115\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 488 for ONNX tensor: 488\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_115 [Relu] outputs: [488 -> (-1, 512, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_116 [Conv]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 488\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 653\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 654\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_116 [Conv] inputs: [488 -> (-1, 512, 7, 7)[FLOAT]], [653 -> (2048, 512, 1, 1)[FLOAT]], [654 -> (2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_116 for ONNX node: Conv_116\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 652 for ONNX tensor: 652\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Conv_116 [Conv] outputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_117 [Add]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 652\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 482\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_117 [Add] inputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], [482 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_117 for ONNX node: Add_117\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 491 for ONNX tensor: 491\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Add_117 [Add] outputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_118 [Relu]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 491\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_118 [Relu] inputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_118 for ONNX node: Relu_118\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 492 for ONNX tensor: 492\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Relu_118 [Relu] outputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: GlobalAveragePool_119 [GlobalAveragePool]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 492\r\n", + "[03/14/2023-21:25:13] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] inputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: GlobalAveragePool_119 for ONNX node: GlobalAveragePool_119\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 493 for ONNX tensor: 493\r\n", + "[03/14/2023-21:25:13] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] outputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Flatten_120 [Flatten]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 493\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Flatten_120 [Flatten] inputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], \r\n", + "[W] [TRT] onnx2trt_utils.cpp:362: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.\r\n", + "[03/14/2023-21:25:13] [03/14/2023-21:25:13] [V] [TRT] Registering layer: Flatten_120 for ONNX node: Flatten_120\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 494 for ONNX tensor: 494\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Flatten_120 [Flatten] outputs: [494 -> (-1, 2048)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Gemm_121 [Gemm]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 494\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: fc.weight\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Searching for input: fc.bias\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Gemm_121 [Gemm] inputs: [494 -> (-1, 2048)[FLOAT]], [fc.weight -> (1000, 2048)[FLOAT]], [fc.bias -> (1000)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] GEMM: using FC layer instead of MM because all criteria were met.\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Original shape: (_, 2048), unsqueezing to: (_, _, _, _)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Gemm_121 for ONNX node: Gemm_121\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Original shape: (_, 1000, 1, 1), squeezing to: (_, _)\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: output_0 for ONNX tensor: output\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Gemm_121 [Gemm] outputs: [output -> (-1, 1000)[FLOAT]], \r\n", + "[03/14/2023-21:25:13] [V] [TRT] Marking output_0 as output: output\r\n", + "[03/14/2023-21:25:13] [I] Finish parsing network model\r\n", + "[03/14/2023-21:25:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +0, GPU +0, now: CPU 434, GPU 251 (MiB)\r\n", + "[03/14/2023-21:25:13] [I] [TRT] [MemUsageSnapshot] Builder begin: CPU 434 MiB, GPU 251 MiB\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Applying generic optimizations to the graph for inference.\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Original: 124 layers\r\n", + "[03/14/2023-21:25:13] [V] [TRT] After dead-layer removal: 124 layers\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ShuffleShuffleFusion: Fusing Flatten_120 with (Unnamed Layer* 131) [Shuffle]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Removing Flatten_120 + (Unnamed Layer* 131) [Shuffle]\r\n", + "[03/14/2023-21:25:13] [V] [TRT] After Myelin optimization: 122 layers\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Convert layer type of Gemm_121 from FULLY_CONNECTED to CONVOLUTION\r\n", + "[03/14/2023-21:25:13] [V] [TRT] Removing shuffle_between_493_and_Gemm_121\r\n", + "[03/14/2023-21:25:13] [V] [TRT] After scale fusion: 122 layers\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_0 with Relu_1\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_3 with Relu_4\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_8 with Add_9\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_5 with Relu_6\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_8 + Add_9 with Relu_10\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_11 with Relu_12\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_13 with Relu_14\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_15 with Add_16\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_15 + Add_16 with Relu_17\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_18 with Relu_19\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_20 with Relu_21\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_22 with Add_23\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_22 + Add_23 with Relu_24\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_25 with Relu_26\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_30 with Add_31\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_27 with Relu_28\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_30 + Add_31 with Relu_32\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_33 with Relu_34\r\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_35 with Relu_36\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_37 with Add_38\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_37 + Add_38 with Relu_39\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_40 with Relu_41\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_42 with Relu_43\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_44 with Add_45\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_44 + Add_45 with Relu_46\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_47 with Relu_48\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_49 with Relu_50\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_51 with Add_52\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_51 + Add_52 with Relu_53\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_54 with Relu_55\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_59 with Add_60\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_56 with Relu_57\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_59 + Add_60 with Relu_61\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_62 with Relu_63\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_64 with Relu_65\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_66 with Add_67\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_66 + Add_67 with Relu_68\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_69 with Relu_70\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_71 with Relu_72\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_73 with Add_74\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_73 + Add_74 with Relu_75\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_76 with Relu_77\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_78 with Relu_79\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_80 with Add_81\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_80 + Add_81 with Relu_82\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_83 with Relu_84\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_85 with Relu_86\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_87 with Add_88\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_87 + Add_88 with Relu_89\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_90 with Relu_91\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_92 with Relu_93\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_94 with Add_95\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_94 + Add_95 with Relu_96\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_97 with Relu_98\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_102 with Add_103\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_99 with Relu_100\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_102 + Add_103 with Relu_104\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_105 with Relu_106\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_107 with Relu_108\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_109 with Add_110\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_109 + Add_110 with Relu_111\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_112 with Relu_113\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_114 with Relu_115\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_116 with Add_117\n", + "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_116 + Add_117 with Relu_118\n", + "[03/14/2023-21:25:13] [V] [TRT] Swap the layer type of GlobalAveragePool_119 from REDUCE to POOLING\n", + "[03/14/2023-21:25:13] [V] [TRT] After vertical fusions: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] After dupe layer removal: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] After final dead-layer removal: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] After tensor merging: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] After concat removal: 57 layers\n", + "[03/14/2023-21:25:13] [V] [TRT] Graph construction and optimization completed in 0.472305 seconds.\n", + "[03/14/2023-21:25:14] [V] [TRT] Using cublasLt a tactic source\n", + "[03/14/2023-21:25:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +491, GPU +212, now: CPU 925, GPU 463 (MiB)\n", + "[03/14/2023-21:25:14] [V] [TRT] Using cuDNN as a tactic source\n", + "[03/14/2023-21:25:15] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +286, GPU +198, now: CPU 1211, GPU 661 (MiB)\n", + "[W] [03/14/2023-21:25:15] [TRT] Detected invalid timing cache, setup a local cache instead\n", + "[03/14/2023-21:25:15] [V] [TRT] Constructing optimization profile number 0 [1/1].\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Float(150528,1,672,3) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 5.71445\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.664824\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.664824\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(150528,50176,224,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.57742\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.593652\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 1002 Time: 0.57742\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(100352,50176:2,224,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.720756\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.568124\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.568124\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:4,224,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.51704\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.531456\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 1002 Time: 0.51704\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:8,224,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.780808\n", + "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.761044\n", + "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.761044\n", + "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning format combination: Float(150528,50176,224,1) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 0 Time: 21.543\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 1 Time: 11.6484\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 944111616, available: 16777216\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216\n", + "[03/14/2023-21:25:16] [V] [TRT] Tactic: 56 Time: 21.246\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 57 Time: 11.8987\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 944111616, available: 16777216\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216\n", + "[03/14/2023-21:25:17] [I] [TRT] Some tactics do not have sufficient workspace memory to run. Increasing workspace size may increase performance, please check verbose output.\n", + "[03/14/2023-21:25:17] [V] [TRT] Fastest Tactic: 1 Time: 11.6484\n", + "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 1825138533642645384 Time: 9.71293\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 2842488832350522458 Time: 5.23158\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: 6448355332020552203 Time: 10.9645\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: -8060443123034038864 Time: 5.25836\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:25:17] [V] [TRT] Tactic: -4420849921117327522 Time: 7.23761\n", + "[03/14/2023-21:25:17] [V] [TRT] Fastest Tactic: 2842488832350522458 Time: 5.23158\n", + "[03/14/2023-21:25:17] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling\n", + "[03/14/2023-21:25:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2842488832350522458\n", + "[03/14/2023-21:25:17] [V] [TRT] *************** Autotuning format combination: Float(150528,1,672,3) -> Float(802816,1,7168,64) ***************\n", + "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:25:18] [V] [TRT] Tactic: 861694390046228376 Time: 23.1077\n", + "[03/14/2023-21:25:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:25:18] [V] [TRT] Tactic: -3853827649136781465 Time: 22.8469\n", + "[03/14/2023-21:25:18] [V] [TRT] Fastest Tactic: -3853827649136781465 Time: 22.8469\n", + "[03/14/2023-21:25:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3853827649136781465\n", + "[03/14/2023-21:25:18] [V] [TRT] *************** Autotuning format combination: Half(150528,50176,224,1) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:18] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:18] [V] [TRT] Tactic: 0 Time: 17.9787\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1 Time: 9.16748\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 472055808, available: 16777216\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 56 Time: 18.3045\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 58 skipped. Scratch requested: 472055808, available: 16777216\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216\n", + "[03/14/2023-21:25:19] [V] [TRT] Fastest Tactic: 1 Time: 9.16748\n", + "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:19] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling\n", + "[03/14/2023-21:25:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:25:19] [V] [TRT] *************** Autotuning format combination: Half(100352,50176:2,224,1) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1145226902788474763 Time: 3.48345\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1651411198763708804 Time: 4.26286\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 2418518597804310654 Time: 4.08451\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 4653005425971292725 Time: 4.04401\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 4930470141256631146 Time: 4.56622\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: 8292881859266835088 Time: 4.60886\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:25:19] [V] [TRT] Tactic: -7448936905981214224 Time: 4.7099\n", + "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -3754890472406891741 Time: 7.79769\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -3689982367035295496 Time: 7.57531\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -2894005464278291378 Time: 4.05728\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -1968398013367819764 Time: 7.74699\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -245090590808296743 Time: 7.71212\n", + "[03/14/2023-21:25:20] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 3.48345\n", + "[03/14/2023-21:25:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:4,224,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: -8357652348141719927 Time: 2.54385\n", + "[03/14/2023-21:25:20] [V] [TRT] Fastest Tactic: -8357652348141719927 Time: 2.54385\n", + "[03/14/2023-21:25:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8357652348141719927\n", + "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:25:20] [V] [TRT] Tactic: 385569945292539752 Time: 20.1049\n", + "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:25:21] [V] [TRT] Tactic: 833287959109025818 Time: 47.4672\n", + "[03/14/2023-21:25:21] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:25:21] [V] [TRT] Tactic: 1013168150133367738 Time: 7.91085\n", + "[03/14/2023-21:25:21] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:25:22] [V] [TRT] Tactic: 1067227531433278814 Time: 13.9466\n", + "[03/14/2023-21:25:22] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:25:23] [V] [TRT] Tactic: 1554365048685552334 Time: 85.859\n", + "[03/14/2023-21:25:23] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:25:24] [V] [TRT] Tactic: 2027733232253711640 Time: 53.7406\n", + "[03/14/2023-21:25:24] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:25:24] [V] [TRT] Tactic: 3745975654290680669 Time: 42.5785\n", + "[03/14/2023-21:25:24] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:25:25] [V] [TRT] Tactic: 3784804427912340706 Time: 26.8018\n", + "[03/14/2023-21:25:25] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:25:25] [V] [TRT] Tactic: 3823144360994712832 Time: 14.6826\n", + "[03/14/2023-21:25:25] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5635311898703673455 Time: 25.2829\n", + "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5848150552772236982 Time: 22.1839\n", + "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5925270497649423688 Time: 21.6914\n", + "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:25:26] [V] [TRT] Tactic: 6623704051070449703 Time: 11.8015\n", + "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:25:27] [V] [TRT] Tactic: 6680916730816870145 Time: 23.8214\n", + "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7114340626053367917 Time: 14.4581\n", + "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7158029511300006471 Time: 12.2704\n", + "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7612687199567064086 Time: 10.3118\n", + "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:25:28] [V] [TRT] Tactic: 7729555994715864793 Time: 18.647\n", + "[03/14/2023-21:25:28] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:25:28] [V] [TRT] Tactic: 8283847742354150423 Time: 25.0717\n", + "[03/14/2023-21:25:28] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:25:29] [V] [TRT] Tactic: 8455608235315878803 Time: 30.1258\n", + "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:25:29] [V] [TRT] Tactic: 8668812313058150080 Time: 23.6679\n", + "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:25:29] [V] [TRT] Tactic: -8992262742606384444 Time: 8.30963\n", + "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:25:29] [V] [TRT] Tactic: -8682550625095202832 Time: 8.29962\n", + "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:25:30] [V] [TRT] Tactic: -7615325597099025933 Time: 13.4221\n", + "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:25:30] [V] [TRT] Tactic: -7594446953125532601 Time: 21.9614\n", + "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:25:30] [V] [TRT] Tactic: -6828337260021572283 Time: 15.3387\n", + "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:25:30] [V] [TRT] Tactic: -6711815420995272523 Time: 12.5883\n", + "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:25:31] [V] [TRT] Tactic: -6636202818604544855 Time: 40.7407\n", + "[03/14/2023-21:25:31] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:25:31] [V] [TRT] Tactic: -6273232454637933930 Time: 14.7533\n", + "[03/14/2023-21:25:31] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:25:32] [V] [TRT] Tactic: -5710735840878760115 Time: 28.2671\n", + "[03/14/2023-21:25:32] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:25:32] [V] [TRT] Tactic: -5589367647444470524 Time: 33.8799\n", + "[03/14/2023-21:25:32] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:25:33] [V] [TRT] Tactic: -4954692664176521434 Time: 24.3415\n", + "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:25:33] [V] [TRT] Tactic: -4116131327756252574 Time: 16.8688\n", + "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:25:33] [V] [TRT] Tactic: -2586046817576862066 Time: 24.3796\n", + "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: -1708101578041178688 Time: 25.3849\n", + "[03/14/2023-21:25:34] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: -229563042944049199 Time: 25.5176\n", + "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 1013168150133367738 Time: 7.91085\n", + "[03/14/2023-21:25:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1013168150133367738\n", + "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 3.06628\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 0 Time: 3.13128\n", + "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 1002 Time: 3.06628\n", + "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 3.41104\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 0 Time: 2.513\n", + "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 0 Time: 2.513\n", + "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 2.49911\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.49263\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 2.49263\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 4.95445\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 5.86912\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 4.95445\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.38749\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 5.76312\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.38749\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.29618\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 6.091\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.29618\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.43356\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.90286\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 2.43356\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.56891\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 4.11356\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.56891\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.73615\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.13229\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 2.13229\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.49896\n", + "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 1.80608\n", + "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 1.80608\n", + "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.51646\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.6525\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.6525\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 5.94336\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.04028\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.04028\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(100352,1:8,896,8) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 1.83338\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.8116\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.8116\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Float(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.401\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.9431\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.9431\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(802816,12544,112,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.26722\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.66633\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.66633\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(401408,12544:2,112,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 2.58342\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.67387\n", + "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.67387\n", + "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning format combination: Float(802816,12544,112,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 257 Time: 8.20848\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 65793 Time: 5.83138\n", + "[03/14/2023-21:25:36] [V] [TRT] Tactic: 131329 Time: 4.89147\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 196865 Time: 4.2373\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 262401 Time: 3.40176\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 327937 Time: 5.77686\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 393473 Time: 3.93274\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 459009 Time: 8.29098\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 524545 Time: 5.78809\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 590081 Time: 4.66939\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 655617 Time: 2.72731\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 721153 Time: 2.39115\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 786689 Time: 3.69474\n", + "[03/14/2023-21:25:37] [V] [TRT] Tactic: 852225 Time: 3.31084\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 917761 Time: 8.49416\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 983297 Time: 5.87689\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1048833 Time: 4.64253\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1114369 Time: 2.56432\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1179905 Time: 2.33496\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1245441 Time: 3.55686\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1310977 Time: 3.24315\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1376513 Time: 8.58528\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1442049 Time: 5.9628\n", + "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1507585 Time: 4.66484\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1573121 Time: 2.50158\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1638657 Time: 2.29754\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1704193 Time: 3.47492\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1769729 Time: 3.22501\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1835265 Time: 8.61867\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1900801 Time: 5.99947\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1966337 Time: 4.69106\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2031873 Time: 2.4814\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2097409 Time: 2.29431\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2162945 Time: 3.44501\n", + "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2228481 Time: 3.21477\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2294017 Time: 8.65303\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2359553 Time: 6.02078\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2425089 Time: 4.75153\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2490625 Time: 2.46538\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2556161 Time: 2.2986\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2621697 Time: 3.43129\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2687233 Time: 3.23195\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 6947073 Time: 2.10846\n", + "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: 6947073 Time: 2.10846\n", + "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: -1 Time: 2.4287\n", + "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: -1 Time: 2.4287\n", + "[03/14/2023-21:25:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 6947073\n", + "[03/14/2023-21:25:40] [V] [TRT] *************** Autotuning format combination: Half(802816,12544,112,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", + "[03/14/2023-21:25:40] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: -1 Time: 1.79429\n", + "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: -1 Time: 1.79429\n", + "[03/14/2023-21:25:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", + "[03/14/2023-21:25:40] [V] [TRT] *************** Autotuning format combination: Half(401408,12544:2,112,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 257 Time: 4.11484\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 65793 Time: 2.92519\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 131329 Time: 2.48088\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 196865 Time: 2.28471\n", + "[03/14/2023-21:25:40] [V] [TRT] Tactic: 262401 Time: 1.7983\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 327937 Time: 3.0425\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 393473 Time: 2.07234\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 459009 Time: 4.15246\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 524545 Time: 2.90165\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 590081 Time: 2.33934\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 655617 Time: 1.41204\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 721153 Time: 1.21599\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 786689 Time: 1.88649\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 852225 Time: 1.65768\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 917761 Time: 4.25703\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 983297 Time: 2.94405\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1048833 Time: 2.33393\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1114369 Time: 1.31246\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1179905 Time: 1.17458\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1245441 Time: 1.7828\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1310977 Time: 1.63078\n", + "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1376513 Time: 4.30886\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1442049 Time: 2.99532\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1507585 Time: 2.33558\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1573121 Time: 1.27401\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1638657 Time: 1.1602\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1704193 Time: 1.74848\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1769729 Time: 1.62441\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1835265 Time: 4.32142\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1900801 Time: 3.00278\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1966337 Time: 2.34134\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2031873 Time: 1.26742\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2097409 Time: 1.15705\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2162945 Time: 1.74084\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2228481 Time: 1.62867\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2294017 Time: 4.33209\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2359553 Time: 3.01586\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2425089 Time: 2.36239\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2490625 Time: 1.25373\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2556161 Time: 1.14865\n", + "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2621697 Time: 1.73082\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 2687233 Time: 1.62675\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 6947073 Time: 1.06497\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 6947073 Time: 1.06497\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: -3 Time: 1.04372\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -3 Time: 1.04372\n", + "[03/14/2023-21:25:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -3\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,896,8) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", + "[03/14/2023-21:25:43] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: -2 Time: 1.08413\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -2 Time: 1.08413\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: -1 Time: 1.01571\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -1 Time: 1.01571\n", + "[03/14/2023-21:25:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.892344\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.05172\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.892344\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.77658\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.78904\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.77658\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.855092\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.619432\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.619432\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.62408\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.625736\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.62408\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.921072\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.02291\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.921072\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.791452\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.00167\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.791452\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.701276\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.524596\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.524596\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.617296\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.4525\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.4525\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.10406\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.6661\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.6661\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.81778\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.838572\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.81778\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.43644\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.533264\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.533264\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.462248\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.457304\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.457304\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.07535\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.721604\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.721604\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.74746\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.699288\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.699288\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.05312\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.42528\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.42528\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.653364\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.42544\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.42544\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.88996\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.04087\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.88996\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.777104\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.789264\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.777104\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.857196\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.6192\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.6192\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.624172\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.625732\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.624172\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.22497\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.38453\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 1.22497\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.850476\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.27671\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.850476\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.832964\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.386\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.832964\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.616336\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.714348\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.616336\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.917008\n", + "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.01953\n", + "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.917008\n", + "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.789616\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 1.00701\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1002 Time: 0.789616\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.704504\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.526772\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.526772\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.620444\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.45306\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.45306\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.10257\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.665308\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.665308\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.815028\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.838532\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1002 Time: 0.815028\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.40004\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.52708\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.52708\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.464576\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.457712\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.457712\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.07262\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.7222\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.7222\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.748168\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.703344\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.703344\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.06236\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.42376\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.42376\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.647544\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.425076\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.425076\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 3.48695\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1 Time: 2.65732\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 56 Time: 3.49019\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 57 Time: 2.66046\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1 Time: 2.65732\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1754569683116234317 Time: 1.04352\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1825138533642645384 Time: 1.0672\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 2733356012094739613 Time: 1.30806\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 3915320020053085238 Time: 1.16599\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 6808617066150061604 Time: 0.896376\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 9091006216302412844 Time: 0.926316\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: -8060443123034038864 Time: 0.89492\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: -4420849921117327522 Time: 1.28111\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: -3946921629105938337 Time: 1.30816\n", + "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: -8060443123034038864 Time: 0.89492\n", + "[03/14/2023-21:25:44] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling\n", + "[03/14/2023-21:25:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 861694390046228376 Time: 1.15135\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5258189349241541167 Time: 0.94812\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5821621277990374316 Time: 1.2214\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5863767799113001648 Time: 1.48661\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:25:44] [V] [TRT] Tactic: -9147980667639709536 Time: 1.18257\n", + "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8892196987859366827 Time: 1.17438\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8850904373104590857 Time: 0.947876\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8010679767156598961 Time: 1.40425\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7751035352149795660 Time: 1.13036\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -5115676123557684531 Time: 1.21842\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -493597327599791285 Time: 0.959012\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -423878181466897819 Time: 1.4373\n", + "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 0.947876\n", + "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 0 Time: 2.58845\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1 Time: 1.63566\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 56 Time: 2.64552\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 1 Time: 1.63566\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling\n", + "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1651411198763708804 Time: 0.476604\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2418518597804310654 Time: 0.476256\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4318470497547290900 Time: 0.474092\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4930470141256631146 Time: 0.64272\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 8292881859266835088 Time: 0.64278\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 8401509141903434922 Time: 0.47518\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8654297089785671176 Time: 0.84054\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7516584506774355935 Time: 0.647572\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7140760933967189247 Time: 0.480688\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -6004726995029373073 Time: 0.642964\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -5719726816705110014 Time: 0.852844\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -4097850214384059472 Time: 0.647228\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -3717489476759089008 Time: 0.47996\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -3689982367035295496 Time: 0.84128\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2640575123064142123 Time: 0.604424\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2534402059426524406 Time: 0.618044\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2027588946874785071 Time: 0.641636\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: -1968398013367819764 Time: 0.9028\n", + "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 4318470497547290900 Time: 0.474092\n", + "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 4318470497547290900\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 0 Time: 3.37412\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102789120, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760960, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 56 Time: 3.40972\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760960, available: 16777216\n", + "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 0 Time: 3.37412\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 83696452256923412 Time: 0.443968\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 106549059816437840 Time: 0.422144\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1179757074518529353 Time: 0.448888\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2105695814191699972 Time: 0.544312\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2148106709480872763 Time: 0.459428\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2410442691266548717 Time: 0.472784\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2511830168590723349 Time: 0.93286\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2634905271404611895 Time: 0.449592\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2689212690707793357 Time: 0.830776\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2798075085844016892 Time: 0.458072\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:25:45] [V] [TRT] Tactic: 3041642431972138763 Time: 0.431032\n", + "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3091156937974993800 Time: 0.457192\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3199589679702517123 Time: 0.922036\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3754069740140581927 Time: 0.565196\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3932578551652369355 Time: 0.441692\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4149021101886580762 Time: 0.449476\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4555462412611657028 Time: 0.458024\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4749226340913476230 Time: 0.444356\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5483093640784800285 Time: 0.459764\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5666160310350604399 Time: 0.560384\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5900614001783877430 Time: 0.455484\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5925270497649423688 Time: 0.580312\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5999406432703271895 Time: 0.448956\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 6680916730816870145 Time: 0.466076\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7107292614492808590 Time: 0.4426\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7158029511300006471 Time: 0.532112\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7859952145590271433 Time: 0.470652\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8283847742354150423 Time: 0.563876\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8468288610222482742 Time: 0.463236\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8620567263556985011 Time: 0.62942\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8642279798680442080 Time: 0.438864\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8980274178270132023 Time: 0.452232\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: 9108067304506990859 Time: 0.448752\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -9104099172933216230 Time: 0.423816\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8992262742606384444 Time: 0.456\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8956720569082607796 Time: 0.450292\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8952042869709043207 Time: 0.472084\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8898856569474934280 Time: 0.436044\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8774805574135441656 Time: 1.09143\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8749513212655756001 Time: 0.46582\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8520017388966620486 Time: 0.4412\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8487084252145372186 Time: 0.827896\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8391760416076885205 Time: 0.580988\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7990268040387498660 Time: 0.445152\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7849113095413980300 Time: 0.482108\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7533167286135592323 Time: 0.460932\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -6273232454637933930 Time: 0.446944\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5818527483287834165 Time: 0.448608\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5590418898350402100 Time: 0.459564\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5505475137955795830 Time: 0.438796\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5389631537202601150 Time: 0.47942\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5332866838585594777 Time: 0.460444\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5121883532434354186 Time: 0.46116\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5006039300385557796 Time: 0.467936\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4534876761957424274 Time: 0.581536\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4352168563838861262 Time: 0.432984\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4109084522508697633 Time: 0.644676\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -3237051169894153788 Time: 0.53348\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -3136088851200285532 Time: 0.430332\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2827934362840121038 Time: 0.422888\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2676138141351394855 Time: 0.444072\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2601537631049973288 Time: 0.459268\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2586046817576862066 Time: 0.468632\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2569977342077121032 Time: 0.471856\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2422160065350346448 Time: 0.45748\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2125188058121029448 Time: 1.07938\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2123887091022542343 Time: 0.46996\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -1838109259315759592 Time: 0.443056\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -1216445540764179377 Time: 0.474016\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -539379305772590030 Time: 0.4238\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -288413895057594820 Time: 0.465152\n", + "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:25:46] [V] [TRT] Tactic: -229563042944049199 Time: 0.431552\n", + "[03/14/2023-21:25:46] [V] [TRT] Fastest Tactic: 106549059816437840 Time: 0.422144\n", + "[03/14/2023-21:25:46] [V] [TRT] Setting workspace to 102760960enables more tactics for profiling\n", + "[03/14/2023-21:25:46] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 106549059816437840\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:46] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:46] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 0 Time: 14.5681\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 1 Time: 6.11356\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 2 skipped. Scratch requested: 924844032, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 6 Time: 5.62158\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 56 Time: 15.0258\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 57 Time: 6.12666\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 58 skipped. Scratch requested: 924844032, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 62 Time: 5.60256\n", + "[03/14/2023-21:25:47] [V] [TRT] Fastest Tactic: 62 Time: 5.60256\n", + "[03/14/2023-21:25:47] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 1825138533642645384 Time: 8.66786\n", + "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", + "[03/14/2023-21:25:47] [V] [TRT] Tactic: 2775507031594384867 Time: 4.06037\n", + "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 2842488832350522458 Time: 4.88078\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 3915320020053085238 Time: 8.57519\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 6448355332020552203 Time: 8.98138\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 6808617066150061604 Time: 4.52371\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: -8060443123034038864 Time: 4.98695\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: -4420849921117327522 Time: 6.6014\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: -3946921629105938337 Time: 6.03132\n", + "[03/14/2023-21:25:48] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.06037\n", + "[03/14/2023-21:25:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", + "[03/14/2023-21:25:48] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:48] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:48] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:25:48] [V] [TRT] Tactic: 861694390046228376 Time: 8.82623\n", + "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: 1017870653102653567 Time: 8.52368\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5258189349241541167 Time: 4.7221\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5821621277990374316 Time: 8.83215\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5863767799113001648 Time: 5.61469\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -9147980667639709536 Time: 8.47701\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -8850904373104590857 Time: 4.69671\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -7751035352149795660 Time: 8.74533\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -3853827649136781465 Time: 8.86262\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:25:49] [V] [TRT] Tactic: -3263369460438823196 Time: 4.79143\n", + "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: -423878181466897819 Time: 5.62627\n", + "[03/14/2023-21:25:50] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 4.69671\n", + "[03/14/2023-21:25:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:50] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 0 Time: 13.6761\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1 Time: 5.95135\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 56 Time: 13.8187\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216\n", + "[03/14/2023-21:25:50] [V] [TRT] Fastest Tactic: 1 Time: 5.95135\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:50] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling\n", + "[03/14/2023-21:25:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:25:50] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1145226902788474763 Time: 2.10786\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1651411198763708804 Time: 2.47597\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65718\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4318470497547290900 Time: 2.55147\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4653005425971292725 Time: 2.55578\n", + "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: 4930470141256631146 Time: 2.89898\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: 8292881859266835088 Time: 3.01729\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: 8401509141903434922 Time: 2.688\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -8654297089785671176 Time: 4.7587\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -7448936905981214224 Time: 2.6478\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -6004726995029373073 Time: 2.91876\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -5719726816705110014 Time: 4.788\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3754890472406891741 Time: 4.78464\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3689982367035295496 Time: 4.73052\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3140347171730126532 Time: 2.27356\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -2894005464278291378 Time: 2.75334\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -2027588946874785071 Time: 3.08624\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -1968398013367819764 Time: 4.86706\n", + "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:25:51] [V] [TRT] Tactic: -245090590808296743 Time: 4.77578\n", + "[03/14/2023-21:25:51] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.10786\n", + "[03/14/2023-21:25:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:25:51] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:51] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:51] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:51] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:51] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 0 Time: 20.3317\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102854656, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 513802752, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 56 Time: 20.3194\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 58 skipped. Scratch requested: 513802752, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216\n", + "[03/14/2023-21:25:52] [V] [TRT] Fastest Tactic: 56 Time: 20.3194\n", + "[03/14/2023-21:25:52] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 46202665595848747 Time: 4.2102\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 239013563835492727 Time: 1.61573\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 385569945292539752 Time: 2.39918\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 671037109694951988 Time: 1.26386\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 833287959109025818 Time: 2.74954\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 864841579020773074 Time: 1.43094\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:25:52] [V] [TRT] Tactic: 912634305247603909 Time: 4.64117\n", + "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1013168150133367738 Time: 1.07645\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1014187170474222133 Time: 2.23764\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1067227531433278814 Time: 1.48487\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1554365048685552334 Time: 4.80297\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1579845938601132607 Time: 1.3444\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1796821236841789338 Time: 1.81438\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1837941418294761657 Time: 2.4706\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1948263663414159978 Time: 1.4464\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1989668371181446952 Time: 1.87911\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2027733232253711640 Time: 3.28656\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2148106709480872763 Time: 1.02854\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10029\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2410442691266548717 Time: 1.48594\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3464689803495983377 Time: 0.965184\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3636831327753843771 Time: 1.38524\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3745975654290680669 Time: 4.38505\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3754069740140581927 Time: 2.56572\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3784804427912340706 Time: 2.63436\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3823144360994712832 Time: 1.09625\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3919868136802676679 Time: 2.25824\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5263029549013613567 Time: 1.36926\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5506334059535811602 Time: 2.77624\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5635311898703673455 Time: 1.30312\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5786991692145244692 Time: 2.14452\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5848150552772236982 Time: 2.33394\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5925270497649423688 Time: 2.36203\n", + "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 5932046018238429951 Time: 1.60116\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6103089697398018604 Time: 4.42721\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6195603576432354734 Time: 1.53355\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6252808259936499253 Time: 1.53151\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6408235920257988861 Time: 1.32669\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6623704051070449703 Time: 1.49061\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6680916730816870145 Time: 1.55246\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7114340626053367917 Time: 1.58687\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7158029511300006471 Time: 1.44923\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7612687199567064086 Time: 1.20283\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7729555994715864793 Time: 2.06211\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7844857443355818347 Time: 2.35748\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7849296535223586261 Time: 1.25488\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7859952145590271433 Time: 1.54171\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8219150286974756863 Time: 2.19712\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8283847742354150423 Time: 2.71731\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8455608235315878803 Time: 1.7204\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8668812313058150080 Time: 1.34551\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8992262742606384444 Time: 1.05919\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8750433364328295059 Time: 1.30364\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8682550625095202832 Time: 1.0711\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8392835332206231687 Time: 1.7706\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8254009616492665198 Time: 1.5791\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7615325597099025933 Time: 1.53164\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7594446953125532601 Time: 2.33646\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7345578023323941164 Time: 2.0865\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6828337260021572283 Time: 1.9082\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6711815420995272523 Time: 1.68417\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6636202818604544855 Time: 2.37709\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6489479581011009593 Time: 3.30609\n", + "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6320761427625651496 Time: 3.0741\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6273232454637933930 Time: 1.05027\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6080892721161662420 Time: 1.32126\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6032793021868796623 Time: 2.32227\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5818527483287834165 Time: 1.07398\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5710735840878760115 Time: 1.71286\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5589367647444470524 Time: 1.77182\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5546257196173962281 Time: 1.9907\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5198219374380660379 Time: 1.00556\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4954692664176521434 Time: 1.51269\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4627695383426341593 Time: 1.53613\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4534876761957424274 Time: 2.38709\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4142141368456048176 Time: 1.48293\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4116131327756252574 Time: 2.00185\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3968200906158272636 Time: 4.76868\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62903\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13929\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3271955096576257018 Time: 2.07832\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3237051169894153788 Time: 1.49884\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3136088851200285532 Time: 1.41415\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2871615028541756894 Time: 2.24322\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2751179716463646694 Time: 2.75345\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2634388175487609605 Time: 1.8579\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2586046817576862066 Time: 1.49181\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1708101578041178688 Time: 2.79445\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1586820571068855896 Time: 2.66179\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1020632631321619146 Time: 2.41266\n", + "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: -907287437357565279 Time: 2.78968\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: -229563042944049199 Time: 1.3166\n", + "[03/14/2023-21:25:56] [V] [TRT] Fastest Tactic: 3464689803495983377 Time: 0.965184\n", + "[03/14/2023-21:25:56] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling\n", + "[03/14/2023-21:25:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3464689803495983377\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 0 Time: 8.69071\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1 Time: 7.08625\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 56 Time: 8.7835\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 57 Time: 7.0796\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:25:56] [V] [TRT] Fastest Tactic: 57 Time: 7.0796\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1754569683116234317 Time: 2.96599\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1825138533642645384 Time: 2.88385\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08942\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:25:56] [V] [TRT] Tactic: 3915320020053085238 Time: 2.87287\n", + "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 6808617066150061604 Time: 3.47279\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 9091006216302412844 Time: 3.52918\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8060443123034038864 Time: 3.47494\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -4420849921117327522 Time: 5.05212\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -3946921629105938337 Time: 5.09306\n", + "[03/14/2023-21:25:57] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 2.87287\n", + "[03/14/2023-21:25:57] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:25:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", + "[03/14/2023-21:25:57] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 861694390046228376 Time: 3.16713\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5258189349241541167 Time: 3.29238\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5821621277990374316 Time: 3.18322\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5863767799113001648 Time: 5.62735\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -9147980667639709536 Time: 2.95326\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8892196987859366827 Time: 2.79062\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8850904373104590857 Time: 3.34484\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8010679767156598961 Time: 5.49908\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -7751035352149795660 Time: 2.98488\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:25:57] [V] [TRT] Tactic: -5115676123557684531 Time: 3.02271\n", + "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -493597327599791285 Time: 3.30802\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -423878181466897819 Time: 5.56863\n", + "[03/14/2023-21:25:58] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 2.79062\n", + "[03/14/2023-21:25:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827\n", + "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 0 Time: 6.71694\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 1 Time: 5.01803\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 56 Time: 6.9212\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:25:58] [V] [TRT] Fastest Tactic: 1 Time: 5.01803\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:25:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 1651411198763708804 Time: 1.88324\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 2418518597804310654 Time: 1.89382\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4318470497547290900 Time: 1.88955\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4930470141256631146 Time: 2.50083\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 8292881859266835088 Time: 2.50276\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: 8401509141903434922 Time: 1.89221\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -8654297089785671176 Time: 1.94683\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -7516584506774355935 Time: 2.51802\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -7140760933967189247 Time: 1.87097\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -6004726995029373073 Time: 2.50457\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:25:58] [V] [TRT] Tactic: -5719726816705110014 Time: 1.91919\n", + "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -4097850214384059472 Time: 2.5183\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -3717489476759089008 Time: 1.86452\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -3689982367035295496 Time: 1.99914\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2640575123064142123 Time: 1.37774\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2534402059426524406 Time: 1.38764\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2027588946874785071 Time: 2.50699\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: -1968398013367819764 Time: 1.89146\n", + "[03/14/2023-21:25:59] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.37774\n", + "[03/14/2023-21:25:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:25:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 0 Time: 7.78587\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 56 Time: 7.995\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:25:59] [V] [TRT] Fastest Tactic: 0 Time: 7.78587\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 83696452256923412 Time: 1.22374\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 106549059816437840 Time: 1.53651\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 1179757074518529353 Time: 1.33568\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2105695814191699972 Time: 1.46948\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2148106709480872763 Time: 1.34894\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2410442691266548717 Time: 1.18068\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2511830168590723349 Time: 1.17869\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2634905271404611895 Time: 1.23766\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2689212690707793357 Time: 1.21462\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2798075085844016892 Time: 1.22984\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3041642431972138763 Time: 1.17658\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3091156937974993800 Time: 1.23423\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3199589679702517123 Time: 1.17888\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34142\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3932578551652369355 Time: 1.19747\n", + "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4149021101886580762 Time: 1.23176\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4555462412611657028 Time: 1.37373\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4749226340913476230 Time: 1.21921\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5483093640784800285 Time: 1.2168\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5666160310350604399 Time: 1.41672\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5900614001783877430 Time: 1.34146\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5925270497649423688 Time: 1.44352\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5999406432703271895 Time: 1.20078\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 6680916730816870145 Time: 1.62947\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7107292614492808590 Time: 1.20532\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7158029511300006471 Time: 1.50054\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7859952145590271433 Time: 1.55482\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8283847742354150423 Time: 1.29305\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8468288610222482742 Time: 1.25145\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8620567263556985011 Time: 1.22165\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8642279798680442080 Time: 1.18643\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8980274178270132023 Time: 1.19134\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: 9108067304506990859 Time: 1.19096\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -9104099172933216230 Time: 1.95816\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8992262742606384444 Time: 1.37068\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8956720569082607796 Time: 1.35463\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8952042869709043207 Time: 1.49149\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17383\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8774805574135441656 Time: 1.42988\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8749513212655756001 Time: 1.2951\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8520017388966620486 Time: 1.20039\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8487084252145372186 Time: 1.20924\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8391760416076885205 Time: 1.41363\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7990268040387498660 Time: 1.52278\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2336\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7533167286135592323 Time: 1.28791\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -6273232454637933930 Time: 1.46087\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5818527483287834165 Time: 1.4499\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5590418898350402100 Time: 1.2399\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5505475137955795830 Time: 1.17834\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5389631537202601150 Time: 1.21694\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5332866838585594777 Time: 1.29368\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5121883532434354186 Time: 1.25819\n", + "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -5006039300385557796 Time: 1.38987\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4534876761957424274 Time: 1.41489\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17967\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4109084522508697633 Time: 1.2214\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -3237051169894153788 Time: 1.45491\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -3136088851200285532 Time: 1.18222\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2827934362840121038 Time: 1.49864\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2676138141351394855 Time: 1.64646\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2601537631049973288 Time: 1.25675\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2586046817576862066 Time: 1.19865\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2569977342077121032 Time: 1.22487\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2422160065350346448 Time: 1.52484\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2125188058121029448 Time: 1.39176\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2123887091022542343 Time: 1.4297\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -1838109259315759592 Time: 1.19268\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -1216445540764179377 Time: 1.17472\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -539379305772590030 Time: 1.91316\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -288413895057594820 Time: 1.3824\n", + "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: -229563042944049199 Time: 1.16972\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 1.16972\n", + "[03/14/2023-21:26:01] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", + "[03/14/2023-21:26:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.63728\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 5.25756\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 3.63728\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.08153\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 3.12652\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 3.08153\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.46214\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 2.4794\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 0 Time: 2.4794\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 2.53382\n", + "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 2.6194\n", + "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 2.53382\n", + "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 5.06571\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.41423\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 5.06571\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.73516\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.17952\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.73516\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.43491\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.7017\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.43491\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 2.48876\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 2.89685\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 2.48876\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.63218\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 4.10883\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.63218\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.30606\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 4.46449\n", + "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.30606\n", + "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 2.94293\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.2153\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.2153\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 2.57956\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.94226\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.94226\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.37686\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.64134\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.64134\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 3.4095\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 3.82438\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 1002 Time: 3.4095\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 5.921\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.09115\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.09115\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 1.92955\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.94206\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 1002 Time: 1.92955\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.35107\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 3.04436\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 3.04436\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 3.13174\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.83574\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.83574\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.04736\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.78845\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.78845\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 2.70333\n", + "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.81833\n", + "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.81833\n", + "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:03] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 0 Time: 16.9606\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 1 Time: 15.3408\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:04] [V] [TRT] Tactic: 56 Time: 16.9856\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 57 Time: 15.3519\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:05] [V] [TRT] Fastest Tactic: 1 Time: 15.3408\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 1754569683116234317 Time: 4.52594\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 1825138533642645384 Time: 4.52753\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 2733356012094739613 Time: 6.73204\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 3915320020053085238 Time: 4.52271\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 6808617066150061604 Time: 5.2217\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: 9091006216302412844 Time: 5.23694\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: -8060443123034038864 Time: 5.23118\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: -4420849921117327522 Time: 6.75486\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:05] [V] [TRT] Tactic: -3946921629105938337 Time: 6.72509\n", + "[03/14/2023-21:26:05] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 4.52271\n", + "[03/14/2023-21:26:05] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:26:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:05] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: 861694390046228376 Time: 4.21176\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5258189349241541167 Time: 4.30732\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5821621277990374316 Time: 4.19973\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5863767799113001648 Time: 8.18328\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -9147980667639709536 Time: 4.20859\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8892196987859366827 Time: 4.19492\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8850904373104590857 Time: 4.33441\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8010679767156598961 Time: 8.0516\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -7751035352149795660 Time: 4.20574\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -5115676123557684531 Time: 4.19564\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:06] [V] [TRT] Tactic: -493597327599791285 Time: 4.33347\n", + "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: -423878181466897819 Time: 8.15399\n", + "[03/14/2023-21:26:07] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 4.19492\n", + "[03/14/2023-21:26:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:07] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 0 Time: 11.3489\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 1 Time: 9.6141\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 56 Time: 11.5346\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:07] [V] [TRT] Fastest Tactic: 1 Time: 9.6141\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:26:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:07] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 1651411198763708804 Time: 2.61365\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 2418518597804310654 Time: 2.60653\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4318470497547290900 Time: 2.60788\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4930470141256631146 Time: 3.39502\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 8292881859266835088 Time: 3.39821\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: 8401509141903434922 Time: 2.6036\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:07] [V] [TRT] Tactic: -8654297089785671176 Time: 2.34327\n", + "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -7516584506774355935 Time: 3.3963\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -7140760933967189247 Time: 2.58436\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -6004726995029373073 Time: 3.39902\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -5719726816705110014 Time: 2.28627\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -4097850214384059472 Time: 3.40027\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -3717489476759089008 Time: 2.58338\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -3689982367035295496 Time: 2.28803\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2640575123064142123 Time: 2.19947\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2534402059426524406 Time: 2.20093\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2027588946874785071 Time: 3.38969\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: -1968398013367819764 Time: 2.3232\n", + "[03/14/2023-21:26:08] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 2.19947\n", + "[03/14/2023-21:26:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:08] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 0 Time: 12.8772\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 56 Time: 12.8834\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:08] [V] [TRT] Fastest Tactic: 0 Time: 12.8772\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:08] [V] [TRT] Tactic: 83696452256923412 Time: 2.06856\n", + "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 106549059816437840 Time: 2.0215\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 1179757074518529353 Time: 2.021\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2105695814191699972 Time: 2.35647\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2148106709480872763 Time: 2.0757\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2410442691266548717 Time: 1.95643\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2511830168590723349 Time: 1.88809\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2634905271404611895 Time: 1.99122\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2689212690707793357 Time: 1.92748\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2798075085844016892 Time: 1.96603\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3041642431972138763 Time: 1.96917\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3091156937974993800 Time: 1.96923\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3199589679702517123 Time: 1.88582\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3754069740140581927 Time: 1.97477\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3932578551652369355 Time: 1.98566\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4149021101886580762 Time: 1.98345\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4555462412611657028 Time: 2.06035\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4749226340913476230 Time: 2.08465\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5483093640784800285 Time: 2.003\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97597\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5900614001783877430 Time: 2.11212\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5925270497649423688 Time: 2.28314\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5999406432703271895 Time: 1.97671\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 6680916730816870145 Time: 2.19008\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7107292614492808590 Time: 1.99666\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7158029511300006471 Time: 2.32034\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7859952145590271433 Time: 2.1374\n", + "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8283847742354150423 Time: 1.98524\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8468288610222482742 Time: 1.93233\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8620567263556985011 Time: 1.93783\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8642279798680442080 Time: 1.96882\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8980274178270132023 Time: 2.10182\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: 9108067304506990859 Time: 1.96887\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -9104099172933216230 Time: 2.09693\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8992262742606384444 Time: 2.04685\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8956720569082607796 Time: 2.14558\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8952042869709043207 Time: 2.11309\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8898856569474934280 Time: 1.95626\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8774805574135441656 Time: 1.88588\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8749513212655756001 Time: 1.923\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8520017388966620486 Time: 1.98294\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8487084252145372186 Time: 1.92581\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8391760416076885205 Time: 2.26366\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7990268040387498660 Time: 2.08367\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7849113095413980300 Time: 1.92418\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7533167286135592323 Time: 2.07484\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -6273232454637933930 Time: 2.02605\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5818527483287834165 Time: 2.05393\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5590418898350402100 Time: 2.01926\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5505475137955795830 Time: 1.95134\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5389631537202601150 Time: 1.93405\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5332866838585594777 Time: 2.07688\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5121883532434354186 Time: 2.01222\n", + "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -5006039300385557796 Time: 2.04342\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4534876761957424274 Time: 2.29461\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4352168563838861262 Time: 1.96162\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4109084522508697633 Time: 1.93214\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -3237051169894153788 Time: 2.25034\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -3136088851200285532 Time: 1.97356\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2827934362840121038 Time: 2.01934\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2676138141351394855 Time: 2.11707\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2601537631049973288 Time: 1.98446\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2586046817576862066 Time: 1.94746\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2569977342077121032 Time: 2.14225\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2422160065350346448 Time: 2.0796\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2125188058121029448 Time: 1.88317\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2123887091022542343 Time: 2.10715\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -1838109259315759592 Time: 1.99644\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -1216445540764179377 Time: 1.93996\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -539379305772590030 Time: 2.06371\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -288413895057594820 Time: 2.05584\n", + "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: -229563042944049199 Time: 1.94987\n", + "[03/14/2023-21:26:11] [V] [TRT] Fastest Tactic: -2125188058121029448 Time: 1.88317\n", + "[03/14/2023-21:26:11] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", + "[03/14/2023-21:26:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:11] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: 1002 Time: 3.62912\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: 0 Time: 5.29018\n", + "[03/14/2023-21:26:11] [V] [TRT] Fastest Tactic: 1002 Time: 3.62912\n", + "[03/14/2023-21:26:11] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:11] [V] [TRT] Tactic: 1002 Time: 3.08146\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 3.12713\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.08146\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.45906\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.47943\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 0 Time: 2.47943\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 2.53163\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.61731\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 2.53163\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 5.06392\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.38939\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 5.06392\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.72979\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.19002\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.72979\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.42706\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.67584\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.42706\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 2.48898\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.93382\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 2.48898\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.62796\n", + "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 4.0949\n", + "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.62796\n", + "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.3077\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 4.49648\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 3.3077\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 2.94515\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.2047\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.2047\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 2.58987\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 1.94792\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 1.94792\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 4.37586\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.64954\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.64954\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.40449\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 3.85535\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 3.40449\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 5.84436\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.12591\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.12591\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 1.93532\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 1.94257\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 1.93532\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 4.35643\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 3.03605\n", + "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 3.03605\n", + "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.1277\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 2.81728\n", + "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 2.81728\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1002 Time: 4.14508\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 1.78761\n", + "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 1.78761\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1002 Time: 2.69886\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 1.81212\n", + "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 1.81212\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 7.4997\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1 Time: 3.90323\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 56 Time: 7.76214\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 57 Time: 3.9025\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 57 Time: 3.9025\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1754569683116234317 Time: 3.87778\n", + "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1825138533642645384 Time: 4.29082\n", + "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:14] [V] [TRT] Tactic: 2733356012094739613 Time: 3.82544\n", + "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 3915320020053085238 Time: 4.27861\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 6808617066150061604 Time: 2.30925\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 9091006216302412844 Time: 2.38484\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8060443123034038864 Time: 2.4869\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -4420849921117327522 Time: 3.98048\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -3946921629105938337 Time: 3.89444\n", + "[03/14/2023-21:26:15] [V] [TRT] Fastest Tactic: 6808617066150061604 Time: 2.30925\n", + "[03/14/2023-21:26:15] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:26:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:15] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 861694390046228376 Time: 4.74812\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5258189349241541167 Time: 3.28073\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5821621277990374316 Time: 4.82016\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5863767799113001648 Time: 3.35037\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -9147980667639709536 Time: 4.44396\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8892196987859366827 Time: 4.65777\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8850904373104590857 Time: 3.27008\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8010679767156598961 Time: 3.278\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:15] [V] [TRT] Tactic: -7751035352149795660 Time: 4.45339\n", + "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -5115676123557684531 Time: 4.76952\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -493597327599791285 Time: 3.2689\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -423878181466897819 Time: 3.35861\n", + "[03/14/2023-21:26:16] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 3.2689\n", + "[03/14/2023-21:26:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285\n", + "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 0 Time: 6.83466\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 1 Time: 3.36372\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 56 Time: 7.12906\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", + "[03/14/2023-21:26:16] [V] [TRT] Fastest Tactic: 1 Time: 3.36372\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", + "[03/14/2023-21:26:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 1651411198763708804 Time: 1.13335\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 2418518597804310654 Time: 1.14232\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4318470497547290900 Time: 1.24323\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4930470141256631146 Time: 1.91259\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 8292881859266835088 Time: 1.92004\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: 8401509141903434922 Time: 1.24162\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -8654297089785671176 Time: 2.59261\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -7516584506774355935 Time: 1.90534\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -7140760933967189247 Time: 1.19002\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -6004726995029373073 Time: 1.89864\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -5719726816705110014 Time: 2.50608\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90388\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:16] [V] [TRT] Tactic: -3717489476759089008 Time: 1.16298\n", + "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -3689982367035295496 Time: 2.5249\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2640575123064142123 Time: 2.17261\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2534402059426524406 Time: 2.25206\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88888\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: -1968398013367819764 Time: 2.51032\n", + "[03/14/2023-21:26:17] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.13335\n", + "[03/14/2023-21:26:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:17] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 0 Time: 9.94437\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 56 Time: 9.97264\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:17] [V] [TRT] Fastest Tactic: 0 Time: 9.94437\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 83696452256923412 Time: 1.38268\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 106549059816437840 Time: 1.13724\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 1179757074518529353 Time: 1.14823\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2105695814191699972 Time: 1.37782\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2148106709480872763 Time: 1.18448\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2410442691266548717 Time: 1.15506\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2511830168590723349 Time: 1.73642\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2634905271404611895 Time: 1.36127\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2689212690707793357 Time: 2.28959\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2798075085844016892 Time: 1.35691\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3041642431972138763 Time: 1.1416\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3091156937974993800 Time: 1.35739\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3199589679702517123 Time: 1.77771\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3754069740140581927 Time: 1.50436\n", + "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 3932578551652369355 Time: 1.14463\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4149021101886580762 Time: 1.36166\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4555462412611657028 Time: 1.18841\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4749226340913476230 Time: 1.37226\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5483093640784800285 Time: 1.35921\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5666160310350604399 Time: 1.56956\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5900614001783877430 Time: 1.37036\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5925270497649423688 Time: 1.4631\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5999406432703271895 Time: 1.39323\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 6680916730816870145 Time: 1.1535\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7107292614492808590 Time: 1.14232\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7158029511300006471 Time: 1.37847\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7859952145590271433 Time: 1.15301\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8283847742354150423 Time: 1.52632\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8468288610222482742 Time: 1.36274\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8620567263556985011 Time: 1.5261\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8642279798680442080 Time: 1.2159\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8980274178270132023 Time: 1.36139\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: 9108067304506990859 Time: 1.39251\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -9104099172933216230 Time: 1.15541\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8992262742606384444 Time: 1.18197\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8956720569082607796 Time: 1.3667\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8952042869709043207 Time: 1.36377\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8898856569474934280 Time: 1.18302\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8774805574135441656 Time: 2.65666\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8749513212655756001 Time: 1.36356\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8520017388966620486 Time: 1.14655\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8487084252145372186 Time: 2.3234\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45396\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7990268040387498660 Time: 1.37924\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7849113095413980300 Time: 1.44557\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37732\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15277\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5818527483287834165 Time: 1.155\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5590418898350402100 Time: 1.36169\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5505475137955795830 Time: 1.14785\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5389631537202601150 Time: 1.42305\n", + "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5332866838585594777 Time: 1.37793\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5121883532434354186 Time: 1.36288\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5006039300385557796 Time: 1.37054\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4534876761957424274 Time: 1.44926\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4352168563838861262 Time: 1.14652\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4109084522508697633 Time: 1.51725\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -3237051169894153788 Time: 1.37834\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -3136088851200285532 Time: 1.14234\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2827934362840121038 Time: 1.13529\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2676138141351394855 Time: 1.36638\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2601537631049973288 Time: 1.36166\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2586046817576862066 Time: 1.15734\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2569977342077121032 Time: 1.38407\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2422160065350346448 Time: 1.15336\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2125188058121029448 Time: 2.43863\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2123887091022542343 Time: 1.36244\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -1838109259315759592 Time: 1.1417\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -1216445540764179377 Time: 1.15263\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -539379305772590030 Time: 1.146\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -288413895057594820 Time: 1.36787\n", + "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: -229563042944049199 Time: 1.14331\n", + "[03/14/2023-21:26:19] [V] [TRT] Fastest Tactic: -2827934362840121038 Time: 1.13529\n", + "[03/14/2023-21:26:19] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", + "[03/14/2023-21:26:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CudnnConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CudnnConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CublasConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CudnnConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CublasConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CudnnConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CaskConvolution)\r\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CudnnConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CublasConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CaskConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: 0 Time: 10.4372\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: 1 Time: 7.80291\n", + "[03/14/2023-21:26:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 56 Time: 10.4692\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 57 Time: 7.76947\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216\n", + "[03/14/2023-21:26:20] [V] [TRT] Fastest Tactic: 57 Time: 7.76947\n", + "[03/14/2023-21:26:20] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:20] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:20] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 1754569683116234317 Time: 4.10369\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 1825138533642645384 Time: 4.63486\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 2733356012094739613 Time: 7.77085\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 3915320020053085238 Time: 4.68324\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 6808617066150061604 Time: 4.91847\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: 9091006216302412844 Time: 4.88394\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:20] [V] [TRT] Tactic: -8060443123034038864 Time: 5.45988\n", + "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -4420849921117327522 Time: 7.86368\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -3946921629105938337 Time: 7.84282\n", + "[03/14/2023-21:26:21] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.10369\n", + "[03/14/2023-21:26:21] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling\n", + "[03/14/2023-21:26:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:21] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:21] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:21] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: 861694390046228376 Time: 5.17465\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5258189349241541167 Time: 5.40274\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5821621277990374316 Time: 5.34472\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5863767799113001648 Time: 6.44954\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -9147980667639709536 Time: 4.65187\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -8892196987859366827 Time: 5.15732\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:21] [V] [TRT] Tactic: -8850904373104590857 Time: 5.62072\n", + "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -8010679767156598961 Time: 6.42515\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -7751035352149795660 Time: 4.54635\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -5115676123557684531 Time: 5.234\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -493597327599791285 Time: 5.19878\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: -423878181466897819 Time: 6.44774\n", + "[03/14/2023-21:26:22] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.54635\n", + "[03/14/2023-21:26:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 0 Time: 8.78176\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 1 Time: 6.97351\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 56 Time: 9.193\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216\n", + "[03/14/2023-21:26:22] [V] [TRT] Fastest Tactic: 1 Time: 6.97351\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling\n", + "[03/14/2023-21:26:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:22] [V] [TRT] Tactic: 1651411198763708804 Time: 2.23041\n", + "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 2418518597804310654 Time: 2.76401\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 4318470497547290900 Time: 2.89282\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 4930470141256631146 Time: 3.82514\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 8292881859266835088 Time: 3.83666\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: 8401509141903434922 Time: 2.59163\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -8654297089785671176 Time: 2.72207\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81489\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -7140760933967189247 Time: 2.67334\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -6004726995029373073 Time: 3.81524\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -5719726816705110014 Time: 2.81584\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -4097850214384059472 Time: 3.81036\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -3717489476759089008 Time: 2.56652\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -3689982367035295496 Time: 2.79711\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2640575123064142123 Time: 2.32529\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2534402059426524406 Time: 2.47114\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2027588946874785071 Time: 3.81055\n", + "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:23] [V] [TRT] Tactic: -1968398013367819764 Time: 2.70597\n", + "[03/14/2023-21:26:23] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.23041\n", + "[03/14/2023-21:26:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:23] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:23] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:23] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 0 Time: 11.9881\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308367360, available: 16777216\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 308281856, available: 16777216\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 56 Time: 11.986\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 308281856, available: 16777216\n", + "[03/14/2023-21:26:24] [V] [TRT] Fastest Tactic: 56 Time: 11.986\n", + "[03/14/2023-21:26:24] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", + "[03/14/2023-21:26:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:24] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 83696452256923412 Time: 1.73602\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 106549059816437840 Time: 1.8251\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 1179757074518529353 Time: 1.62209\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2105695814191699972 Time: 1.95163\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2148106709480872763 Time: 1.42249\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2410442691266548717 Time: 1.4002\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2511830168590723349 Time: 1.9861\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2634905271404611895 Time: 1.59995\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2689212690707793357 Time: 2.50696\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2798075085844016892 Time: 1.57488\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3041642431972138763 Time: 1.3652\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3091156937974993800 Time: 1.57365\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3199589679702517123 Time: 2.02617\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3754069740140581927 Time: 1.94369\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3932578551652369355 Time: 1.75192\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 4149021101886580762 Time: 1.5986\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:24] [V] [TRT] Tactic: 4555462412611657028 Time: 1.40946\n", + "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 4749226340913476230 Time: 1.92278\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5483093640784800285 Time: 1.68264\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5666160310350604399 Time: 1.9484\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5900614001783877430 Time: 2.00919\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5925270497649423688 Time: 1.80734\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5999406432703271895 Time: 1.64324\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 6680916730816870145 Time: 1.87314\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7107292614492808590 Time: 1.38757\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7158029511300006471 Time: 1.9567\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7859952145590271433 Time: 1.72715\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8283847742354150423 Time: 1.83503\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8468288610222482742 Time: 1.61269\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8620567263556985011 Time: 1.65592\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8642279798680442080 Time: 1.4048\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8980274178270132023 Time: 1.72507\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: 9108067304506990859 Time: 1.68727\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -9104099172933216230 Time: 2.57202\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8992262742606384444 Time: 1.42907\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8956720569082607796 Time: 1.97846\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8952042869709043207 Time: 1.6255\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8898856569474934280 Time: 1.42277\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8774805574135441656 Time: 2.81987\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8749513212655756001 Time: 1.622\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8520017388966620486 Time: 1.68875\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8487084252145372186 Time: 2.56742\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8391760416076885205 Time: 1.77491\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7990268040387498660 Time: 2.268\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7849113095413980300 Time: 1.74418\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7533167286135592323 Time: 1.58289\n", + "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -6273232454637933930 Time: 1.63654\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5818527483287834165 Time: 1.58924\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5590418898350402100 Time: 1.5998\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5505475137955795830 Time: 1.36142\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5389631537202601150 Time: 1.72517\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5332866838585594777 Time: 1.58355\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5121883532434354186 Time: 1.58128\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5006039300385557796 Time: 1.60268\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4534876761957424274 Time: 1.79116\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4352168563838861262 Time: 1.36429\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4109084522508697633 Time: 1.69677\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -3237051169894153788 Time: 1.93344\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -3136088851200285532 Time: 1.36755\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2827934362840121038 Time: 1.85749\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2676138141351394855 Time: 2.54992\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2601537631049973288 Time: 1.57725\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2586046817576862066 Time: 1.39309\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2569977342077121032 Time: 1.70305\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2422160065350346448 Time: 1.7152\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2125188058121029448 Time: 2.7527\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2123887091022542343 Time: 1.62118\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -1838109259315759592 Time: 1.38948\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -1216445540764179377 Time: 1.39152\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -539379305772590030 Time: 2.48078\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -288413895057594820 Time: 1.60094\n", + "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: -229563042944049199 Time: 1.36418\n", + "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 1.36142\n", + "[03/14/2023-21:26:26] [V] [TRT] Setting workspace to 308281856enables more tactics for profiling\n", + "[03/14/2023-21:26:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: 1002 Time: 1.81506\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: 0 Time: 2.54537\n", + "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: 1002 Time: 1.81506\n", + "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: 1002 Time: 1.54379\n", + "[03/14/2023-21:26:26] [V] [TRT] Tactic: 0 Time: 1.56687\n", + "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: 1002 Time: 1.54379\n", + "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.70546\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.2398\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.2398\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.25776\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.26774\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.25776\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.49214\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.8954\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 2.49214\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.73195\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.88307\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.73195\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.66778\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 3.01396\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.66778\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.22402\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.48794\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.22402\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.82535\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.04242\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.82535\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.6254\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.16718\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.6254\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.4356\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.10433\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.10433\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.27321\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 0.934584\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 0.934584\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.19373\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.33221\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.33221\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.67646\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.83567\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.67646\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 3.00827\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.07806\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.07806\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(50176,1:8,896,16) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 0.939808\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 0.924796\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 0.924796\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.167\n", + "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.47001\n", + "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.47001\n", + "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,1,7168,128) ***************\n", + "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.54437\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 1.3938\n", + "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 1.3938\n", + "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(401408,3136,56,1) ***************\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.84984\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 0.858736\n", + "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 0.858736\n", + "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(200704,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.30845\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 0.87146\n", + "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 0.87146\n", + "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning format combination: Float(401408,3136,56,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:28] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 8.1038\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1 Time: 5.45421\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 56 Time: 8.31149\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 57 Time: 5.2943\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216\n", + "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 57 Time: 5.2943\n", + "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1825138533642645384 Time: 4.33605\n", + "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 2842488832350522458 Time: 5.08185\n", + "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:28] [V] [TRT] Tactic: 3915320020053085238 Time: 4.82682\n", + "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 6448355332020552203 Time: 4.79169\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 6808617066150061604 Time: 5.40733\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: -8060443123034038864 Time: 5.57746\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: -4420849921117327522 Time: 7.97182\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: -3946921629105938337 Time: 7.16218\n", + "[03/14/2023-21:26:29] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.33605\n", + "[03/14/2023-21:26:29] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling\n", + "[03/14/2023-21:26:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,7168,128) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:29] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:29] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 861694390046228376 Time: 5.58456\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 1017870653102653567 Time: 5.43739\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5258189349241541167 Time: 5.34297\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5821621277990374316 Time: 5.46718\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5863767799113001648 Time: 5.61806\n", + "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -9147980667639709536 Time: 5.00782\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -8850904373104590857 Time: 5.32274\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -7751035352149795660 Time: 5.21485\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -3853827649136781465 Time: 5.6545\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -3263369460438823196 Time: 5.32388\n", + "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: -423878181466897819 Time: 5.5386\n", + "[03/14/2023-21:26:30] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 5.00782\n", + "[03/14/2023-21:26:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:30] [V] [TRT] *************** Autotuning format combination: Half(401408,3136,56,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 0 Time: 7.50266\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 1 Time: 6.07552\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 56 Time: 7.81902\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:26:30] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216\n", + "[03/14/2023-21:26:30] [V] [TRT] Fastest Tactic: 1 Time: 6.07552\n", + "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:30] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:30] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling\n", + "[03/14/2023-21:26:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:30] [V] [TRT] *************** Autotuning format combination: Half(200704,3136:2,56,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:30] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:30] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 1145226902788474763 Time: 2.30668\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 1651411198763708804 Time: 2.9015\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 2418518597804310654 Time: 2.802\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4318470497547290900 Time: 2.85037\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4653005425971292725 Time: 2.79806\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4930470141256631146 Time: 3.4501\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 8292881859266835088 Time: 3.53896\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: 8401509141903434922 Time: 2.88036\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -8654297089785671176 Time: 2.66054\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -7448936905981214224 Time: 3.44895\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -6004726995029373073 Time: 3.57845\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -5719726816705110014 Time: 2.77758\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -3754890472406891741 Time: 2.60462\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -3689982367035295496 Time: 2.54233\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -2894005464278291378 Time: 3.21132\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -2027588946874785071 Time: 3.49477\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -1968398013367819764 Time: 2.72511\n", + "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:26:31] [V] [TRT] Tactic: -245090590808296743 Time: 2.59831\n", + "[03/14/2023-21:26:31] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.30668\n", + "[03/14/2023-21:26:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:26:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:31] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:32] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 0 Time: 11.4769\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128751616, available: 16777216\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 56 Time: 11.5572\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:26:32] [V] [TRT] Fastest Tactic: 0 Time: 11.4769\n", + "[03/14/2023-21:26:32] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 46202665595848747 Time: 2.19209\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 239013563835492727 Time: 1.72097\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 385569945292539752 Time: 2.46074\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 671037109694951988 Time: 1.33916\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 833287959109025818 Time: 1.56067\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 864841579020773074 Time: 1.03474\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 912634305247603909 Time: 2.40773\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1013168150133367738 Time: 1.16499\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1014187170474222133 Time: 1.22933\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1067227531433278814 Time: 1.046\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1554365048685552334 Time: 2.52885\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1579845938601132607 Time: 1.17041\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1796821236841789338 Time: 1.77164\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1837941418294761657 Time: 1.32174\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1948263663414159978 Time: 1.5534\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1989668371181446952 Time: 1.94571\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2027733232253711640 Time: 1.55758\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2148106709480872763 Time: 1.31709\n", + "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 2154731107061273008 Time: 1.2303\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 2410442691266548717 Time: 0.933912\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3464689803495983377 Time: 1.11696\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3636831327753843771 Time: 1.16523\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3745975654290680669 Time: 2.56242\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3754069740140581927 Time: 1.53563\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3784804427912340706 Time: 1.62788\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3823144360994712832 Time: 1.02973\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3919868136802676679 Time: 1.28383\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5263029549013613567 Time: 0.9531\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5506334059535811602 Time: 1.39235\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5635311898703673455 Time: 0.924012\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5786991692145244692 Time: 2.38401\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5848150552772236982 Time: 1.29291\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42251\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5932046018238429951 Time: 1.71012\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6103089697398018604 Time: 2.43784\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6195603576432354734 Time: 1.61797\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6252808259936499253 Time: 1.57373\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6408235920257988861 Time: 1.32142\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6623704051070449703 Time: 1.47439\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6680916730816870145 Time: 1.49055\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7114340626053367917 Time: 1.67554\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7158029511300006471 Time: 1.55771\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7612687199567064086 Time: 1.32974\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7729555994715864793 Time: 1.28756\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7844857443355818347 Time: 1.34542\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7849296535223586261 Time: 1.36732\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7859952145590271433 Time: 1.51352\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8219150286974756863 Time: 2.14698\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8283847742354150423 Time: 1.43763\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8455608235315878803 Time: 1.73552\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8668812313058150080 Time: 1.40075\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:33] [V] [TRT] Tactic: -8992262742606384444 Time: 1.35214\n", + "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8750433364328295059 Time: 1.39645\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8682550625095202832 Time: 1.3364\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8392835332206231687 Time: 1.88738\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8254009616492665198 Time: 1.04566\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7615325597099025933 Time: 1.05683\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7594446953125532601 Time: 1.35228\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7345578023323941164 Time: 2.25596\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6828337260021572283 Time: 1.97156\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6711815420995272523 Time: 1.75192\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6636202818604544855 Time: 2.39292\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6489479581011009593 Time: 1.58334\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6320761427625651496 Time: 1.53546\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6273232454637933930 Time: 1.0246\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6080892721161662420 Time: 0.945252\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6032793021868796623 Time: 1.26764\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5818527483287834165 Time: 0.990932\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5710735840878760115 Time: 1.00212\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5589367647444470524 Time: 1.87\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5546257196173962281 Time: 1.24925\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5198219374380660379 Time: 1.19795\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4954692664176521434 Time: 0.955356\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4627695383426341593 Time: 1.60344\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4534876761957424274 Time: 1.40563\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4142141368456048176 Time: 1.61558\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4116131327756252574 Time: 2.11017\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3968200906158272636 Time: 2.46844\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3784342055748695733 Time: 1.72622\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3425274793298557239 Time: 1.26486\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3271955096576257018 Time: 1.29952\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3237051169894153788 Time: 1.62673\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3136088851200285532 Time: 0.918404\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2871615028541756894 Time: 2.32861\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2751179716463646694 Time: 1.55804\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2634388175487609605 Time: 2.01141\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2586046817576862066 Time: 0.948264\n", + "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1708101578041178688 Time: 1.41516\n", + "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1586820571068855896 Time: 1.68839\n", + "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1020632631321619146 Time: 1.36634\n", + "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -907287437357565279 Time: 1.39506\n", + "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: -229563042944049199 Time: 0.92204\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.918404\n", + "[03/14/2023-21:26:35] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", + "[03/14/2023-21:26:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.465304\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.60334\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.465304\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.399616\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.398228\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.398228\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.433788\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.314256\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.314256\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.322728\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.32208\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.32208\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.648048\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.55672\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.55672\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.448136\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.530616\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.448136\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.419992\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.570544\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.419992\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.311172\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.348896\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.311172\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.467912\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.510676\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.467912\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.397456\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.466884\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.397456\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.364948\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.26068\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.26068\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.33272\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.23228\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.23228\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.56588\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.332432\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.332432\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.415688\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.428508\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.415688\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.58094\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.262436\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.262436\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.236612\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.231816\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.231816\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.546572\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.359792\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.359792\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.386624\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.353916\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.353916\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.437212\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.218884\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.218884\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.332784\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.218972\n", + "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.218972\n", + "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:35] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 5.91938\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1 Time: 4.39087\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:35] [V] [TRT] Tactic: 56 Time: 6.1769\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 57 Time: 4.39153\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:36] [V] [TRT] Fastest Tactic: 1 Time: 4.39087\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 1754569683116234317 Time: 2.30393\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 1825138533642645384 Time: 2.51642\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 2733356012094739613 Time: 4.37576\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 3915320020053085238 Time: 2.52781\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 6808617066150061604 Time: 2.75417\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 9091006216302412844 Time: 2.75626\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8060443123034038864 Time: 2.8681\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -4420849921117327522 Time: 4.49589\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -3946921629105938337 Time: 4.39164\n", + "[03/14/2023-21:26:36] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.30393\n", + "[03/14/2023-21:26:36] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:26:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 861694390046228376 Time: 2.69056\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5258189349241541167 Time: 2.58862\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5821621277990374316 Time: 2.71865\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5863767799113001648 Time: 4.01029\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -9147980667639709536 Time: 2.40121\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8892196987859366827 Time: 2.42573\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8850904373104590857 Time: 2.76284\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8010679767156598961 Time: 4.01674\n", + "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7751035352149795660 Time: 2.32407\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -5115676123557684531 Time: 2.68536\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -493597327599791285 Time: 2.52189\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -423878181466897819 Time: 4.01526\n", + "[03/14/2023-21:26:37] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.32407\n", + "[03/14/2023-21:26:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 0 Time: 4.47268\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 1 Time: 3.75952\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 56 Time: 4.83443\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:37] [V] [TRT] Fastest Tactic: 1 Time: 3.75952\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:26:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 1651411198763708804 Time: 1.34642\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 2418518597804310654 Time: 1.38615\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4318470497547290900 Time: 1.55569\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4930470141256631146 Time: 2.13136\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 8292881859266835088 Time: 2.16361\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: 8401509141903434922 Time: 1.45833\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -8654297089785671176 Time: 1.66858\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7516584506774355935 Time: 2.10899\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7140760933967189247 Time: 1.36166\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -6004726995029373073 Time: 2.10835\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -5719726816705110014 Time: 1.54138\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -4097850214384059472 Time: 2.14286\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -3717489476759089008 Time: 1.34154\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:37] [V] [TRT] Tactic: -3689982367035295496 Time: 1.59212\n", + "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2640575123064142123 Time: 1.29811\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2534402059426524406 Time: 1.35903\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2027588946874785071 Time: 2.1517\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: -1968398013367819764 Time: 1.64446\n", + "[03/14/2023-21:26:38] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.29811\n", + "[03/14/2023-21:26:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 0 Time: 6.16777\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 56 Time: 6.1633\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:26:38] [V] [TRT] Fastest Tactic: 56 Time: 6.1633\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 83696452256923412 Time: 0.964144\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 106549059816437840 Time: 1.05304\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 1179757074518529353 Time: 0.840212\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2105695814191699972 Time: 1.07834\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2148106709480872763 Time: 0.617248\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2410442691266548717 Time: 0.718388\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2511830168590723349 Time: 0.771132\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2634905271404611895 Time: 0.631584\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2689212690707793357 Time: 0.721148\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2798075085844016892 Time: 0.715788\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3041642431972138763 Time: 0.597572\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3091156937974993800 Time: 0.697352\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3199589679702517123 Time: 0.775928\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3754069740140581927 Time: 0.992988\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3932578551652369355 Time: 0.944704\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4149021101886580762 Time: 0.661272\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4555462412611657028 Time: 0.656024\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4749226340913476230 Time: 1.0613\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5483093640784800285 Time: 0.883484\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5666160310350604399 Time: 1.04098\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5900614001783877430 Time: 1.0672\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5925270497649423688 Time: 0.941304\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5999406432703271895 Time: 0.833052\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 6680916730816870145 Time: 1.1229\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7107292614492808590 Time: 0.739076\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7158029511300006471 Time: 1.10286\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7859952145590271433 Time: 1.08074\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8283847742354150423 Time: 0.981924\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8468288610222482742 Time: 0.815028\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8620567263556985011 Time: 0.720184\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8642279798680442080 Time: 0.69146\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8980274178270132023 Time: 0.811812\n", + "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 9108067304506990859 Time: 0.829868\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -9104099172933216230 Time: 1.40889\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8992262742606384444 Time: 0.691812\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8956720569082607796 Time: 1.13524\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8952042869709043207 Time: 0.853648\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8898856569474934280 Time: 0.782748\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8774805574135441656 Time: 0.957128\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8749513212655756001 Time: 0.829704\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8520017388966620486 Time: 0.964348\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8487084252145372186 Time: 0.77612\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8391760416076885205 Time: 0.901048\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7990268040387498660 Time: 1.25128\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7849113095413980300 Time: 0.802284\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7533167286135592323 Time: 0.66216\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -6273232454637933930 Time: 0.919876\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5818527483287834165 Time: 0.906696\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5590418898350402100 Time: 0.831656\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5505475137955795830 Time: 0.612772\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5389631537202601150 Time: 0.781336\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5332866838585594777 Time: 0.64842\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5121883532434354186 Time: 0.664228\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5006039300385557796 Time: 0.799648\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4534876761957424274 Time: 0.92144\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4352168563838861262 Time: 0.612476\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4109084522508697633 Time: 0.767192\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -3237051169894153788 Time: 1.06727\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -3136088851200285532 Time: 0.606716\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2827934362840121038 Time: 1.08665\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2676138141351394855 Time: 1.30467\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2601537631049973288 Time: 0.657588\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2586046817576862066 Time: 0.7612\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2569977342077121032 Time: 0.889028\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2422160065350346448 Time: 1.04928\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2125188058121029448 Time: 0.896384\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2123887091022542343 Time: 0.775408\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -1838109259315759592 Time: 0.717172\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -1216445540764179377 Time: 0.705352\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -539379305772590030 Time: 1.43517\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -288413895057594820 Time: 0.758924\n", + "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: -229563042944049199 Time: 0.5873\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.5873\n", + "[03/14/2023-21:26:39] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", + "[03/14/2023-21:26:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.90595\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 2.56076\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 1002 Time: 1.90595\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.58092\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.56717\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.56717\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.75921\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.25084\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.25084\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.29974\n", + "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.29278\n", + "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.29278\n", + "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.58355\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.47806\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 2.47806\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.78148\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.41204\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.78148\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.65674\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.64878\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.65674\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.23307\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.55867\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.23307\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.85149\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.03706\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.85149\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.64623\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.93526\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.64623\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.53295\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.14006\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.14006\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.39766\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.954428\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.954428\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.2464\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.31644\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.31644\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.70095\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.77906\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.70095\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.75465\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.1033\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.1033\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 0.970032\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.946172\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.946172\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.2089\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.50933\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.50933\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.5748\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.4107\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.4107\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.7653\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.909544\n", + "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.909544\n", + "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.37824\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 0 Time: 0.912456\n", + "[03/14/2023-21:26:41] [V] [TRT] Fastest Tactic: 0 Time: 0.912456\n", + "[03/14/2023-21:26:41] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 0 Time: 13.0593\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 1 Time: 11.0201\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 56 Time: 13.1406\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 57 Time: 11.0107\n", + "[03/14/2023-21:26:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:41] [V] [TRT] Fastest Tactic: 57 Time: 11.0107\n", + "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:41] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16082\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 1825138533642645384 Time: 6.28284\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 2733356012094739613 Time: 18.8803\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 3915320020053085238 Time: 6.14798\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 6808617066150061604 Time: 10.4968\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:42] [V] [TRT] Tactic: 9091006216302412844 Time: 10.5289\n", + "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: -8060443123034038864 Time: 10.4731\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: -4420849921117327522 Time: 18.1267\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: -3946921629105938337 Time: 18.8852\n", + "[03/14/2023-21:26:43] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 6.14798\n", + "[03/14/2023-21:26:43] [V] [TRT] Setting workspace to 102760448enables more tactics for profiling\n", + "[03/14/2023-21:26:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:43] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:43] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:43] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:43] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: 861694390046228376 Time: 4.8365\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: 5258189349241541167 Time: 5.35697\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:43] [V] [TRT] Tactic: 5821621277990374316 Time: 5.25933\n", + "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: 5863767799113001648 Time: 7.6996\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -9147980667639709536 Time: 4.84571\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8892196987859366827 Time: 4.88187\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8850904373104590857 Time: 5.35951\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8010679767156598961 Time: 7.3698\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -7751035352149795660 Time: 4.82156\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -5115676123557684531 Time: 5.17427\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -493597327599791285 Time: 4.96096\n", + "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:44] [V] [TRT] Tactic: -423878181466897819 Time: 7.53598\n", + "[03/14/2023-21:26:44] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.82156\n", + "[03/14/2023-21:26:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:44] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:44] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 0 Time: 10.2272\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 1 Time: 14.3662\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 56 Time: 10.4817\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:26:45] [V] [TRT] Fastest Tactic: 0 Time: 10.2272\n", + "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:45] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling\n", + "[03/14/2023-21:26:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", + "[03/14/2023-21:26:45] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 1651411198763708804 Time: 6.02843\n", + "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 2418518597804310654 Time: 5.25604\n", + "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:45] [V] [TRT] Tactic: 4318470497547290900 Time: 6.03788\n", + "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: 4930470141256631146 Time: 11.0194\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: 8292881859266835088 Time: 9.44561\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: 8401509141903434922 Time: 5.26312\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -8654297089785671176 Time: 3.06088\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -7516584506774355935 Time: 10.9061\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -7140760933967189247 Time: 5.2098\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -6004726995029373073 Time: 11.0331\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:46] [V] [TRT] Tactic: -5719726816705110014 Time: 3.36148\n", + "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -4097850214384059472 Time: 9.38126\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -3717489476759089008 Time: 5.98275\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -3689982367035295496 Time: 3.01786\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2640575123064142123 Time: 3.44897\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2534402059426524406 Time: 3.11866\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2027588946874785071 Time: 9.45265\n", + "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: -1968398013367819764 Time: 3.35537\n", + "[03/14/2023-21:26:47] [V] [TRT] Fastest Tactic: -3689982367035295496 Time: 3.01786\n", + "[03/14/2023-21:26:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:47] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:47] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:47] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:47] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: 0 Time: 13.2818\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308550656, available: 16777216\n", + "[03/14/2023-21:26:47] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 56 Time: 13.3528\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216\n", + "[03/14/2023-21:26:48] [V] [TRT] Fastest Tactic: 0 Time: 13.2818\n", + "[03/14/2023-21:26:48] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 385569945292539752 Time: 2.28008\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 833287959109025818 Time: 2.07605\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1013168150133367738 Time: 1.38201\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1067227531433278814 Time: 1.29199\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1179757074518529353 Time: 1.41825\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1554365048685552334 Time: 1.61086\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1579845938601132607 Time: 1.26892\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1796821236841789338 Time: 1.98519\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1948263663414159978 Time: 1.79606\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1989668371181446952 Time: 2.11508\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2027733232253711640 Time: 1.40631\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2105695814191699972 Time: 2.10509\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2148106709480872763 Time: 1.30774\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2410442691266548717 Time: 1.49892\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2511830168590723349 Time: 1.27901\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2798075085844016892 Time: 1.41237\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3041642431972138763 Time: 1.1736\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3745975654290680669 Time: 1.53448\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3754069740140581927 Time: 1.89384\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3784804427912340706 Time: 1.60783\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3919868136802676679 Time: 1.43066\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4149021101886580762 Time: 1.42358\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4555462412611657028 Time: 1.3453\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4749226340913476230 Time: 2.04845\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5483093640784800285 Time: 1.71232\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5848150552772236982 Time: 1.34686\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5900614001783877430 Time: 1.97138\n", + "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 5925270497649423688 Time: 2.00928\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 5999406432703271895 Time: 1.59228\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6103089697398018604 Time: 1.5878\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6195603576432354734 Time: 2.03324\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6408235920257988861 Time: 1.44032\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6623704051070449703 Time: 1.7322\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6680916730816870145 Time: 1.93399\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7114340626053367917 Time: 1.6645\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7158029511300006471 Time: 2.10873\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7612687199567064086 Time: 1.37132\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7729555994715864793 Time: 1.4171\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7844857443355818347 Time: 1.60434\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7859952145590271433 Time: 1.94933\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8283847742354150423 Time: 1.85902\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8455608235315878803 Time: 2.06252\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8668812313058150080 Time: 1.52664\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8992262742606384444 Time: 1.3235\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8952042869709043207 Time: 1.59167\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8898856569474934280 Time: 1.37489\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8774805574135441656 Time: 1.57167\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8750433364328295059 Time: 1.55901\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8749513212655756001 Time: 1.41974\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8520017388966620486 Time: 1.8504\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8487084252145372186 Time: 1.54825\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8392835332206231687 Time: 1.90209\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8391760416076885205 Time: 1.98462\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8254009616492665198 Time: 1.4744\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7849113095413980300 Time: 1.61905\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7615325597099025933 Time: 1.4801\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7594446953125532601 Time: 1.76073\n", + "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -7533167286135592323 Time: 1.3231\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -7345578023323941164 Time: 2.59782\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6828337260021572283 Time: 2.19769\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6711815420995272523 Time: 2.04762\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6636202818604544855 Time: 2.77767\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6489479581011009593 Time: 1.43575\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6273232454637933930 Time: 1.51273\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6080892721161662420 Time: 1.27231\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5818527483287834165 Time: 1.52109\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5710735840878760115 Time: 1.27768\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5589367647444470524 Time: 1.90763\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5198219374380660379 Time: 1.4622\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5121883532434354186 Time: 1.26716\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5006039300385557796 Time: 1.38491\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4627695383426341593 Time: 1.61785\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4534876761957424274 Time: 2.01797\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17067\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4116131327756252574 Time: 2.19133\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4109084522508697633 Time: 1.37987\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3968200906158272636 Time: 1.70695\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3425274793298557239 Time: 1.35467\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3271955096576257018 Time: 1.44238\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3237051169894153788 Time: 2.12982\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3136088851200285532 Time: 1.30425\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2871615028541756894 Time: 2.3343\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2827934362840121038 Time: 2.06539\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2676138141351394855 Time: 2.55688\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2586046817576862066 Time: 1.52834\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2569977342077121032 Time: 1.67474\n", + "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -2422160065350346448 Time: 1.91208\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1838109259315759592 Time: 1.36754\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1708101578041178688 Time: 1.50453\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1586820571068855896 Time: 1.67441\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1216445540764179377 Time: 1.53537\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1020632631321619146 Time: 1.5488\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -907287437357565279 Time: 1.48036\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -539379305772590030 Time: 2.36375\n", + "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: -229563042944049199 Time: 1.27926\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 1.17067\n", + "[03/14/2023-21:26:51] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling\n", + "[03/14/2023-21:26:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.90357\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.56444\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.90357\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.58083\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.566\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.566\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.75679\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.24915\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.24915\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.29957\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.29155\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.29155\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 2.58083\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.49148\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 2.49148\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.7816\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.43954\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.7816\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.66901\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.6057\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.66901\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.23652\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.52652\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.23652\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.8513\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.03795\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.8513\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.64617\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.96362\n", + "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.64617\n", + "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.54476\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.14881\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.14881\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.39456\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.953476\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.953476\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.24735\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.30977\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.30977\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.69678\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.77988\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 1002 Time: 1.69678\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.79647\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.10604\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.10604\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 0.975572\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.947052\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.947052\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.20488\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.50626\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.50626\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.57601\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.40188\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.40188\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.85749\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.911352\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.911352\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.3503\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.912224\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.912224\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 3.81658\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1 Time: 3.1029\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 56 Time: 4.10966\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 57 Time: 3.09272\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 57 Time: 3.09272\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:52] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1754569683116234317 Time: 2.03449\n", + "[03/14/2023-21:26:52] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 1825138533642645384 Time: 2.09696\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 2733356012094739613 Time: 3.89588\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 3915320020053085238 Time: 2.28742\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 6808617066150061604 Time: 2.38958\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 9091006216302412844 Time: 2.41374\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8060443123034038864 Time: 2.50354\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -4420849921117327522 Time: 3.81912\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -3946921629105938337 Time: 3.97221\n", + "[03/14/2023-21:26:53] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.03449\n", + "[03/14/2023-21:26:53] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:26:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:26:53] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 861694390046228376 Time: 2.39327\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5258189349241541167 Time: 2.5766\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5821621277990374316 Time: 2.74155\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5863767799113001648 Time: 2.91967\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -9147980667639709536 Time: 2.28037\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8892196987859366827 Time: 2.42738\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8850904373104590857 Time: 2.58136\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8010679767156598961 Time: 2.91233\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -7751035352149795660 Time: 2.29642\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -5115676123557684531 Time: 2.59812\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -493597327599791285 Time: 2.48155\n", + "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:53] [V] [TRT] Tactic: -423878181466897819 Time: 2.844\n", + "[03/14/2023-21:26:53] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.28037\n", + "[03/14/2023-21:26:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:53] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 0 Time: 3.54964\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1 Time: 2.96904\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 56 Time: 3.92002\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Fastest Tactic: 1 Time: 2.96904\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:26:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1651411198763708804 Time: 1.05946\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2418518597804310654 Time: 1.07964\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4318470497547290900 Time: 1.18159\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4930470141256631146 Time: 1.85804\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 8292881859266835088 Time: 1.90785\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 8401509141903434922 Time: 1.26111\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -8654297089785671176 Time: 1.30336\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -7516584506774355935 Time: 1.882\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -7140760933967189247 Time: 1.20137\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -6004726995029373073 Time: 1.85939\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -5719726816705110014 Time: 1.22312\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90974\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -3717489476759089008 Time: 1.17442\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -3689982367035295496 Time: 1.24818\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2640575123064142123 Time: 1.17912\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2534402059426524406 Time: 1.1523\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2027588946874785071 Time: 1.9061\n", + "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: -1968398013367819764 Time: 1.20508\n", + "[03/14/2023-21:26:54] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.05946\n", + "[03/14/2023-21:26:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 0 Time: 5.16777\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128587776, available: 16777216\n", + "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 56 Time: 5.10988\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:26:55] [V] [TRT] Fastest Tactic: 56 Time: 5.10988\n", + "[03/14/2023-21:26:55] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", + "[03/14/2023-21:26:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:55] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 83696452256923412 Time: 0.867344\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 106549059816437840 Time: 0.732284\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 1179757074518529353 Time: 0.674988\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2105695814191699972 Time: 0.914088\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2148106709480872763 Time: 0.659852\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2410442691266548717 Time: 0.665624\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2511830168590723349 Time: 0.781232\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2634905271404611895 Time: 0.821528\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2689212690707793357 Time: 1.06421\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2798075085844016892 Time: 0.833328\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3041642431972138763 Time: 0.644768\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3091156937974993800 Time: 0.83606\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3199589679702517123 Time: 0.79274\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3754069740140581927 Time: 0.936076\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3932578551652369355 Time: 0.799484\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4149021101886580762 Time: 0.820372\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4555462412611657028 Time: 0.660768\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4749226340913476230 Time: 0.907912\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5483093640784800285 Time: 0.828888\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5666160310350604399 Time: 0.933444\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5900614001783877430 Time: 0.952728\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5925270497649423688 Time: 0.861824\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5999406432703271895 Time: 0.830432\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 6680916730816870145 Time: 0.771472\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7107292614492808590 Time: 0.645248\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7158029511300006471 Time: 0.925156\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7859952145590271433 Time: 0.751616\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8283847742354150423 Time: 0.935952\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8468288610222482742 Time: 0.834704\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8620567263556985011 Time: 0.857072\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8642279798680442080 Time: 0.663136\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8980274178270132023 Time: 0.851384\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: 9108067304506990859 Time: 0.82942\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -9104099172933216230 Time: 1.02986\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8992262742606384444 Time: 0.66706\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8956720569082607796 Time: 0.968512\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8952042869709043207 Time: 0.832456\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8898856569474934280 Time: 0.672308\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8774805574135441656 Time: 1.16981\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8749513212655756001 Time: 0.836228\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8520017388966620486 Time: 0.792588\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8487084252145372186 Time: 1.08529\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8391760416076885205 Time: 0.861872\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7990268040387498660 Time: 1.06918\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7849113095413980300 Time: 0.861084\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7533167286135592323 Time: 0.81532\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -6273232454637933930 Time: 0.692448\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5818527483287834165 Time: 0.683144\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5590418898350402100 Time: 0.826668\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5505475137955795830 Time: 0.649068\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5389631537202601150 Time: 0.849512\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5332866838585594777 Time: 0.814492\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5121883532434354186 Time: 0.818096\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5006039300385557796 Time: 0.816508\n", + "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4534876761957424274 Time: 0.856912\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4352168563838861262 Time: 0.647536\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4109084522508697633 Time: 0.863\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -3237051169894153788 Time: 0.900592\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -3136088851200285532 Time: 0.645528\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2827934362840121038 Time: 0.75822\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2676138141351394855 Time: 1.06426\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2601537631049973288 Time: 0.819304\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2586046817576862066 Time: 0.673536\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2569977342077121032 Time: 0.86756\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2422160065350346448 Time: 0.759084\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2125188058121029448 Time: 1.15934\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2123887091022542343 Time: 0.828036\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -1838109259315759592 Time: 0.645164\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -1216445540764179377 Time: 0.668884\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -539379305772590030 Time: 0.998232\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -288413895057594820 Time: 0.814204\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: -229563042944049199 Time: 0.646916\n", + "[03/14/2023-21:26:56] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.644768\n", + "[03/14/2023-21:26:56] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", + "[03/14/2023-21:26:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 0 Time: 7.7361\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 37312512, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 6 Time: 4.62358\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 56 Time: 8.38555\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 57 skipped. Scratch requested: 37312512, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 62 Time: 4.67829\n", + "[03/14/2023-21:26:56] [V] [TRT] Fastest Tactic: 6 Time: 4.62358\n", + "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:26:56] [V] [TRT] Tactic: 1825138533642645384 Time: 4.64672\n", + "[03/14/2023-21:26:56] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 2775507031594384867 Time: 4.21492\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 2842488832350522458 Time: 4.89467\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 3915320020053085238 Time: 4.63388\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 6448355332020552203 Time: 4.70156\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 6808617066150061604 Time: 4.76856\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: -8060443123034038864 Time: 4.95964\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: -4420849921117327522 Time: 6.78991\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: -3946921629105938337 Time: 5.90382\n", + "[03/14/2023-21:26:57] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.21492\n", + "[03/14/2023-21:26:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", + "[03/14/2023-21:26:57] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:26:57] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:57] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 861694390046228376 Time: 4.85158\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 1017870653102653567 Time: 4.64822\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 5258189349241541167 Time: 4.79529\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:26:57] [V] [TRT] Tactic: 5821621277990374316 Time: 4.58912\n", + "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 5863767799113001648 Time: 5.28394\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -9147980667639709536 Time: 4.50568\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -8850904373104590857 Time: 4.87334\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -7751035352149795660 Time: 4.55091\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -3853827649136781465 Time: 4.76354\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -3263369460438823196 Time: 4.84987\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: -423878181466897819 Time: 5.34865\n", + "[03/14/2023-21:26:58] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.50568\n", + "[03/14/2023-21:26:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:26:58] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 0 Time: 7.23422\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20375040, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 56 Time: 7.31755\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216\n", + "[03/14/2023-21:26:58] [V] [TRT] Fastest Tactic: 0 Time: 7.23422\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:58] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling\n", + "[03/14/2023-21:26:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", + "[03/14/2023-21:26:58] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 1145226902788474763 Time: 2.16752\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 1651411198763708804 Time: 2.57515\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65961\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4318470497547290900 Time: 2.61869\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4653005425971292725 Time: 2.62674\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4930470141256631146 Time: 2.87417\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 8292881859266835088 Time: 3.05634\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: 8401509141903434922 Time: 2.72924\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -8654297089785671176 Time: 2.5658\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -7448936905981214224 Time: 2.82755\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -6004726995029373073 Time: 2.87613\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -5719726816705110014 Time: 2.59386\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3754890472406891741 Time: 2.543\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3689982367035295496 Time: 2.47116\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3140347171730126532 Time: 2.22543\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -2894005464278291378 Time: 2.89802\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -2027588946874785071 Time: 2.88901\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -1968398013367819764 Time: 2.6714\n", + "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:26:59] [V] [TRT] Tactic: -245090590808296743 Time: 2.58536\n", + "[03/14/2023-21:26:59] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.16752\n", + "[03/14/2023-21:26:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:26:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:26:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:26:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:26:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 0 Time: 10.7553\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1 skipped. Scratch requested: 51681280, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 56 Time: 10.7618\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216\n", + "[03/14/2023-21:27:00] [V] [TRT] Fastest Tactic: 0 Time: 10.7553\n", + "[03/14/2023-21:27:00] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 46202665595848747 Time: 2.0778\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 239013563835492727 Time: 1.56327\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 385569945292539752 Time: 2.31807\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 671037109694951988 Time: 1.20564\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 833287959109025818 Time: 1.37215\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 864841579020773074 Time: 0.742044\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 912634305247603909 Time: 2.31056\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1013168150133367738 Time: 0.930636\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14651\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1067227531433278814 Time: 0.804756\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1554365048685552334 Time: 2.42217\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1579845938601132607 Time: 0.775012\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1796821236841789338 Time: 1.68215\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1837941418294761657 Time: 1.22761\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1948263663414159978 Time: 1.43309\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1989668371181446952 Time: 1.81256\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2027733232253711640 Time: 1.4818\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2148106709480872763 Time: 0.926028\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10761\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2410442691266548717 Time: 0.749468\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 3464689803495983377 Time: 0.883708\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:27:00] [V] [TRT] Tactic: 3636831327753843771 Time: 0.767984\n", + "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3745975654290680669 Time: 2.37326\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3754069740140581927 Time: 1.35394\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3784804427912340706 Time: 1.46444\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3823144360994712832 Time: 0.9\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3919868136802676679 Time: 1.24253\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5263029549013613567 Time: 0.76582\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5506334059535811602 Time: 1.41774\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5635311898703673455 Time: 0.715956\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5786991692145244692 Time: 2.15844\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5848150552772236982 Time: 1.15515\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5925270497649423688 Time: 1.2496\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5932046018238429951 Time: 1.59756\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6103089697398018604 Time: 2.40358\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6195603576432354734 Time: 1.52815\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6252808259936499253 Time: 1.44705\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6408235920257988861 Time: 1.21041\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6623704051070449703 Time: 1.32636\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6680916730816870145 Time: 1.39521\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7114340626053367917 Time: 1.52649\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7158029511300006471 Time: 1.36513\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7612687199567064086 Time: 1.19073\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7729555994715864793 Time: 1.17456\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7844857443355818347 Time: 1.2044\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7849296535223586261 Time: 1.21208\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7859952145590271433 Time: 1.39162\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8219150286974756863 Time: 2.11466\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8283847742354150423 Time: 1.37014\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8455608235315878803 Time: 1.67716\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8668812313058150080 Time: 1.28272\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8992262742606384444 Time: 0.972508\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8750433364328295059 Time: 1.2196\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8682550625095202832 Time: 0.929348\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8392835332206231687 Time: 1.69579\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8254009616492665198 Time: 0.773768\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7615325597099025933 Time: 0.793252\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7594446953125532601 Time: 1.19784\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7345578023323941164 Time: 2.03448\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:27:01] [V] [TRT] Tactic: -6828337260021572283 Time: 1.81994\n", + "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6711815420995272523 Time: 1.61466\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6636202818604544855 Time: 2.2264\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6489479581011009593 Time: 1.52786\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6320761427625651496 Time: 1.48214\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6273232454637933930 Time: 0.86532\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6080892721161662420 Time: 0.730156\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6032793021868796623 Time: 1.16718\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5818527483287834165 Time: 0.84286\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5710735840878760115 Time: 0.83344\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5589367647444470524 Time: 1.79784\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5546257196173962281 Time: 1.13798\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5198219374380660379 Time: 0.943056\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4954692664176521434 Time: 0.793124\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4627695383426341593 Time: 1.56217\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4534876761957424274 Time: 1.24367\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4142141368456048176 Time: 1.47387\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4116131327756252574 Time: 1.96946\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3968200906158272636 Time: 2.35767\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62733\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3425274793298557239 Time: 1.08648\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3271955096576257018 Time: 1.11371\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3237051169894153788 Time: 1.4003\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3136088851200285532 Time: 0.735864\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2871615028541756894 Time: 2.21036\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2751179716463646694 Time: 1.49136\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2634388175487609605 Time: 1.8301\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2586046817576862066 Time: 0.75698\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1708101578041178688 Time: 1.37162\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1586820571068855896 Time: 1.55847\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1020632631321619146 Time: 1.24271\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -907287437357565279 Time: 1.43309\n", + "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:02] [V] [TRT] Tactic: -229563042944049199 Time: 0.708164\n", + "[03/14/2023-21:27:02] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.708164\n", + "[03/14/2023-21:27:02] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling\n", + "[03/14/2023-21:27:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:02] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:02] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 0 Time: 10.2694\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1 Time: 8.49866\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 56 Time: 10.2792\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 57 Time: 8.48776\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:27:03] [V] [TRT] Fastest Tactic: 57 Time: 8.48776\n", + "[03/14/2023-21:27:03] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:03] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:03] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1754569683116234317 Time: 2.97824\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1825138533642645384 Time: 3.08758\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 2733356012094739613 Time: 5.40646\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 3915320020053085238 Time: 3.01427\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 6808617066150061604 Time: 3.58104\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: 9091006216302412844 Time: 3.59041\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:03] [V] [TRT] Tactic: -8060443123034038864 Time: 3.58372\n", + "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -4420849921117327522 Time: 5.37035\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -3946921629105938337 Time: 5.43739\n", + "[03/14/2023-21:27:04] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.97824\n", + "[03/14/2023-21:27:04] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:27:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:04] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:04] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:04] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: 861694390046228376 Time: 3.00764\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5258189349241541167 Time: 2.864\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5821621277990374316 Time: 3.10806\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5863767799113001648 Time: 5.23724\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -9147980667639709536 Time: 2.77082\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8892196987859366827 Time: 2.9206\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8850904373104590857 Time: 2.8774\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8010679767156598961 Time: 5.22273\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -7751035352149795660 Time: 2.80312\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -5115676123557684531 Time: 3.06658\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -493597327599791285 Time: 2.85518\n", + "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:04] [V] [TRT] Tactic: -423878181466897819 Time: 5.32222\n", + "[03/14/2023-21:27:04] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.77082\n", + "[03/14/2023-21:27:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:04] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 0 Time: 7.08608\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 1 Time: 6.15414\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 56 Time: 7.39452\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", + "[03/14/2023-21:27:05] [V] [TRT] Fastest Tactic: 1 Time: 6.15414\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", + "[03/14/2023-21:27:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 1651411198763708804 Time: 1.7824\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 2418518597804310654 Time: 1.81087\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4318470497547290900 Time: 1.80407\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4930470141256631146 Time: 2.63141\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 8292881859266835088 Time: 2.68841\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: 8401509141903434922 Time: 1.8135\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -8654297089785671176 Time: 1.85299\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -7516584506774355935 Time: 2.63706\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -7140760933967189247 Time: 1.79794\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -6004726995029373073 Time: 2.63066\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -5719726816705110014 Time: 1.6604\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -4097850214384059472 Time: 2.68926\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -3717489476759089008 Time: 1.77061\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -3689982367035295496 Time: 1.78657\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2640575123064142123 Time: 1.56488\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2534402059426524406 Time: 1.59222\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2027588946874785071 Time: 2.68608\n", + "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:05] [V] [TRT] Tactic: -1968398013367819764 Time: 1.67973\n", + "[03/14/2023-21:27:05] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.56488\n", + "[03/14/2023-21:27:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:05] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 0 Time: 8.92433\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 56 Time: 8.89007\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:06] [V] [TRT] Fastest Tactic: 56 Time: 8.89007\n", + "[03/14/2023-21:27:06] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", + "[03/14/2023-21:27:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:06] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 83696452256923412 Time: 1.1347\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 106549059816437840 Time: 1.2067\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 1179757074518529353 Time: 1.11472\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2105695814191699972 Time: 1.40258\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2148106709480872763 Time: 1.20205\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2410442691266548717 Time: 1.21039\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2511830168590723349 Time: 0.980432\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2634905271404611895 Time: 1.02869\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2689212690707793357 Time: 1.03634\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08133\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3041642431972138763 Time: 1.02504\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3091156937974993800 Time: 1.08016\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3199589679702517123 Time: 0.980388\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3754069740140581927 Time: 1.1874\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3932578551652369355 Time: 1.02671\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4149021101886580762 Time: 1.02622\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4555462412611657028 Time: 1.19327\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4749226340913476230 Time: 1.1721\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5483093640784800285 Time: 1.07067\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5666160310350604399 Time: 1.25658\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5900614001783877430 Time: 1.21133\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5925270497649423688 Time: 1.4448\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5999406432703271895 Time: 1.02191\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29577\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7107292614492808590 Time: 1.00331\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7158029511300006471 Time: 1.43959\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7859952145590271433 Time: 1.27248\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8283847742354150423 Time: 1.18373\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8468288610222482742 Time: 1.1842\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8620567263556985011 Time: 1.1336\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8642279798680442080 Time: 1.02731\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8980274178270132023 Time: 1.13476\n", + "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: 9108067304506990859 Time: 1.02381\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -9104099172933216230 Time: 1.55194\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8992262742606384444 Time: 1.1817\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8956720569082607796 Time: 1.2294\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8952042869709043207 Time: 1.25144\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8898856569474934280 Time: 1.0615\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8774805574135441656 Time: 1.06609\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8749513212655756001 Time: 1.12824\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8520017388966620486 Time: 1.03249\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8487084252145372186 Time: 1.03382\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8391760416076885205 Time: 1.43322\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7990268040387498660 Time: 1.28352\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7849113095413980300 Time: 1.11822\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7533167286135592323 Time: 1.06111\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -6273232454637933930 Time: 1.10816\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5818527483287834165 Time: 1.12731\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5590418898350402100 Time: 1.06422\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5505475137955795830 Time: 0.999724\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5389631537202601150 Time: 1.16108\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5332866838585594777 Time: 1.0601\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5121883532434354186 Time: 1.04414\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5006039300385557796 Time: 1.16994\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4534876761957424274 Time: 1.4054\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4352168563838861262 Time: 1.00279\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4109084522508697633 Time: 1.01768\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -3237051169894153788 Time: 1.36276\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -3136088851200285532 Time: 1.0416\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2827934362840121038 Time: 1.09262\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2676138141351394855 Time: 1.31149\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2601537631049973288 Time: 1.04024\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2586046817576862066 Time: 1.22183\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2569977342077121032 Time: 1.16761\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2422160065350346448 Time: 1.27794\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2125188058121029448 Time: 1.06846\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2123887091022542343 Time: 1.23254\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -1838109259315759592 Time: 1.01194\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -1216445540764179377 Time: 1.23396\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -539379305772590030 Time: 1.52378\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -288413895057594820 Time: 1.17946\n", + "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:07] [V] [TRT] Tactic: -229563042944049199 Time: 1.03356\n", + "[03/14/2023-21:27:07] [V] [TRT] Fastest Tactic: 3199589679702517123 Time: 0.980388\n", + "[03/14/2023-21:27:07] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", + "[03/14/2023-21:27:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CudnnConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CublasConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CudnnConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CaskConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CudnnConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CublasConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CaskConvolution)\n", + "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CublasConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CaskConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CublasConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CaskConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(200704,784,28,1) ***************\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution)\r\n", + "[03/14/2023-21:27:08] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 0 Time: 8.22148\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1 Time: 6.19157\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 56 Time: 8.44039\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 57 Time: 6.09284\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216\n", + "[03/14/2023-21:27:08] [V] [TRT] Fastest Tactic: 57 Time: 6.09284\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1754569683116234317 Time: 4.07563\n", + "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1825138533642645384 Time: 4.61236\n", + "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:08] [V] [TRT] Tactic: 2733356012094739613 Time: 7.85058\n", + "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 3915320020053085238 Time: 4.65714\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 6808617066150061604 Time: 4.99944\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 9091006216302412844 Time: 4.95252\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: -8060443123034038864 Time: 5.32269\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: -4420849921117327522 Time: 7.80813\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: -3946921629105938337 Time: 7.97312\n", + "[03/14/2023-21:27:09] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.07563\n", + "[03/14/2023-21:27:09] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling\n", + "[03/14/2023-21:27:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:09] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 861694390046228376 Time: 4.8228\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5258189349241541167 Time: 4.92789\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5821621277990374316 Time: 4.72412\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5863767799113001648 Time: 5.53998\n", + "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -9147980667639709536 Time: 4.38173\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8892196987859366827 Time: 4.55085\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8850904373104590857 Time: 4.84613\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8010679767156598961 Time: 5.47326\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -7751035352149795660 Time: 4.38617\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -5115676123557684531 Time: 4.73308\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -493597327599791285 Time: 4.83319\n", + "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: -423878181466897819 Time: 5.56093\n", + "[03/14/2023-21:27:10] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.38173\n", + "[03/14/2023-21:27:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:10] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:10] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 0 Time: 7.45683\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 1 Time: 5.9521\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216\n", + "[03/14/2023-21:27:10] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 56 Time: 7.95761\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216\n", + "[03/14/2023-21:27:11] [V] [TRT] Fastest Tactic: 1 Time: 5.9521\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling\n", + "[03/14/2023-21:27:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:11] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 1651411198763708804 Time: 2.12578\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 2418518597804310654 Time: 2.54947\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 4318470497547290900 Time: 2.78566\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 4930470141256631146 Time: 3.7678\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 8292881859266835088 Time: 3.85839\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: 8401509141903434922 Time: 2.60323\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -8654297089785671176 Time: 2.66022\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81824\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -7140760933967189247 Time: 2.74486\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -6004726995029373073 Time: 3.77338\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -5719726816705110014 Time: 2.64921\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -4097850214384059472 Time: 3.87391\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -3717489476759089008 Time: 2.48287\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -3689982367035295496 Time: 2.73897\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -2640575123064142123 Time: 2.36004\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:11] [V] [TRT] Tactic: -2534402059426524406 Time: 2.33963\n", + "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: -2027588946874785071 Time: 3.8638\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: -1968398013367819764 Time: 2.65654\n", + "[03/14/2023-21:27:12] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.12578\n", + "[03/14/2023-21:27:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 0 Time: 10.6581\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 1 skipped. Scratch requested: 154408960, available: 16777216\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 56 Time: 10.5892\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216\n", + "[03/14/2023-21:27:12] [V] [TRT] Fastest Tactic: 56 Time: 10.5892\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 83696452256923412 Time: 1.54752\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 106549059816437840 Time: 1.5916\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 1179757074518529353 Time: 1.04905\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2105695814191699972 Time: 1.59648\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2148106709480872763 Time: 0.993636\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2410442691266548717 Time: 0.910788\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2511830168590723349 Time: 1.0086\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2634905271404611895 Time: 1.1448\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2689212690707793357 Time: 1.2773\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2798075085844016892 Time: 1.20733\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3041642431972138763 Time: 0.820816\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3091156937974993800 Time: 1.19574\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3199589679702517123 Time: 1.05843\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3754069740140581927 Time: 1.61297\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3932578551652369355 Time: 1.68968\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4149021101886580762 Time: 1.16192\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4555462412611657028 Time: 1.04832\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4749226340913476230 Time: 1.81087\n", + "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5483093640784800285 Time: 1.56321\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5666160310350604399 Time: 1.6444\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5900614001783877430 Time: 1.88368\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5925270497649423688 Time: 1.36242\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5999406432703271895 Time: 1.59223\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 6680916730816870145 Time: 1.50352\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7107292614492808590 Time: 1.24439\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7158029511300006471 Time: 1.61577\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7859952145590271433 Time: 1.50178\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8283847742354150423 Time: 1.58403\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8468288610222482742 Time: 1.09822\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8620567263556985011 Time: 1.08266\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8642279798680442080 Time: 1.11668\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8980274178270132023 Time: 1.45148\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: 9108067304506990859 Time: 1.49304\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -9104099172933216230 Time: 2.25306\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8992262742606384444 Time: 1.01871\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8956720569082607796 Time: 1.86004\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8952042869709043207 Time: 1.26285\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8898856569474934280 Time: 1.1963\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8774805574135441656 Time: 1.30319\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8749513212655756001 Time: 1.10249\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8520017388966620486 Time: 1.69043\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8487084252145372186 Time: 1.24657\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8391760416076885205 Time: 1.35121\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7990268040387498660 Time: 2.17045\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2397\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7533167286135592323 Time: 1.13956\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -6273232454637933930 Time: 1.07438\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5818527483287834165 Time: 1.05551\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5590418898350402100 Time: 1.50917\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5505475137955795830 Time: 0.831216\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5389631537202601150 Time: 1.26113\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5332866838585594777 Time: 1.16131\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5121883532434354186 Time: 0.980724\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5006039300385557796 Time: 1.06602\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:13] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38994\n", + "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -4352168563838861262 Time: 0.817376\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -4109084522508697633 Time: 1.08952\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -3237051169894153788 Time: 1.5659\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -3136088851200285532 Time: 0.820696\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2827934362840121038 Time: 1.62696\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2676138141351394855 Time: 2.41199\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2601537631049973288 Time: 0.995184\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2586046817576862066 Time: 0.942312\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2569977342077121032 Time: 1.56502\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2422160065350346448 Time: 1.49242\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2125188058121029448 Time: 1.28749\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2123887091022542343 Time: 1.2756\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -1838109259315759592 Time: 1.28986\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -1216445540764179377 Time: 0.953236\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -539379305772590030 Time: 2.25266\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -288413895057594820 Time: 1.06699\n", + "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: -229563042944049199 Time: 0.827476\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 0.817376\n", + "[03/14/2023-21:27:14] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling\n", + "[03/14/2023-21:27:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.946676\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.20851\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.946676\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.793924\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.78732\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.78732\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.867452\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.626904\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.626904\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.644844\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.6433\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.6433\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.29328\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.18606\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 1.18606\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.896676\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.1286\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.896676\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.853668\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.24482\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.853668\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.625728\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.7506\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.625728\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.929264\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.01526\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.929264\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.811364\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.928812\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.811364\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.748652\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.556484\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.556484\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.687964\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.469332\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.469332\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.12464\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.66206\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.66206\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.843392\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.86616\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.843392\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.2542\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.550208\n", + "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.550208\n", + "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(25088,1:8,896,32) ***************\n", + "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.482812\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.47076\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.47076\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 1.08931\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.734576\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.734576\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,1,7168,256) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.784416\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.70308\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.70308\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(200704,784,28,1) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.881348\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.441932\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.441932\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(100352,784:2,28,1) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.6603\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.444328\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.444328\n", + "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning format combination: Float(200704,784,28,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 7.69195\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1 skipped. Scratch requested: 19773952, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 56 Time: 7.99244\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 57 skipped. Scratch requested: 19773952, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 7.69195\n", + "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1825138533642645384 Time: 4.26968\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 2842488832350522458 Time: 5.25534\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 3915320020053085238 Time: 4.9442\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 6448355332020552203 Time: 4.89524\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:15] [V] [TRT] Tactic: 6808617066150061604 Time: 5.26744\n", + "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -8060443123034038864 Time: 5.72979\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -4420849921117327522 Time: 8.53264\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -3946921629105938337 Time: 8.00678\n", + "[03/14/2023-21:27:16] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.26968\n", + "[03/14/2023-21:27:16] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling\n", + "[03/14/2023-21:27:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:16] [V] [TRT] *************** Autotuning format combination: Float(200704,1,7168,256) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:16] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:16] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 861694390046228376 Time: 5.18411\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 1017870653102653567 Time: 4.86974\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5258189349241541167 Time: 5.0898\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5821621277990374316 Time: 4.91483\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5863767799113001648 Time: 5.42973\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -9147980667639709536 Time: 4.76073\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:16] [V] [TRT] Tactic: -8850904373104590857 Time: 5.00928\n", + "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: -7751035352149795660 Time: 4.82851\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: -3853827649136781465 Time: 4.95081\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: -3263369460438823196 Time: 5.1293\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: -423878181466897819 Time: 5.53322\n", + "[03/14/2023-21:27:17] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.76073\n", + "[03/14/2023-21:27:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:17] [V] [TRT] *************** Autotuning format combination: Half(200704,784,28,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 0 Time: 7.24836\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1 Time: 5.9822\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 56 Time: 7.65154\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:17] [V] [TRT] Fastest Tactic: 1 Time: 5.9822\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:17] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling\n", + "[03/14/2023-21:27:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:17] [V] [TRT] *************** Autotuning format combination: Half(100352,784:2,28,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1145226902788474763 Time: 2.20914\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1651411198763708804 Time: 2.9062\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:17] [V] [TRT] Tactic: 2418518597804310654 Time: 2.90498\n", + "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4318470497547290900 Time: 2.81898\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4653005425971292725 Time: 2.86113\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4930470141256631146 Time: 3.51212\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 8292881859266835088 Time: 3.57718\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: 8401509141903434922 Time: 2.85372\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -8654297089785671176 Time: 2.69216\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -7448936905981214224 Time: 3.34455\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -6004726995029373073 Time: 3.78375\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -5719726816705110014 Time: 2.69814\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -3754890472406891741 Time: 2.51519\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -3689982367035295496 Time: 2.47808\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -2894005464278291378 Time: 3.36112\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -2027588946874785071 Time: 3.56834\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -1968398013367819764 Time: 2.82559\n", + "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:27:18] [V] [TRT] Tactic: -245090590808296743 Time: 2.57878\n", + "[03/14/2023-21:27:18] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.20914\n", + "[03/14/2023-21:27:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:27:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:18] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:18] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 0 Time: 11.4159\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1 skipped. Scratch requested: 65407488, available: 16777216\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 56 Time: 11.4985\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:19] [V] [TRT] Fastest Tactic: 0 Time: 11.4159\n", + "[03/14/2023-21:27:19] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 46202665595848747 Time: 1.10613\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 239013563835492727 Time: 1.61373\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 385569945292539752 Time: 2.39901\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 671037109694951988 Time: 1.24064\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 833287959109025818 Time: 1.47474\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 864841579020773074 Time: 0.752764\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 912634305247603909 Time: 1.21153\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1013168150133367738 Time: 1.05178\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1014187170474222133 Time: 1.2295\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1067227531433278814 Time: 0.881108\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1554365048685552334 Time: 1.24122\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1579845938601132607 Time: 0.85092\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1796821236841789338 Time: 1.75454\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1837941418294761657 Time: 1.21755\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1948263663414159978 Time: 1.43807\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1989668371181446952 Time: 1.83085\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2027733232253711640 Time: 0.962012\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2148106709480872763 Time: 1.00557\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2154731107061273008 Time: 1.17954\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2410442691266548717 Time: 0.725628\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3464689803495983377 Time: 0.963408\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3636831327753843771 Time: 0.855772\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3745975654290680669 Time: 1.26101\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3754069740140581927 Time: 1.45865\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3784804427912340706 Time: 1.58254\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3823144360994712832 Time: 0.880064\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3919868136802676679 Time: 1.35122\n", + "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5263029549013613567 Time: 0.834104\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5506334059535811602 Time: 0.786344\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5635311898703673455 Time: 0.751884\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5786991692145244692 Time: 2.31848\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5848150552772236982 Time: 1.19635\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5925270497649423688 Time: 1.28091\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5932046018238429951 Time: 1.61756\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6103089697398018604 Time: 1.22826\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6195603576432354734 Time: 1.65681\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6252808259936499253 Time: 1.54732\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6408235920257988861 Time: 1.28837\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6623704051070449703 Time: 1.37428\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6680916730816870145 Time: 1.31587\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7114340626053367917 Time: 1.59053\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7158029511300006471 Time: 1.44833\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7612687199567064086 Time: 1.26576\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7729555994715864793 Time: 1.26295\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7844857443355818347 Time: 1.37872\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7849296535223586261 Time: 1.38402\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7859952145590271433 Time: 1.45984\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8219150286974756863 Time: 2.07068\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8283847742354150423 Time: 1.3616\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8455608235315878803 Time: 1.61859\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8668812313058150080 Time: 1.29485\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8992262742606384444 Time: 1.00237\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8750433364328295059 Time: 1.28248\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8682550625095202832 Time: 0.989088\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8392835332206231687 Time: 1.77698\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8254009616492665198 Time: 0.768604\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7615325597099025933 Time: 0.832276\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7594446953125532601 Time: 1.26043\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7345578023323941164 Time: 2.11192\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6828337260021572283 Time: 1.88922\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6711815420995272523 Time: 1.68904\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6636202818604544855 Time: 2.30506\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6489479581011009593 Time: 0.939464\n", + "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6320761427625651496 Time: 0.90954\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6273232454637933930 Time: 0.838048\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6080892721161662420 Time: 0.777096\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6032793021868796623 Time: 1.1938\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5818527483287834165 Time: 0.832496\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5710735840878760115 Time: 0.92626\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5589367647444470524 Time: 1.85126\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5546257196173962281 Time: 1.17739\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5198219374380660379 Time: 1.02578\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4954692664176521434 Time: 0.767708\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4627695383426341593 Time: 1.63449\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4534876761957424274 Time: 1.30054\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4142141368456048176 Time: 1.57069\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4116131327756252574 Time: 2.03052\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3968200906158272636 Time: 1.21621\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3784342055748695733 Time: 1.70926\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3425274793298557239 Time: 1.18469\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3271955096576257018 Time: 1.21236\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3237051169894153788 Time: 1.52448\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3136088851200285532 Time: 0.771308\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2871615028541756894 Time: 2.35607\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2751179716463646694 Time: 1.55925\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2634388175487609605 Time: 1.90983\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2586046817576862066 Time: 0.71486\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1708101578041178688 Time: 0.780016\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1586820571068855896 Time: 1.58119\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1020632631321619146 Time: 1.27072\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -907287437357565279 Time: 0.760308\n", + "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: -229563042944049199 Time: 0.739364\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.71486\n", + "[03/14/2023-21:27:21] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", + "[03/14/2023-21:27:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22958\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.280952\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22958\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 2.62225\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.203308\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.203308\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.233536\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.161916\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.161916\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.166296\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.161668\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.161668\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.334508\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.280236\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.280236\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22954\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.257584\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22954\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22908\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.276612\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22908\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.160576\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.1741\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.160576\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 2.32066\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.254292\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.254292\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.189172\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.241424\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.189172\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.19188\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.138012\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.138012\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.177268\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.122324\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.122324\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.306444\n", + "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.165252\n", + "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.165252\n", + "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.19872\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.203748\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.19872\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.351644\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.1311\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.1311\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.1357\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.117164\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.117164\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.293288\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.192368\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.192368\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.196964\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.178268\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.178268\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.289304\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.13622\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.13622\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.178876\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.121804\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.121804\n", + "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 4.33168\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1 Time: 3.35294\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 56 Time: 4.5544\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 57 Time: 3.32306\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 57 Time: 3.32306\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1754569683116234317 Time: 2.15222\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1825138533642645384 Time: 2.2508\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 2733356012094739613 Time: 4.43325\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 3915320020053085238 Time: 2.41336\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 6808617066150061604 Time: 2.57061\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: 9091006216302412844 Time: 2.6593\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: -8060443123034038864 Time: 2.71456\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: -4420849921117327522 Time: 4.25716\n", + "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:22] [V] [TRT] Tactic: -3946921629105938337 Time: 4.53742\n", + "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.15222\n", + "[03/14/2023-21:27:22] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:23] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 861694390046228376 Time: 2.52945\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5258189349241541167 Time: 2.42177\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5821621277990374316 Time: 2.4883\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5863767799113001648 Time: 3.173\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -9147980667639709536 Time: 2.31778\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8892196987859366827 Time: 2.28365\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8850904373104590857 Time: 2.35062\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8010679767156598961 Time: 3.15767\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -7751035352149795660 Time: 2.30284\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -5115676123557684531 Time: 2.4718\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -493597327599791285 Time: 2.26864\n", + "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: -423878181466897819 Time: 3.18248\n", + "[03/14/2023-21:27:23] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 2.26864\n", + "[03/14/2023-21:27:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285\n", + "[03/14/2023-21:27:23] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 0 Time: 3.70964\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 1 Time: 3.18565\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 2 Time: 4.33706\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:23] [V] [TRT] Tactic: 56 Time: 4.05456\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 58 Time: 4.3738\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 1 Time: 3.18565\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1651411198763708804 Time: 1.21512\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2418518597804310654 Time: 1.25323\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 4318470497547290900 Time: 1.32042\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 4930470141256631146 Time: 2.09607\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 8292881859266835088 Time: 2.13695\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 8401509141903434922 Time: 1.28762\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -8654297089785671176 Time: 1.43703\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -7516584506774355935 Time: 2.08596\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -7140760933967189247 Time: 1.28554\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -6004726995029373073 Time: 2.08191\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -5719726816705110014 Time: 1.36357\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -4097850214384059472 Time: 2.13158\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -3717489476759089008 Time: 1.27785\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -3689982367035295496 Time: 1.41717\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2640575123064142123 Time: 1.24813\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2534402059426524406 Time: 1.25373\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2027588946874785071 Time: 2.13698\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: -1968398013367819764 Time: 1.36678\n", + "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.21512\n", + "[03/14/2023-21:27:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 0 Time: 5.28838\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 56 Time: 5.3628\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 0 Time: 5.28838\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 83696452256923412 Time: 0.807152\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 106549059816437840 Time: 0.828976\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1179757074518529353 Time: 0.5673\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2105695814191699972 Time: 0.804812\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2148106709480872763 Time: 0.46682\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2410442691266548717 Time: 0.506512\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2511830168590723349 Time: 0.588884\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2634905271404611895 Time: 0.548152\n", + "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 2689212690707793357 Time: 0.632512\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 2798075085844016892 Time: 0.556904\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3041642431972138763 Time: 0.362136\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3091156937974993800 Time: 0.528304\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3199589679702517123 Time: 0.552324\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3754069740140581927 Time: 0.7511\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3932578551652369355 Time: 0.774484\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4149021101886580762 Time: 0.518148\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4555462412611657028 Time: 0.44184\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4749226340913476230 Time: 0.782448\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5483093640784800285 Time: 0.67192\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.794136\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.94592\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.759284\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.732544\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.797848\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.620344\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.839124\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.806672\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.789228\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.543044\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.536252\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.60018\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.74182\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.737648\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -9104099172933216230 Time: 1.11424\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.493652\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.915216\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.61956\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.620652\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8774805574135441656 Time: 0.715584\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.552656\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8520017388966620486 Time: 0.8318\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8487084252145372186 Time: 0.656408\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8391760416076885205 Time: 0.724256\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7990268040387498660 Time: 1.08006\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7849113095413980300 Time: 0.67402\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7533167286135592323 Time: 0.562948\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -6273232454637933930 Time: 0.64778\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5818527483287834165 Time: 0.630632\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5590418898350402100 Time: 0.766356\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5505475137955795830 Time: 0.424716\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5389631537202601150 Time: 0.69984\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5332866838585594777 Time: 0.586696\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5121883532434354186 Time: 0.43314\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5006039300385557796 Time: 0.526612\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4534876761957424274 Time: 0.786864\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4352168563838861262 Time: 0.455516\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4109084522508697633 Time: 0.554464\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -3237051169894153788 Time: 0.841592\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -3136088851200285532 Time: 0.40082\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2827934362840121038 Time: 0.901332\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2676138141351394855 Time: 1.13598\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2601537631049973288 Time: 0.427336\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2586046817576862066 Time: 0.521132\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2569977342077121032 Time: 0.760836\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2422160065350346448 Time: 0.806004\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2125188058121029448 Time: 0.707504\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2123887091022542343 Time: 0.611776\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -1838109259315759592 Time: 0.620512\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -1216445540764179377 Time: 0.505648\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -539379305772590030 Time: 1.10703\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -288413895057594820 Time: 0.49552\n", + "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:25] [V] [TRT] Tactic: -229563042944049199 Time: 0.405064\n", + "[03/14/2023-21:27:25] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.362136\n", + "[03/14/2023-21:27:25] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", + "[03/14/2023-21:27:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:25] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.9199\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.25854\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.9199\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 10.7864\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.787492\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.787492\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.936468\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.629776\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.629776\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.668796\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.626732\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.626732\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.32549\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.1568\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 1.1568\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.896692\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.14343\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.896692\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.882408\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.2569\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.882408\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.615012\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.75462\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.615012\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 10.7569\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.00748\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 1.00748\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.768584\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.01942\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.768584\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.76088\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.55708\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.55708\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.717912\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.4658\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.4658\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.20714\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.65476\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.65476\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.789512\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.856116\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.789512\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.51688\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.569912\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.569912\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.550224\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.45888\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.45888\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.15882\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.76766\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.76766\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.780536\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.702796\n", + "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.702796\n", + "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.16375\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 0.538708\n", + "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 0 Time: 0.538708\n", + "[03/14/2023-21:27:27] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1002 Time: 0.69658\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 0.482852\n", + "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 0 Time: 0.482852\n", + "[03/14/2023-21:27:27] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:27] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:27] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 10.256\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1 Time: 8.60157\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 56 Time: 10.4224\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 57 Time: 8.58838\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 57 Time: 8.58838\n", + "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16126\n", + "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1825138533642645384 Time: 6.33032\n", + "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:28] [V] [TRT] Tactic: 2733356012094739613 Time: 21.6773\n", + "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:28] [V] [TRT] Tactic: 3915320020053085238 Time: 6.19745\n", + "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:28] [V] [TRT] Tactic: 6808617066150061604 Time: 11.3962\n", + "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:28] [V] [TRT] Tactic: 9091006216302412844 Time: 11.4783\n", + "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: -8060443123034038864 Time: 11.4039\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: -4420849921117327522 Time: 21.0109\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: -3946921629105938337 Time: 21.616\n", + "[03/14/2023-21:27:29] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 6.16126\n", + "[03/14/2023-21:27:29] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling\n", + "[03/14/2023-21:27:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: 861694390046228376 Time: 4.43096\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: 5258189349241541167 Time: 5.26281\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:29] [V] [TRT] Tactic: 5821621277990374316 Time: 5.15294\n", + "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: 5863767799113001648 Time: 6.24576\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -9147980667639709536 Time: 4.5448\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8892196987859366827 Time: 4.68879\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8850904373104590857 Time: 4.8431\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8010679767156598961 Time: 6.11518\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -7751035352149795660 Time: 4.53776\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -5115676123557684531 Time: 4.80249\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -493597327599791285 Time: 4.66118\n", + "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:30] [V] [TRT] Tactic: -423878181466897819 Time: 6.2028\n", + "[03/14/2023-21:27:30] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.43096\n", + "[03/14/2023-21:27:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376\n", + "[03/14/2023-21:27:30] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:30] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 0 Time: 8.67031\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 1 Time: 16.1651\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 56 Time: 8.91692\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:31] [V] [TRT] Fastest Tactic: 0 Time: 8.67031\n", + "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:31] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling\n", + "[03/14/2023-21:27:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", + "[03/14/2023-21:27:31] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 1651411198763708804 Time: 7.34175\n", + "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 2418518597804310654 Time: 5.78413\n", + "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:31] [V] [TRT] Tactic: 4318470497547290900 Time: 7.3451\n", + "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: 4930470141256631146 Time: 14.0257\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: 8292881859266835088 Time: 10.8403\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: 8401509141903434922 Time: 5.78671\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: -8654297089785671176 Time: 3.00186\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: -7516584506774355935 Time: 13.969\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: -7140760933967189247 Time: 5.70382\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:32] [V] [TRT] Tactic: -6004726995029373073 Time: 14.03\n", + "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -5719726816705110014 Time: 3.6492\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -4097850214384059472 Time: 10.8119\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -3717489476759089008 Time: 7.24952\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -3689982367035295496 Time: 3.01489\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2640575123064142123 Time: 3.90024\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2534402059426524406 Time: 3.25045\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2027588946874785071 Time: 10.8604\n", + "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:33] [V] [TRT] Tactic: -1968398013367819764 Time: 3.64812\n", + "[03/14/2023-21:27:33] [V] [TRT] Fastest Tactic: -8654297089785671176 Time: 3.00186\n", + "[03/14/2023-21:27:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:33] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:33] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 0 Time: 11.3234\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1 skipped. Scratch requested: 155194880, available: 16777216\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 56 Time: 11.4147\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216\n", + "[03/14/2023-21:27:34] [V] [TRT] Fastest Tactic: 0 Time: 11.3234\n", + "[03/14/2023-21:27:34] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 385569945292539752 Time: 2.08585\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 833287959109025818 Time: 1.81626\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1013168150133367738 Time: 1.01789\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1067227531433278814 Time: 0.977328\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1179757074518529353 Time: 1.12077\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1554365048685552334 Time: 1.32817\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1579845938601132607 Time: 0.928916\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1796821236841789338 Time: 1.78944\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1948263663414159978 Time: 1.53496\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1989668371181446952 Time: 1.87584\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2027733232253711640 Time: 1.11831\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2105695814191699972 Time: 1.6991\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2148106709480872763 Time: 1.05064\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2410442691266548717 Time: 0.976044\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2511830168590723349 Time: 1.04586\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2798075085844016892 Time: 1.1578\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3041642431972138763 Time: 0.861512\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3745975654290680669 Time: 1.38539\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3754069740140581927 Time: 1.6714\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3784804427912340706 Time: 1.47163\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3919868136802676679 Time: 1.19902\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4149021101886580762 Time: 1.19442\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4555462412611657028 Time: 1.08832\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4749226340913476230 Time: 1.74955\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 5483093640784800285 Time: 1.54105\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:34] [V] [TRT] Tactic: 5666160310350604399 Time: 1.716\n", + "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5848150552772236982 Time: 1.2459\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5900614001783877430 Time: 1.82894\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5925270497649423688 Time: 1.46348\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5999406432703271895 Time: 1.44396\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6103089697398018604 Time: 1.32717\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6195603576432354734 Time: 1.61622\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6408235920257988861 Time: 1.30004\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6623704051070449703 Time: 1.41946\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6680916730816870145 Time: 1.65848\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55902\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7158029511300006471 Time: 1.71584\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7612687199567064086 Time: 1.15562\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7729555994715864793 Time: 1.19568\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7844857443355818347 Time: 1.24287\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7859952145590271433 Time: 1.54286\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8283847742354150423 Time: 1.65546\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8455608235315878803 Time: 1.75168\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8668812313058150080 Time: 1.33911\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8992262742606384444 Time: 1.08977\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8952042869709043207 Time: 1.29376\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17714\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8774805574135441656 Time: 1.34494\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8750433364328295059 Time: 1.3067\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8749513212655756001 Time: 1.01081\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8520017388966620486 Time: 1.7282\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8487084252145372186 Time: 1.35687\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8392835332206231687 Time: 1.61481\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45276\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8254009616492665198 Time: 1.01082\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7849113095413980300 Time: 1.33658\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7615325597099025933 Time: 1.01442\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7594446953125532601 Time: 1.36936\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7533167286135592323 Time: 1.04579\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7345578023323941164 Time: 2.1493\n", + "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:27:35] [V] [TRT] Tactic: -6828337260021572283 Time: 2.02501\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6711815420995272523 Time: 1.73803\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6636202818604544855 Time: 2.3332\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6489479581011009593 Time: 1.10392\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15811\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6080892721161662420 Time: 0.84602\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5818527483287834165 Time: 1.15444\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5710735840878760115 Time: 1.03452\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5589367647444470524 Time: 1.78889\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5198219374380660379 Time: 1.08958\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5121883532434354186 Time: 0.93012\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5006039300385557796 Time: 1.04397\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4627695383426341593 Time: 1.57866\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4534876761957424274 Time: 1.51838\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4352168563838861262 Time: 0.858084\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4116131327756252574 Time: 1.97878\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4109084522508697633 Time: 1.01153\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3968200906158272636 Time: 1.35221\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3425274793298557239 Time: 1.14552\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3271955096576257018 Time: 1.16526\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3237051169894153788 Time: 1.74762\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3136088851200285532 Time: 0.857652\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2871615028541756894 Time: 2.17135\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2827934362840121038 Time: 1.66672\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2676138141351394855 Time: 2.31267\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2586046817576862066 Time: 0.991468\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2569977342077121032 Time: 1.45537\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2422160065350346448 Time: 1.54196\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1838109259315759592 Time: 1.20507\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1708101578041178688 Time: 1.03248\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1586820571068855896 Time: 1.53841\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1216445540764179377 Time: 1.00154\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1020632631321619146 Time: 1.38666\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -907287437357565279 Time: 1.0158\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -539379305772590030 Time: 2.09696\n", + "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: -229563042944049199 Time: 0.87944\n", + "[03/14/2023-21:27:36] [V] [TRT] Fastest Tactic: -6080892721161662420 Time: 0.84602\n", + "[03/14/2023-21:27:36] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling\n", + "[03/14/2023-21:27:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:36] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:36] [V] [TRT] Tactic: 1002 Time: 0.91958\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.28454\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.91958\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 11.0014\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.78726\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.78726\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.936968\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.631388\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.631388\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.669212\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.626756\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.626756\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.32433\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.17729\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 1.17729\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.897072\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.129\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.897072\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.884016\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.2599\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.884016\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.614484\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.794536\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.614484\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 10.9785\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.00794\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 1.00794\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.769848\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.02016\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.769848\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.760524\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.552516\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.552516\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.720156\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.464716\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.464716\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.20727\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.657724\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.657724\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.791828\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.856336\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.791828\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.51473\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.552796\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.552796\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.545124\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.455608\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.455608\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.16279\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.768408\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.768408\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.781012\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.706508\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.706508\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.17135\n", + "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.53864\n", + "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.53864\n", + "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1002 Time: 0.696996\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 0 Time: 0.482784\n", + "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 0 Time: 0.482784\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 0 Time: 3.44829\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20723712, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 56 Time: 3.64564\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20723712, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 0 Time: 3.44829\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1754569683116234317 Time: 1.9131\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1825138533642645384 Time: 2.11537\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 2733356012094739613 Time: 4.01221\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 3915320020053085238 Time: 2.32255\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 6808617066150061604 Time: 2.46608\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 9091006216302412844 Time: 2.46988\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: -8060443123034038864 Time: 2.55578\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: -4420849921117327522 Time: 3.79756\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: -3946921629105938337 Time: 4.09171\n", + "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.9131\n", + "[03/14/2023-21:27:38] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 861694390046228376 Time: 2.31648\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5258189349241541167 Time: 2.41819\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5821621277990374316 Time: 2.29666\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5863767799113001648 Time: 2.64553\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:38] [V] [TRT] Tactic: -9147980667639709536 Time: 2.12199\n", + "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8892196987859366827 Time: 2.19052\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8850904373104590857 Time: 2.4243\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8010679767156598961 Time: 2.6715\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7751035352149795660 Time: 2.21076\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -5115676123557684531 Time: 2.46195\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -493597327599791285 Time: 2.36172\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -423878181466897819 Time: 2.64698\n", + "[03/14/2023-21:27:39] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.12199\n", + "[03/14/2023-21:27:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 0 Time: 3.25261\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 1 Time: 2.71618\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 56 Time: 3.62754\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:39] [V] [TRT] Fastest Tactic: 1 Time: 2.71618\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 1651411198763708804 Time: 1.0792\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 2418518597804310654 Time: 1.08666\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4318470497547290900 Time: 1.20816\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4930470141256631146 Time: 1.8547\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 8292881859266835088 Time: 1.8783\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: 8401509141903434922 Time: 1.29809\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8654297089785671176 Time: 1.21856\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7516584506774355935 Time: 1.9518\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7140760933967189247 Time: 1.20345\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -6004726995029373073 Time: 1.86577\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -5719726816705110014 Time: 1.18707\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -4097850214384059472 Time: 1.91444\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:39] [V] [TRT] Tactic: -3717489476759089008 Time: 1.19569\n", + "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -3689982367035295496 Time: 1.2084\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2640575123064142123 Time: 1.1552\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2534402059426524406 Time: 1.15409\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88887\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -1968398013367819764 Time: 1.20356\n", + "[03/14/2023-21:27:40] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.0792\n", + "[03/14/2023-21:27:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:40] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 0 Time: 4.7753\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64752128, available: 16777216\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 56 Time: 4.90779\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:40] [V] [TRT] Fastest Tactic: 0 Time: 4.7753\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 83696452256923412 Time: 0.73678\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 106549059816437840 Time: 0.665968\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 1179757074518529353 Time: 0.43672\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2105695814191699972 Time: 0.685616\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2148106709480872763 Time: 0.455124\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2410442691266548717 Time: 0.383404\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2511830168590723349 Time: 0.44988\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2634905271404611895 Time: 0.534916\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2689212690707793357 Time: 0.55868\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2798075085844016892 Time: 0.547604\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3041642431972138763 Time: 0.37766\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3091156937974993800 Time: 0.543236\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3199589679702517123 Time: 0.462784\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3754069740140581927 Time: 0.74766\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3932578551652369355 Time: 0.80496\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4149021101886580762 Time: 0.5424\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4555462412611657028 Time: 0.458696\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4749226340913476230 Time: 0.78352\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5483093640784800285 Time: 0.699348\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5666160310350604399 Time: 0.707548\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5900614001783877430 Time: 0.863584\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5925270497649423688 Time: 0.60544\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5999406432703271895 Time: 0.709752\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 6680916730816870145 Time: 0.624388\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7107292614492808590 Time: 0.56664\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7158029511300006471 Time: 0.68668\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7859952145590271433 Time: 0.592212\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8283847742354150423 Time: 0.68452\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8468288610222482742 Time: 0.465744\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8620567263556985011 Time: 0.466984\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8642279798680442080 Time: 0.514904\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8980274178270132023 Time: 0.674124\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: 9108067304506990859 Time: 0.6928\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -9104099172933216230 Time: 0.959168\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8992262742606384444 Time: 0.447724\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8956720569082607796 Time: 0.854384\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8952042869709043207 Time: 0.604\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8898856569474934280 Time: 0.538952\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8774805574135441656 Time: 0.565436\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8749513212655756001 Time: 0.470684\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8520017388966620486 Time: 0.78768\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8487084252145372186 Time: 0.567484\n", + "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -8391760416076885205 Time: 0.588196\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7990268040387498660 Time: 1.0377\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7849113095413980300 Time: 0.591488\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7533167286135592323 Time: 0.561524\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -6273232454637933930 Time: 0.455048\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5818527483287834165 Time: 0.44582\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5590418898350402100 Time: 0.704128\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5505475137955795830 Time: 0.392036\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5389631537202601150 Time: 0.577308\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5332866838585594777 Time: 0.557224\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5121883532434354186 Time: 0.488308\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5006039300385557796 Time: 0.515204\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4534876761957424274 Time: 0.627236\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4352168563838861262 Time: 0.401604\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4109084522508697633 Time: 0.472572\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -3237051169894153788 Time: 0.70958\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -3136088851200285532 Time: 0.385108\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2827934362840121038 Time: 0.7486\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2676138141351394855 Time: 1.04535\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2601537631049973288 Time: 0.482548\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2586046817576862066 Time: 0.393088\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2569977342077121032 Time: 0.69002\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2422160065350346448 Time: 0.619692\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2125188058121029448 Time: 0.543328\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2123887091022542343 Time: 0.587212\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -1838109259315759592 Time: 0.538324\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -1216445540764179377 Time: 0.394544\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -539379305772590030 Time: 0.966244\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -288413895057594820 Time: 0.502812\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: -229563042944049199 Time: 0.383052\n", + "[03/14/2023-21:27:41] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.37766\n", + "[03/14/2023-21:27:41] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", + "[03/14/2023-21:27:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 0 Time: 7.29074\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20777472, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 6 Time: 4.11342\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 56 Time: 8.13078\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20777472, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:41] [V] [TRT] Tactic: 62 Time: 4.08758\n", + "[03/14/2023-21:27:41] [V] [TRT] Fastest Tactic: 62 Time: 4.08758\n", + "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:41] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 1825138533642645384 Time: 4.70493\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 2775507031594384867 Time: 4.03184\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 2842488832350522458 Time: 4.84664\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 3915320020053085238 Time: 4.70686\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 6448355332020552203 Time: 4.84312\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 6808617066150061604 Time: 4.95476\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: -8060443123034038864 Time: 5.10379\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: -4420849921117327522 Time: 6.95978\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: -3946921629105938337 Time: 6.15399\n", + "[03/14/2023-21:27:42] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.03184\n", + "[03/14/2023-21:27:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", + "[03/14/2023-21:27:42] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:42] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:42] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:42] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 861694390046228376 Time: 4.76917\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:27:42] [V] [TRT] Tactic: 1017870653102653567 Time: 4.67556\n", + "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5258189349241541167 Time: 4.89284\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5821621277990374316 Time: 4.61819\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5863767799113001648 Time: 5.29196\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -9147980667639709536 Time: 4.55828\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -8850904373104590857 Time: 4.93142\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -7751035352149795660 Time: 4.58324\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -3853827649136781465 Time: 4.67386\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -3263369460438823196 Time: 4.90827\n", + "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: -423878181466897819 Time: 5.38684\n", + "[03/14/2023-21:27:43] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.55828\n", + "[03/14/2023-21:27:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:43] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:43] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:43] [V] [TRT] Tactic: 0 Time: 7.03663\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1 Time: 5.36294\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 56 Time: 7.27376\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216\n", + "[03/14/2023-21:27:44] [V] [TRT] Fastest Tactic: 1 Time: 5.36294\n", + "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:44] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:44] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling\n", + "[03/14/2023-21:27:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:44] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:44] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1145226902788474763 Time: 2.16571\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1651411198763708804 Time: 2.77329\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 2418518597804310654 Time: 2.6906\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4318470497547290900 Time: 2.62294\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4653005425971292725 Time: 2.67876\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4930470141256631146 Time: 3.02971\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 8292881859266835088 Time: 3.16214\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: 8401509141903434922 Time: 2.68726\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -8654297089785671176 Time: 2.55981\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -7448936905981214224 Time: 3.03929\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -6004726995029373073 Time: 2.89594\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -5719726816705110014 Time: 2.51666\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3754890472406891741 Time: 2.57089\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3689982367035295496 Time: 2.49581\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", + "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3140347171730126532 Time: 2.027\n", + "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: -2894005464278291378 Time: 2.83959\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: -2027588946874785071 Time: 3.01504\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: -1968398013367819764 Time: 2.93319\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: -245090590808296743 Time: 2.58795\n", + "[03/14/2023-21:27:45] [V] [TRT] Fastest Tactic: -3140347171730126532 Time: 2.027\n", + "[03/14/2023-21:27:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3140347171730126532\n", + "[03/14/2023-21:27:45] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:45] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 0 Time: 10.222\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1 skipped. Scratch requested: 26872320, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 56 Time: 10.2494\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216\n", + "[03/14/2023-21:27:45] [V] [TRT] Fastest Tactic: 0 Time: 10.222\n", + "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 46202665595848747 Time: 1.02174\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 239013563835492727 Time: 1.51\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 385569945292539752 Time: 2.30436\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 671037109694951988 Time: 1.15781\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 833287959109025818 Time: 1.33274\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 864841579020773074 Time: 0.664988\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 912634305247603909 Time: 1.12245\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1013168150133367738 Time: 0.888488\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14983\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1067227531433278814 Time: 0.778124\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1554365048685552334 Time: 1.17913\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1579845938601132607 Time: 0.753724\n", + "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1796821236841789338 Time: 1.66949\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1837941418294761657 Time: 1.15567\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1948263663414159978 Time: 1.34183\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1989668371181446952 Time: 1.69292\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2027733232253711640 Time: 0.846576\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2148106709480872763 Time: 0.864664\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2154731107061273008 Time: 1.1006\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2410442691266548717 Time: 0.660004\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3464689803495983377 Time: 0.848256\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3636831327753843771 Time: 0.749564\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3745975654290680669 Time: 1.183\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3754069740140581927 Time: 1.31847\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3784804427912340706 Time: 1.47599\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3823144360994712832 Time: 0.763452\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3919868136802676679 Time: 1.15885\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5263029549013613567 Time: 0.68098\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5506334059535811602 Time: 0.667836\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5635311898703673455 Time: 0.672904\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5786991692145244692 Time: 2.26509\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5848150552772236982 Time: 1.17226\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5925270497649423688 Time: 1.16248\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5932046018238429951 Time: 1.45362\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6103089697398018604 Time: 1.16576\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6195603576432354734 Time: 1.5014\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6252808259936499253 Time: 1.4127\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6408235920257988861 Time: 1.20643\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6623704051070449703 Time: 1.29608\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6680916730816870145 Time: 1.33349\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7114340626053367917 Time: 1.52829\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7158029511300006471 Time: 1.28395\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7612687199567064086 Time: 1.13405\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7729555994715864793 Time: 1.1146\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7844857443355818347 Time: 1.15594\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7849296535223586261 Time: 1.17847\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7859952145590271433 Time: 1.29449\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8219150286974756863 Time: 1.95781\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8283847742354150423 Time: 1.30033\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8455608235315878803 Time: 1.57534\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8668812313058150080 Time: 1.28598\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: -8992262742606384444 Time: 0.920436\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:27:46] [V] [TRT] Tactic: -8750433364328295059 Time: 1.21914\n", + "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8682550625095202832 Time: 0.89254\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8392835332206231687 Time: 1.7085\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8254009616492665198 Time: 0.713324\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7615325597099025933 Time: 0.728212\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7594446953125532601 Time: 1.13632\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7345578023323941164 Time: 1.94267\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6828337260021572283 Time: 1.74472\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6711815420995272523 Time: 1.53732\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6636202818604544855 Time: 2.11446\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6489479581011009593 Time: 0.86068\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6320761427625651496 Time: 0.826856\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6273232454637933930 Time: 0.76856\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6080892721161662420 Time: 0.690432\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6032793021868796623 Time: 1.15916\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5818527483287834165 Time: 0.75198\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5710735840878760115 Time: 0.785712\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5589367647444470524 Time: 1.78074\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5546257196173962281 Time: 1.07922\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5198219374380660379 Time: 0.852516\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4954692664176521434 Time: 0.679968\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4627695383426341593 Time: 1.4958\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4534876761957424274 Time: 1.17158\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4142141368456048176 Time: 1.44631\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4116131327756252574 Time: 1.86934\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3968200906158272636 Time: 1.17586\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3784342055748695733 Time: 1.65344\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3425274793298557239 Time: 1.09023\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3271955096576257018 Time: 1.1035\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3237051169894153788 Time: 1.3053\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3136088851200285532 Time: 0.657324\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2871615028541756894 Time: 2.12178\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2751179716463646694 Time: 1.45417\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2634388175487609605 Time: 1.77961\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2586046817576862066 Time: 0.656252\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1708101578041178688 Time: 0.69344\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1586820571068855896 Time: 1.5314\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1020632631321619146 Time: 1.17962\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -907287437357565279 Time: 0.688848\n", + "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:47] [V] [TRT] Tactic: -229563042944049199 Time: 0.672872\n", + "[03/14/2023-21:27:47] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.656252\n", + "[03/14/2023-21:27:47] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling\n", + "[03/14/2023-21:27:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:47] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 0 Time: 6.7782\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1 Time: 5.38725\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 56 Time: 6.83429\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 57 Time: 5.37672\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:48] [V] [TRT] Fastest Tactic: 57 Time: 5.37672\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1754569683116234317 Time: 2.60479\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1825138533642645384 Time: 2.68982\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08146\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 3915320020053085238 Time: 2.66005\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 6808617066150061604 Time: 2.99429\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 9091006216302412844 Time: 3.05313\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: -8060443123034038864 Time: 3.07859\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: -4420849921117327522 Time: 4.79393\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: -3946921629105938337 Time: 5.17054\n", + "[03/14/2023-21:27:48] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.60479\n", + "[03/14/2023-21:27:48] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:48] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:48] [V] [TRT] Tactic: 861694390046228376 Time: 2.53878\n", + "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5258189349241541167 Time: 2.5939\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5821621277990374316 Time: 2.64218\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5863767799113001648 Time: 3.8407\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -9147980667639709536 Time: 2.45502\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8892196987859366827 Time: 2.53402\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8850904373104590857 Time: 2.5318\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8010679767156598961 Time: 3.82342\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -7751035352149795660 Time: 2.45689\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -5115676123557684531 Time: 2.59421\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -493597327599791285 Time: 2.48092\n", + "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: -423878181466897819 Time: 3.88806\n", + "[03/14/2023-21:27:49] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.45502\n", + "[03/14/2023-21:27:49] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:49] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:49] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 0 Time: 5.28702\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 1 Time: 4.45716\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 2 Time: 5.62684\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:49] [V] [TRT] Tactic: 56 Time: 5.57068\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 58 Time: 5.53874\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: 1 Time: 4.45716\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", + "[03/14/2023-21:27:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1651411198763708804 Time: 1.45914\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2418518597804310654 Time: 1.50268\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 4318470497547290900 Time: 1.57712\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 4930470141256631146 Time: 2.39264\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 8292881859266835088 Time: 2.44547\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 8401509141903434922 Time: 1.53249\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -8654297089785671176 Time: 1.56293\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -7516584506774355935 Time: 2.38414\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -7140760933967189247 Time: 1.49449\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -6004726995029373073 Time: 2.38115\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -5719726816705110014 Time: 1.48469\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -4097850214384059472 Time: 2.44066\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -3717489476759089008 Time: 1.46596\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -3689982367035295496 Time: 1.4893\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2640575123064142123 Time: 1.35715\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2534402059426524406 Time: 1.35764\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2027588946874785071 Time: 2.44684\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: -1968398013367819764 Time: 1.53202\n", + "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.35715\n", + "[03/14/2023-21:27:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 0 Time: 7.00073\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 56 Time: 6.96336\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: 56 Time: 6.96336\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 83696452256923412 Time: 0.886108\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 106549059816437840 Time: 0.928792\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1179757074518529353 Time: 0.72442\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2105695814191699972 Time: 1.04258\n", + "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2148106709480872763 Time: 0.61604\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2410442691266548717 Time: 0.720084\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2511830168590723349 Time: 0.641928\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2634905271404611895 Time: 0.580428\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2689212690707793357 Time: 0.837096\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2798075085844016892 Time: 0.658008\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3041642431972138763 Time: 0.610908\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3091156937974993800 Time: 0.648548\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3199589679702517123 Time: 0.684068\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3754069740140581927 Time: 0.969144\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3932578551652369355 Time: 0.88636\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4149021101886580762 Time: 0.6063\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4555462412611657028 Time: 0.61304\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4749226340913476230 Time: 1.01446\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5483093640784800285 Time: 0.838024\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5666160310350604399 Time: 0.98014\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5900614001783877430 Time: 0.979652\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5925270497649423688 Time: 0.951736\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5999406432703271895 Time: 0.763456\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 6680916730816870145 Time: 0.923892\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7107292614492808590 Time: 0.658864\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7158029511300006471 Time: 1.01507\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7859952145590271433 Time: 0.907776\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8283847742354150423 Time: 0.92\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8468288610222482742 Time: 0.723992\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8620567263556985011 Time: 0.721072\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8642279798680442080 Time: 0.615108\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8980274178270132023 Time: 0.78434\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: 9108067304506990859 Time: 0.77074\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -9104099172933216230 Time: 1.18786\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8992262742606384444 Time: 0.665704\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8956720569082607796 Time: 1.0324\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8952042869709043207 Time: 0.724772\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8898856569474934280 Time: 0.710664\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8774805574135441656 Time: 0.84016\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8749513212655756001 Time: 0.73464\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8520017388966620486 Time: 0.887628\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8487084252145372186 Time: 0.837556\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8391760416076885205 Time: 0.951252\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7990268040387498660 Time: 1.11708\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7849113095413980300 Time: 0.86216\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7533167286135592323 Time: 0.605532\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -6273232454637933930 Time: 0.74324\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5818527483287834165 Time: 0.751392\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5590418898350402100 Time: 0.78918\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5505475137955795830 Time: 0.526952\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5389631537202601150 Time: 0.918912\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5332866838585594777 Time: 0.5997\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5121883532434354186 Time: 0.5491\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5006039300385557796 Time: 0.60832\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4534876761957424274 Time: 0.99248\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4352168563838861262 Time: 0.533424\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4109084522508697633 Time: 0.713596\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -3237051169894153788 Time: 1.00873\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -3136088851200285532 Time: 0.625964\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -2827934362840121038 Time: 0.890276\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:51] [V] [TRT] Tactic: -2676138141351394855 Time: 1.16678\n", + "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2601537631049973288 Time: 0.549652\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2586046817576862066 Time: 0.75226\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2569977342077121032 Time: 0.829232\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2422160065350346448 Time: 0.9316\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2125188058121029448 Time: 0.781932\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2123887091022542343 Time: 0.676672\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -1838109259315759592 Time: 0.65152\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -1216445540764179377 Time: 0.735832\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -539379305772590030 Time: 1.18036\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -288413895057594820 Time: 0.618404\n", + "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: -229563042944049199 Time: 0.621264\n", + "[03/14/2023-21:27:52] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 0.526952\n", + "[03/14/2023-21:27:52] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", + "[03/14/2023-21:27:52] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CublasConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CublasConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CublasConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CudnnConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CaskConvolution)\r\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CublasConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CaskConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 0 Time: 7.32004\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 1 Time: 5.09163\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216\n", + "[03/14/2023-21:27:52] [V] [TRT] Tactic: 56 Time: 7.6905\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 57 Time: 5.20313\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216\n", + "[03/14/2023-21:27:53] [V] [TRT] Fastest Tactic: 1 Time: 5.09163\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 1754569683116234317 Time: 4.07314\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 1825138533642645384 Time: 4.53392\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 2733356012094739613 Time: 8.12179\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 3915320020053085238 Time: 4.70394\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 6808617066150061604 Time: 5.07384\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: 9091006216302412844 Time: 5.0079\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: -8060443123034038864 Time: 5.29493\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: -4420849921117327522 Time: 7.65894\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:27:53] [V] [TRT] Tactic: -3946921629105938337 Time: 8.23913\n", + "[03/14/2023-21:27:53] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.07314\n", + "[03/14/2023-21:27:53] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling\n", + "[03/14/2023-21:27:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:27:53] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: 861694390046228376 Time: 4.61568\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5258189349241541167 Time: 4.68694\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5821621277990374316 Time: 4.62898\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5863767799113001648 Time: 5.18788\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -9147980667639709536 Time: 4.29448\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8892196987859366827 Time: 4.38434\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8850904373104590857 Time: 4.69181\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8010679767156598961 Time: 5.09774\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -7751035352149795660 Time: 4.33382\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -5115676123557684531 Time: 4.55423\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -493597327599791285 Time: 4.44888\n", + "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:27:54] [V] [TRT] Tactic: -423878181466897819 Time: 5.23105\n", + "[03/14/2023-21:27:54] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.29448\n", + "[03/14/2023-21:27:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:27:54] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 0 Time: 6.93034\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 1 Time: 5.4689\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 56 Time: 7.4906\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216\n", + "[03/14/2023-21:27:55] [V] [TRT] Fastest Tactic: 1 Time: 5.4689\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling\n", + "[03/14/2023-21:27:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:27:55] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 1651411198763708804 Time: 2.06346\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 2418518597804310654 Time: 2.94045\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4318470497547290900 Time: 2.78667\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4930470141256631146 Time: 3.80528\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 8292881859266835088 Time: 3.82994\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: 8401509141903434922 Time: 2.67526\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: -8654297089785671176 Time: 2.52124\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: -7516584506774355935 Time: 3.91849\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:27:55] [V] [TRT] Tactic: -7140760933967189247 Time: 2.68474\n", + "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -6004726995029373073 Time: 3.81678\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -5719726816705110014 Time: 2.55646\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -4097850214384059472 Time: 3.8804\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -3717489476759089008 Time: 2.49708\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -3689982367035295496 Time: 2.61412\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2640575123064142123 Time: 2.37975\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2534402059426524406 Time: 2.32536\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2027588946874785071 Time: 3.85626\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: -1968398013367819764 Time: 2.51582\n", + "[03/14/2023-21:27:56] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.06346\n", + "[03/14/2023-21:27:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:27:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 0 Time: 10.0588\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 78122496, available: 16777216\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 56 Time: 10.0608\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216\n", + "[03/14/2023-21:27:56] [V] [TRT] Fastest Tactic: 0 Time: 10.0588\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 83696452256923412 Time: 1.38458\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 106549059816437840 Time: 1.41377\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:27:56] [V] [TRT] Tactic: 1179757074518529353 Time: 0.861732\n", + "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2105695814191699972 Time: 1.44226\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2148106709480872763 Time: 0.869072\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2410442691266548717 Time: 0.689744\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2511830168590723349 Time: 0.913796\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2634905271404611895 Time: 1.06948\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2689212690707793357 Time: 1.15134\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2798075085844016892 Time: 1.09458\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3041642431972138763 Time: 0.657196\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3091156937974993800 Time: 1.07879\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3199589679702517123 Time: 0.899508\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3754069740140581927 Time: 1.41267\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3932578551652369355 Time: 1.6\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4149021101886580762 Time: 1.07146\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4555462412611657028 Time: 0.856776\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4749226340913476230 Time: 1.61722\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5483093640784800285 Time: 1.43499\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5666160310350604399 Time: 1.33515\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5900614001783877430 Time: 1.69715\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5925270497649423688 Time: 1.18569\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5999406432703271895 Time: 1.42838\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29689\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7107292614492808590 Time: 1.16041\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7158029511300006471 Time: 1.40671\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7859952145590271433 Time: 1.27106\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8283847742354150423 Time: 1.37864\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8468288610222482742 Time: 0.775972\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8620567263556985011 Time: 0.798044\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8642279798680442080 Time: 1.1173\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8980274178270132023 Time: 1.43027\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: 9108067304506990859 Time: 1.4313\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -9104099172933216230 Time: 2.02912\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8992262742606384444 Time: 0.8695\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8956720569082607796 Time: 1.79932\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8952042869709043207 Time: 1.15083\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8898856569474934280 Time: 1.10996\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8774805574135441656 Time: 1.18458\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8749513212655756001 Time: 0.803744\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8520017388966620486 Time: 1.62027\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8487084252145372186 Time: 1.11394\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8391760416076885205 Time: 1.1375\n", + "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7990268040387498660 Time: 2.06404\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7849113095413980300 Time: 1.0956\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7533167286135592323 Time: 1.04058\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -6273232454637933930 Time: 0.851528\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5818527483287834165 Time: 0.843872\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5590418898350402100 Time: 1.45715\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5505475137955795830 Time: 0.705064\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5389631537202601150 Time: 1.13388\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5332866838585594777 Time: 1.06662\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5121883532434354186 Time: 0.774492\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5006039300385557796 Time: 0.917348\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4534876761957424274 Time: 1.24594\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4352168563838861262 Time: 0.731344\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4109084522508697633 Time: 0.809124\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -3237051169894153788 Time: 1.35648\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -3136088851200285532 Time: 0.642624\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2827934362840121038 Time: 1.4359\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2676138141351394855 Time: 2.08636\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2601537631049973288 Time: 0.773076\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2586046817576862066 Time: 0.687704\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2569977342077121032 Time: 1.39307\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2422160065350346448 Time: 1.26246\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2125188058121029448 Time: 1.18242\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2123887091022542343 Time: 1.14681\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -1838109259315759592 Time: 1.17478\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -1216445540764179377 Time: 0.712832\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -539379305772590030 Time: 2.00677\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -288413895057594820 Time: 0.879612\n", + "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: -229563042944049199 Time: 0.711368\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.642624\n", + "[03/14/2023-21:27:58] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling\n", + "[03/14/2023-21:27:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.45432\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.629708\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.45432\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 5.46931\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.398064\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.398064\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.464352\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.317456\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.317456\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.331608\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.316348\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.316348\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.66332\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.561084\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.561084\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.452096\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.510928\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.452096\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.44676\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.57574\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.44676\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.313516\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.351016\n", + "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.313516\n", + "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 4.90214\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.503896\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.503896\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.375112\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.500324\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.375112\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.379588\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.27612\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.27612\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.353476\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.236488\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.236488\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.605968\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.329592\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.329592\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.388616\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.413492\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.388616\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.722016\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.265392\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.265392\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(12544,1:8,896,64) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.270412\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.230252\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.230252\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.582964\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.385872\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.385872\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,1,7168,512) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.390084\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.353288\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.353288\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(100352,196,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.566276\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.271384\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.271384\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(50176,196:2,14,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.350004\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.2428\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.2428\n", + "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning format combination: Float(100352,196,14,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution)\n", + "[03/14/2023-21:27:59] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:27:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 7.74612\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 66544128, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 56 Time: 7.8814\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 57 skipped. Scratch requested: 66544128, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 7.74612\n", + "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1825138533642645384 Time: 4.2295\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 2842488832350522458 Time: 5.34261\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 3915320020053085238 Time: 4.82215\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:27:59] [V] [TRT] Tactic: 6448355332020552203 Time: 4.85205\n", + "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 6808617066150061604 Time: 5.32218\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: -8060443123034038864 Time: 5.7266\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: -4420849921117327522 Time: 8.4602\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: -3946921629105938337 Time: 7.87141\n", + "[03/14/2023-21:28:00] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.2295\n", + "[03/14/2023-21:28:00] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling\n", + "[03/14/2023-21:28:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:00] [V] [TRT] *************** Autotuning format combination: Float(100352,1,7168,512) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:00] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:00] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:00] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 861694390046228376 Time: 5.02945\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 1017870653102653567 Time: 4.82654\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5258189349241541167 Time: 5.0426\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5821621277990374316 Time: 4.8364\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5863767799113001648 Time: 5.35881\n", + "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -9147980667639709536 Time: 4.60907\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -8850904373104590857 Time: 5.11822\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -7751035352149795660 Time: 4.75957\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -3853827649136781465 Time: 4.79651\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -3263369460438823196 Time: 4.99725\n", + "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: -423878181466897819 Time: 5.43002\n", + "[03/14/2023-21:28:01] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.60907\n", + "[03/14/2023-21:28:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:01] [V] [TRT] *************** Autotuning format combination: Half(100352,196,14,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 0 Time: 7.26055\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 1 Time: 6.0078\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 56 Time: 7.72977\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216\n", + "[03/14/2023-21:28:01] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:01] [V] [TRT] Fastest Tactic: 1 Time: 6.0078\n", + "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:01] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:01] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling\n", + "[03/14/2023-21:28:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:01] [V] [TRT] *************** Autotuning format combination: Half(50176,196:2,14,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:01] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:02] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:02] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:02] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 1145226902788474763 Time: 2.23118\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 1651411198763708804 Time: 2.91315\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 2418518597804310654 Time: 2.78732\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4318470497547290900 Time: 2.84844\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4653005425971292725 Time: 2.86252\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4930470141256631146 Time: 3.6804\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 8292881859266835088 Time: 3.78844\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: 8401509141903434922 Time: 2.94822\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -8654297089785671176 Time: 2.59144\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -7448936905981214224 Time: 3.53554\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -6004726995029373073 Time: 3.74688\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -5719726816705110014 Time: 2.58678\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -3754890472406891741 Time: 2.57763\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -3689982367035295496 Time: 2.35897\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -2894005464278291378 Time: 3.6689\n", + "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:02] [V] [TRT] Tactic: -2027588946874785071 Time: 3.73945\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: -1968398013367819764 Time: 2.67864\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: -245090590808296743 Time: 2.57706\n", + "[03/14/2023-21:28:03] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.23118\n", + "[03/14/2023-21:28:03] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:28:03] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:03] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 0 Time: 11.2575\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1 skipped. Scratch requested: 36833792, available: 16777216\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 56 Time: 11.2863\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:28:03] [V] [TRT] Fastest Tactic: 0 Time: 11.2575\n", + "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 46202665595848747 Time: 1.24071\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 239013563835492727 Time: 1.5457\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 385569945292539752 Time: 2.31519\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 671037109694951988 Time: 1.31677\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 833287959109025818 Time: 1.42292\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 864841579020773074 Time: 0.778484\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 912634305247603909 Time: 1.14673\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1013168150133367738 Time: 0.952616\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1014187170474222133 Time: 1.19668\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1067227531433278814 Time: 0.834532\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1554365048685552334 Time: 1.201\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1579845938601132607 Time: 0.780224\n", + "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1796821236841789338 Time: 1.67076\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1837941418294761657 Time: 1.44288\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1948263663414159978 Time: 1.42161\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1989668371181446952 Time: 1.8153\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2027733232253711640 Time: 0.934992\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2148106709480872763 Time: 0.912368\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2154731107061273008 Time: 1.13959\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2410442691266548717 Time: 0.769652\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3464689803495983377 Time: 0.856944\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3636831327753843771 Time: 0.76594\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3745975654290680669 Time: 1.3852\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34814\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3784804427912340706 Time: 1.48321\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3823144360994712832 Time: 0.823704\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3919868136802676679 Time: 1.29822\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5263029549013613567 Time: 0.781716\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5506334059535811602 Time: 0.839992\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5635311898703673455 Time: 0.700352\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5786991692145244692 Time: 2.26406\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5848150552772236982 Time: 1.24356\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42492\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5932046018238429951 Time: 1.55493\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6103089697398018604 Time: 1.49398\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6195603576432354734 Time: 1.57454\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6252808259936499253 Time: 1.58442\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6408235920257988861 Time: 1.34203\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6623704051070449703 Time: 1.3544\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29508\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7114340626053367917 Time: 1.54674\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7158029511300006471 Time: 1.35601\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7612687199567064086 Time: 1.13844\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7729555994715864793 Time: 1.22025\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7844857443355818347 Time: 1.25578\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7849296535223586261 Time: 1.23378\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7859952145590271433 Time: 1.4075\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:28:04] [V] [TRT] Tactic: 8219150286974756863 Time: 2.13491\n", + "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8283847742354150423 Time: 1.39864\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8455608235315878803 Time: 1.70438\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8668812313058150080 Time: 1.37787\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8992262742606384444 Time: 1.07565\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8750433364328295059 Time: 1.27292\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8682550625095202832 Time: 0.894308\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8392835332206231687 Time: 1.70245\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8254009616492665198 Time: 0.830908\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7615325597099025933 Time: 0.868252\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7594446953125532601 Time: 1.3479\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7345578023323941164 Time: 1.93388\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6828337260021572283 Time: 2.07156\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6711815420995272523 Time: 1.67937\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6636202818604544855 Time: 2.30665\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6489479581011009593 Time: 0.945396\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6320761427625651496 Time: 0.866692\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6273232454637933930 Time: 0.760628\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6080892721161662420 Time: 0.723488\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6032793021868796623 Time: 1.14357\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5818527483287834165 Time: 0.756804\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5710735840878760115 Time: 0.862776\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5589367647444470524 Time: 1.88004\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5546257196173962281 Time: 1.15832\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5198219374380660379 Time: 0.963788\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4954692664176521434 Time: 0.824176\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4627695383426341593 Time: 1.51457\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38954\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4142141368456048176 Time: 1.43012\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4116131327756252574 Time: 1.93012\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3968200906158272636 Time: 1.18672\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3784342055748695733 Time: 1.71603\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3425274793298557239 Time: 1.1558\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3271955096576257018 Time: 1.23037\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3237051169894153788 Time: 1.4184\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3136088851200285532 Time: 0.68026\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:28:05] [V] [TRT] Tactic: -2871615028541756894 Time: 2.19061\n", + "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2751179716463646694 Time: 1.54812\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2634388175487609605 Time: 1.9156\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2586046817576862066 Time: 0.794828\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1708101578041178688 Time: 0.829452\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1586820571068855896 Time: 1.4947\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1020632631321619146 Time: 1.43622\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -907287437357565279 Time: 0.801704\n", + "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: -229563042944049199 Time: 0.671056\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.671056\n", + "[03/14/2023-21:28:06] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", + "[03/14/2023-21:28:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.115736\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.141608\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.115736\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 1.45334\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.105728\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.105728\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.118272\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.082048\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.082048\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.084208\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.083364\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.083364\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.163836\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.129036\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.129036\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.111096\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.116168\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.111096\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.11636\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.122652\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.11636\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.082468\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.089656\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.082468\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 1.29553\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.128592\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.128592\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.092112\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.119332\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.092112\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.104424\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.06968\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.06968\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.10172\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.061096\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.061096\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.14848\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.083316\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.083316\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.092844\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.099896\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.092844\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.159756\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.067376\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.067376\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.068168\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.068068\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.068068\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.140668\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.105488\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.105488\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.094676\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.091864\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.091864\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.132396\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.075528\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.075528\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.091652\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.065472\n", + "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.065472\n", + "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:06] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:06] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 3.59007\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1 Time: 2.6594\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 2 Time: 3.97058\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 56 Time: 3.95542\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 57 Time: 2.69806\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 58 Time: 4.21634\n", + "[03/14/2023-21:28:06] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:07] [V] [TRT] Fastest Tactic: 1 Time: 2.6594\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 1754569683116234317 Time: 2.17841\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 1825138533642645384 Time: 2.24409\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 2733356012094739613 Time: 4.00972\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 3915320020053085238 Time: 2.33122\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 6808617066150061604 Time: 2.55934\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 9091006216302412844 Time: 2.52218\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8060443123034038864 Time: 2.65192\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -4420849921117327522 Time: 3.94232\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -3946921629105938337 Time: 4.09858\n", + "[03/14/2023-21:28:07] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.17841\n", + "[03/14/2023-21:28:07] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:07] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 861694390046228376 Time: 2.3409\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5258189349241541167 Time: 2.33206\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5821621277990374316 Time: 2.25309\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5863767799113001648 Time: 2.77606\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -9147980667639709536 Time: 2.1616\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8892196987859366827 Time: 2.16877\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8850904373104590857 Time: 2.25587\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8010679767156598961 Time: 2.73436\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -7751035352149795660 Time: 2.14157\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:07] [V] [TRT] Tactic: -5115676123557684531 Time: 2.20082\n", + "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -493597327599791285 Time: 2.29974\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -423878181466897819 Time: 2.79602\n", + "[03/14/2023-21:28:08] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.14157\n", + "[03/14/2023-21:28:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 0 Time: 3.39653\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 1 Time: 2.76391\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 2 Time: 4.02812\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 56 Time: 3.69934\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 58 Time: 3.93592\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:08] [V] [TRT] Fastest Tactic: 1 Time: 2.76391\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 1651411198763708804 Time: 1.08406\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 2418518597804310654 Time: 1.20034\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4318470497547290900 Time: 1.3008\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4930470141256631146 Time: 1.72656\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 8292881859266835088 Time: 1.73004\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: 8401509141903434922 Time: 1.29258\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -8654297089785671176 Time: 1.23912\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -7516584506774355935 Time: 1.75579\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -7140760933967189247 Time: 1.22788\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -6004726995029373073 Time: 1.63376\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -5719726816705110014 Time: 1.35299\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -4097850214384059472 Time: 1.71166\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -3717489476759089008 Time: 1.28689\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:08] [V] [TRT] Tactic: -3689982367035295496 Time: 1.29532\n", + "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2640575123064142123 Time: 1.18919\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2534402059426524406 Time: 1.17331\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2027588946874785071 Time: 1.72004\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -1968398013367819764 Time: 1.26918\n", + "[03/14/2023-21:28:09] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.08406\n", + "[03/14/2023-21:28:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 0 Time: 4.86873\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 56 Time: 4.98544\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:09] [V] [TRT] Fastest Tactic: 0 Time: 4.86873\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 83696452256923412 Time: 0.7362\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 106549059816437840 Time: 0.707012\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 1179757074518529353 Time: 0.43902\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2105695814191699972 Time: 0.682748\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2148106709480872763 Time: 0.422244\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2410442691266548717 Time: 0.40212\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2511830168590723349 Time: 0.508472\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2634905271404611895 Time: 0.512208\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2689212690707793357 Time: 0.581876\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2798075085844016892 Time: 0.511672\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3041642431972138763 Time: 0.340556\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3091156937974993800 Time: 0.493276\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3199589679702517123 Time: 0.490972\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3754069740140581927 Time: 0.687124\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3932578551652369355 Time: 0.7518\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4149021101886580762 Time: 0.49716\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4555462412611657028 Time: 0.438104\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4749226340913476230 Time: 0.7929\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5483093640784800285 Time: 0.691116\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5666160310350604399 Time: 0.697788\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5900614001783877430 Time: 0.843592\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5925270497649423688 Time: 0.623088\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5999406432703271895 Time: 0.659428\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 6680916730816870145 Time: 0.644\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7107292614492808590 Time: 0.544772\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7158029511300006471 Time: 0.740832\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7859952145590271433 Time: 0.694488\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8283847742354150423 Time: 0.708016\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8468288610222482742 Time: 0.427532\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8620567263556985011 Time: 0.418552\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8642279798680442080 Time: 0.498724\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8980274178270132023 Time: 0.638888\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: 9108067304506990859 Time: 0.659136\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -9104099172933216230 Time: 0.975416\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8992262742606384444 Time: 0.450692\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8956720569082607796 Time: 0.860196\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8952042869709043207 Time: 0.56526\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8898856569474934280 Time: 0.545764\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8774805574135441656 Time: 0.639812\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8749513212655756001 Time: 0.421016\n", + "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8520017388966620486 Time: 0.76096\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8487084252145372186 Time: 0.575008\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8391760416076885205 Time: 0.59254\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7990268040387498660 Time: 0.951956\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7849113095413980300 Time: 0.568876\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7533167286135592323 Time: 0.494332\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -6273232454637933930 Time: 0.4956\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5818527483287834165 Time: 0.474824\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5590418898350402100 Time: 0.698808\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5505475137955795830 Time: 0.357168\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5389631537202601150 Time: 0.577072\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5332866838585594777 Time: 0.51054\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5121883532434354186 Time: 0.391436\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5006039300385557796 Time: 0.44268\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4534876761957424274 Time: 0.642212\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4352168563838861262 Time: 0.360496\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4109084522508697633 Time: 0.422068\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -3237051169894153788 Time: 0.690948\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -3136088851200285532 Time: 0.357736\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2827934362840121038 Time: 0.751368\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2676138141351394855 Time: 1.0011\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2601537631049973288 Time: 0.37942\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2586046817576862066 Time: 0.405552\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2569977342077121032 Time: 0.676256\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2422160065350346448 Time: 0.65612\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2125188058121029448 Time: 0.622448\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2123887091022542343 Time: 0.55672\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -1838109259315759592 Time: 0.533772\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -1216445540764179377 Time: 0.3902\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -539379305772590030 Time: 0.976472\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -288413895057594820 Time: 0.433252\n", + "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: -229563042944049199 Time: 0.36102\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.340556\n", + "[03/14/2023-21:28:10] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", + "[03/14/2023-21:28:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.444624\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.614284\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.444624\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 5.92742\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.398608\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.398608\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.451868\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.31818\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.31818\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.321008\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.312708\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.312708\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.647124\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.481372\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.481372\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.42778\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.446968\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.42778\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.446664\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.4831\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.446664\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.314168\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.356248\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.314168\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 5.88498\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.504548\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.504548\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.35734\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.458464\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.35734\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.40054\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.274272\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.274272\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.40274\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.23812\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.23812\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.578308\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.328528\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.328528\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.36506\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.425088\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.36506\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.639172\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.266076\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.266076\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.249384\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.264124\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.249384\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.550064\n", + "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.410868\n", + "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.410868\n", + "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.373664\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.354312\n", + "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.354312\n", + "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.497216\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.2894\n", + "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.2894\n", + "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.348996\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.249548\n", + "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.249548\n", + "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 9.40732\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1 skipped. Scratch requested: 22842880, available: 16777216\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 56 Time: 9.55402\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 57 skipped. Scratch requested: 22842880, available: 16777216\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 9.40732\n", + "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1754569683116234317 Time: 7.33462\n", + "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1825138533642645384 Time: 7.35192\n", + "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:12] [V] [TRT] Tactic: 2733356012094739613 Time: 27.3396\n", + "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:12] [V] [TRT] Tactic: 3915320020053085238 Time: 7.34324\n", + "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:12] [V] [TRT] Tactic: 6808617066150061604 Time: 14.2384\n", + "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:12] [V] [TRT] Tactic: 9091006216302412844 Time: 14.3443\n", + "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:13] [V] [TRT] Tactic: -8060443123034038864 Time: 14.2424\n", + "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:13] [V] [TRT] Tactic: -4420849921117327522 Time: 25.5956\n", + "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:13] [V] [TRT] Tactic: -3946921629105938337 Time: 27.2883\n", + "[03/14/2023-21:28:13] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 7.33462\n", + "[03/14/2023-21:28:13] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling\n", + "[03/14/2023-21:28:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:13] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:13] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:13] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:13] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: 861694390046228376 Time: 4.09294\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5258189349241541167 Time: 5.14246\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5821621277990374316 Time: 4.71596\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5863767799113001648 Time: 5.45027\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -9147980667639709536 Time: 4.3399\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8892196987859366827 Time: 4.60346\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8850904373104590857 Time: 4.68114\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8010679767156598961 Time: 5.44236\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -7751035352149795660 Time: 4.30252\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -5115676123557684531 Time: 4.54739\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -493597327599791285 Time: 4.72252\n", + "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:14] [V] [TRT] Tactic: -423878181466897819 Time: 5.55244\n", + "[03/14/2023-21:28:14] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.09294\n", + "[03/14/2023-21:28:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376\n", + "[03/14/2023-21:28:14] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 0 Time: 7.87481\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 1 Time: 14.9791\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 2 Time: 7.65489\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 56 Time: 8.22612\n", + "[03/14/2023-21:28:15] [V] [TRT] Tactic: 58 Time: 8.10438\n", + "[03/14/2023-21:28:15] [V] [TRT] Fastest Tactic: 2 Time: 7.65489\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 2\n", + "[03/14/2023-21:28:15] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:15] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 1651411198763708804 Time: 7.01846\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 2418518597804310654 Time: 6.96938\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 4318470497547290900 Time: 7.03324\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 4930470141256631146 Time: 13.4944\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 8292881859266835088 Time: 13.3062\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: 8401509141903434922 Time: 6.98158\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:16] [V] [TRT] Tactic: -8654297089785671176 Time: 3.50769\n", + "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -7516584506774355935 Time: 13.7822\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -7140760933967189247 Time: 6.9936\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -6004726995029373073 Time: 13.5182\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -5719726816705110014 Time: 3.45193\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -4097850214384059472 Time: 13.5309\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:17] [V] [TRT] Tactic: -3717489476759089008 Time: 7.01136\n", + "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -3689982367035295496 Time: 3.50014\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2640575123064142123 Time: 3.60296\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2534402059426524406 Time: 3.65638\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2027588946874785071 Time: 13.354\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: -1968398013367819764 Time: 3.4502\n", + "[03/14/2023-21:28:18] [V] [TRT] Fastest Tactic: -1968398013367819764 Time: 3.4502\n", + "[03/14/2023-21:28:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 0 Time: 10.2999\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 1 skipped. Scratch requested: 81273344, available: 16777216\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 2 skipped. Scratch requested: 38535680, available: 16777216\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 56 Time: 10.4793\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 58 skipped. Scratch requested: 38535680, available: 16777216\n", + "[03/14/2023-21:28:18] [V] [TRT] Fastest Tactic: 0 Time: 10.2999\n", + "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:28:18] [V] [TRT] Tactic: 385569945292539752 Time: 2.0144\n", + "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 833287959109025818 Time: 1.55876\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1013168150133367738 Time: 1.0707\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1067227531433278814 Time: 0.946288\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1179757074518529353 Time: 0.955948\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1554365048685552334 Time: 1.27988\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1579845938601132607 Time: 0.94132\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1796821236841789338 Time: 1.79918\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1948263663414159978 Time: 1.65778\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1989668371181446952 Time: 1.96766\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2027733232253711640 Time: 0.999572\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2105695814191699972 Time: 1.52606\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2148106709480872763 Time: 0.889792\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2410442691266548717 Time: 0.735824\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2511830168590723349 Time: 0.921352\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08228\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3041642431972138763 Time: 0.721064\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3745975654290680669 Time: 1.16229\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3754069740140581927 Time: 1.48159\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3784804427912340706 Time: 1.53562\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3919868136802676679 Time: 1.30873\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4149021101886580762 Time: 1.41094\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4555462412611657028 Time: 1.0188\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4749226340913476230 Time: 1.8936\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5483093640784800285 Time: 1.61498\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5666160310350604399 Time: 1.63998\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5848150552772236982 Time: 1.22244\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5900614001783877430 Time: 1.87183\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5925270497649423688 Time: 1.27646\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5999406432703271895 Time: 1.48674\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6103089697398018604 Time: 1.33987\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6195603576432354734 Time: 1.88652\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6408235920257988861 Time: 1.55215\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6623704051070449703 Time: 1.4285\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6680916730816870145 Time: 1.42197\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:28:19] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55915\n", + "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7158029511300006471 Time: 1.54505\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7612687199567064086 Time: 1.41131\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7729555994715864793 Time: 1.38368\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7844857443355818347 Time: 1.11838\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7859952145590271433 Time: 1.31767\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8283847742354150423 Time: 1.40633\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8455608235315878803 Time: 1.7134\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8668812313058150080 Time: 1.53982\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8992262742606384444 Time: 1.04544\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8952042869709043207 Time: 1.30008\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17158\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8774805574135441656 Time: 1.27135\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8750433364328295059 Time: 1.20673\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8749513212655756001 Time: 0.814204\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8520017388966620486 Time: 1.66762\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8487084252145372186 Time: 1.25807\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8392835332206231687 Time: 1.76315\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8391760416076885205 Time: 1.33762\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8254009616492665198 Time: 0.816976\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7849113095413980300 Time: 1.16037\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7615325597099025933 Time: 0.841088\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7594446953125532601 Time: 1.17247\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37266\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7345578023323941164 Time: 1.98948\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6828337260021572283 Time: 2.0789\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6711815420995272523 Time: 1.78024\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6636202818604544855 Time: 2.36158\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6489479581011009593 Time: 1.06261\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6273232454637933930 Time: 0.996472\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6080892721161662420 Time: 0.813172\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5818527483287834165 Time: 0.935008\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5710735840878760115 Time: 0.935872\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5589367647444470524 Time: 1.85828\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5198219374380660379 Time: 1.13826\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5121883532434354186 Time: 0.980384\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5006039300385557796 Time: 1.09381\n", + "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4627695383426341593 Time: 1.66624\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38517\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4352168563838861262 Time: 0.77396\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4116131327756252574 Time: 1.92079\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4109084522508697633 Time: 0.845116\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3968200906158272636 Time: 1.23246\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3425274793298557239 Time: 1.37958\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3271955096576257018 Time: 1.3466\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3237051169894153788 Time: 1.60063\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3136088851200285532 Time: 0.765656\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2871615028541756894 Time: 2.27791\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2827934362840121038 Time: 1.90748\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2676138141351394855 Time: 2.54605\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2586046817576862066 Time: 0.82512\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2569977342077121032 Time: 1.55455\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2422160065350346448 Time: 1.41901\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1838109259315759592 Time: 1.49765\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1708101578041178688 Time: 0.864912\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1586820571068855896 Time: 1.55874\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1216445540764179377 Time: 0.799876\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1020632631321619146 Time: 1.18685\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -907287437357565279 Time: 0.81596\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -539379305772590030 Time: 2.05574\n", + "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: -229563042944049199 Time: 0.854796\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.721064\n", + "[03/14/2023-21:28:21] [V] [TRT] Setting workspace to 38535680enables more tactics for profiling\n", + "[03/14/2023-21:28:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.437456\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.7103\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.437456\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 6.24666\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.398396\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.398396\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.45126\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.314332\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.314332\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.321168\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.313112\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.313112\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.646956\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.485776\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.485776\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.427448\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.456676\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.427448\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.446624\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.488548\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.446624\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.313884\n", + "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.353456\n", + "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.313884\n", + "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 5.9036\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.504748\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.504748\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.357944\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.460528\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.357944\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.400888\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.2758\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.2758\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.403168\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.237888\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.237888\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.576216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.32938\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.32938\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.366172\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.422748\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.366172\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.633112\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.261804\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.261804\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.24776\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.26214\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.24776\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.550492\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.411384\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.411384\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.374456\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.353692\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.353692\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.497316\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.289628\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.289628\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.348956\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.249628\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.249628\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 3.17471\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1 skipped. Scratch requested: 18747904, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 56 Time: 3.41189\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 57 skipped. Scratch requested: 18747904, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 3.17471\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1754569683116234317 Time: 1.88141\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1825138533642645384 Time: 2.14552\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 2733356012094739613 Time: 3.80325\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 3915320020053085238 Time: 2.31113\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 6808617066150061604 Time: 2.4557\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: 9091006216302412844 Time: 2.34033\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: -8060443123034038864 Time: 2.64058\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:22] [V] [TRT] Tactic: -4420849921117327522 Time: 3.73206\n", + "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -3946921629105938337 Time: 4.00475\n", + "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.88141\n", + "[03/14/2023-21:28:23] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 861694390046228376 Time: 2.2504\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5258189349241541167 Time: 2.35123\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5821621277990374316 Time: 2.22636\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5863767799113001648 Time: 2.51496\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -9147980667639709536 Time: 2.16941\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8892196987859366827 Time: 2.16652\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8850904373104590857 Time: 2.2274\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8010679767156598961 Time: 2.42274\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -7751035352149795660 Time: 2.12202\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -5115676123557684531 Time: 2.29914\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -493597327599791285 Time: 2.2048\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: -423878181466897819 Time: 2.5802\n", + "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.12202\n", + "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 0 Time: 3.16828\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 1 Time: 2.58034\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 56 Time: 3.57156\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: 1 Time: 2.58034\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 1651411198763708804 Time: 1.02412\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 2418518597804310654 Time: 1.04868\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:23] [V] [TRT] Tactic: 4318470497547290900 Time: 1.16542\n", + "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4930470141256631146 Time: 1.7656\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 8292881859266835088 Time: 1.8047\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 8401509141903434922 Time: 1.2486\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -8654297089785671176 Time: 1.22767\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -7516584506774355935 Time: 1.82717\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -7140760933967189247 Time: 1.2412\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -6004726995029373073 Time: 1.70669\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -5719726816705110014 Time: 1.17104\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -4097850214384059472 Time: 1.82233\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -3717489476759089008 Time: 1.20366\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -3689982367035295496 Time: 1.11146\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2640575123064142123 Time: 1.11741\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2534402059426524406 Time: 1.10719\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2027588946874785071 Time: 1.73875\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: -1968398013367819764 Time: 1.14433\n", + "[03/14/2023-21:28:24] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.02412\n", + "[03/14/2023-21:28:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:24] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 0 Time: 4.63231\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34212352, available: 16777216\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 56 Time: 4.76478\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:24] [V] [TRT] Fastest Tactic: 0 Time: 4.63231\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 83696452256923412 Time: 0.694824\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 106549059816437840 Time: 0.624524\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 1179757074518529353 Time: 0.330984\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2105695814191699972 Time: 0.607828\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2148106709480872763 Time: 0.405552\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2410442691266548717 Time: 0.345948\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2511830168590723349 Time: 0.396416\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2634905271404611895 Time: 0.49628\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2689212690707793357 Time: 0.600372\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2798075085844016892 Time: 0.525492\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3041642431972138763 Time: 0.319352\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3091156937974993800 Time: 0.525424\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3199589679702517123 Time: 0.403336\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3754069740140581927 Time: 0.64972\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3932578551652369355 Time: 0.751516\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4149021101886580762 Time: 0.501908\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4555462412611657028 Time: 0.410432\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4749226340913476230 Time: 0.773584\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:24] [V] [TRT] Tactic: 5483093640784800285 Time: 0.681012\n", + "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.63878\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.817508\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.644848\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.646268\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.552972\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.526708\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.639044\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.570948\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.642092\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.399164\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.397404\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.47876\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.61906\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.631872\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -9104099172933216230 Time: 0.881476\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.401748\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.8346\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.54672\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.514716\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8774805574135441656 Time: 0.529596\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.407532\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8520017388966620486 Time: 0.746608\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8487084252145372186 Time: 0.5999\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8391760416076885205 Time: 0.608364\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7990268040387498660 Time: 0.973204\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7849113095413980300 Time: 0.613852\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7533167286135592323 Time: 0.504652\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -6273232454637933930 Time: 0.363656\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5818527483287834165 Time: 0.35416\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5590418898350402100 Time: 0.672176\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5505475137955795830 Time: 0.32816\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5389631537202601150 Time: 0.5944\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5332866838585594777 Time: 0.49142\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5121883532434354186 Time: 0.385028\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5006039300385557796 Time: 0.421032\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4534876761957424274 Time: 0.633324\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4352168563838861262 Time: 0.333916\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4109084522508697633 Time: 0.42\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -3237051169894153788 Time: 0.621992\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -3136088851200285532 Time: 0.313548\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2827934362840121038 Time: 0.685924\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2676138141351394855 Time: 1.00903\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2601537631049973288 Time: 0.395264\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2586046817576862066 Time: 0.362512\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2569977342077121032 Time: 0.672892\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2422160065350346448 Time: 0.577172\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2125188058121029448 Time: 0.491664\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2123887091022542343 Time: 0.50706\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -1838109259315759592 Time: 0.49628\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -1216445540764179377 Time: 0.330824\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -539379305772590030 Time: 0.885472\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -288413895057594820 Time: 0.414644\n", + "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: -229563042944049199 Time: 0.3145\n", + "[03/14/2023-21:28:25] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.313548\n", + "[03/14/2023-21:28:25] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", + "[03/14/2023-21:28:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:25] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:25] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 0 Time: 7.25884\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 1 skipped. Scratch requested: 29915648, available: 16777216\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:25] [V] [TRT] Tactic: 6 skipped. Scratch requested: 26218496, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 56 Time: 7.4586\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 57 skipped. Scratch requested: 29915648, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 62 skipped. Scratch requested: 26218496, available: 16777216\n", + "[03/14/2023-21:28:26] [V] [TRT] Fastest Tactic: 0 Time: 7.25884\n", + "[03/14/2023-21:28:26] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 1825138533642645384 Time: 4.25226\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 2775507031594384867 Time: 7.8254\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 2842488832350522458 Time: 5.13643\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 3915320020053085238 Time: 4.59154\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 6448355332020552203 Time: 5.0745\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: 6808617066150061604 Time: 4.80033\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: -8060443123034038864 Time: 5.44805\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:26] [V] [TRT] Tactic: -4420849921117327522 Time: 7.23196\n", + "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3946921629105938337 Time: 6.16992\n", + "[03/14/2023-21:28:27] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.25226\n", + "[03/14/2023-21:28:27] [V] [TRT] Setting workspace to 26218496enables more tactics for profiling\n", + "[03/14/2023-21:28:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:27] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:27] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:27] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:27] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 861694390046228376 Time: 4.73828\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 1017870653102653567 Time: 4.56151\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5258189349241541167 Time: 4.82198\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5821621277990374316 Time: 4.68076\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5863767799113001648 Time: 5.19028\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -9147980667639709536 Time: 4.51698\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -8850904373104590857 Time: 4.98286\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -7751035352149795660 Time: 4.57289\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3853827649136781465 Time: 4.61486\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", + "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3263369460438823196 Time: 4.75174\n", + "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: -423878181466897819 Time: 5.43592\n", + "[03/14/2023-21:28:28] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.51698\n", + "[03/14/2023-21:28:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:28] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 0 Time: 6.89095\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1 Time: 5.3297\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 56 Time: 7.21984\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216\n", + "[03/14/2023-21:28:28] [V] [TRT] Fastest Tactic: 1 Time: 5.3297\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:28] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling\n", + "[03/14/2023-21:28:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:28] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1145226902788474763 Time: 2.22238\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1651411198763708804 Time: 2.75311\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 2418518597804310654 Time: 2.78011\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4318470497547290900 Time: 2.49019\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4653005425971292725 Time: 2.70842\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4930470141256631146 Time: 3.36413\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:28] [V] [TRT] Tactic: 8292881859266835088 Time: 3.3074\n", + "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 8401509141903434922 Time: 2.58867\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -8654297089785671176 Time: 2.43669\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -7448936905981214224 Time: 3.32389\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -6004726995029373073 Time: 2.79537\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -5719726816705110014 Time: 2.44029\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3754890472406891741 Time: 2.62876\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3689982367035295496 Time: 2.50343\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3140347171730126532 Time: 3.91865\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -2894005464278291378 Time: 3.54028\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -2027588946874785071 Time: 2.91347\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -1968398013367819764 Time: 2.75149\n", + "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: -245090590808296743 Time: 2.63149\n", + "[03/14/2023-21:28:29] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.22238\n", + "[03/14/2023-21:28:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", + "[03/14/2023-21:28:29] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:29] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:29] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:29] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 0 Time: 9.82126\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 1 skipped. Scratch requested: 17566208, available: 16777216\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:28:29] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 56 Time: 9.80386\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216\n", + "[03/14/2023-21:28:30] [V] [TRT] Fastest Tactic: 56 Time: 9.80386\n", + "[03/14/2023-21:28:30] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 46202665595848747 Time: 1.19205\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 239013563835492727 Time: 1.46871\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 385569945292539752 Time: 2.30661\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 671037109694951988 Time: 1.23824\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 833287959109025818 Time: 1.34493\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 864841579020773074 Time: 0.766328\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 912634305247603909 Time: 1.10503\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1013168150133367738 Time: 0.8815\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1014187170474222133 Time: 1.12675\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1067227531433278814 Time: 0.761044\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1554365048685552334 Time: 1.14269\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1579845938601132607 Time: 0.709164\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1796821236841789338 Time: 1.57347\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1837941418294761657 Time: 1.3998\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1948263663414159978 Time: 1.28432\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1989668371181446952 Time: 1.71187\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2027733232253711640 Time: 0.833856\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2148106709480872763 Time: 0.823492\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2154731107061273008 Time: 1.02563\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2410442691266548717 Time: 0.74148\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3464689803495983377 Time: 0.78334\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3636831327753843771 Time: 0.696396\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3745975654290680669 Time: 1.32178\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3754069740140581927 Time: 1.25955\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3784804427912340706 Time: 1.45374\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3823144360994712832 Time: 0.74256\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3919868136802676679 Time: 1.15783\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5263029549013613567 Time: 0.686152\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5506334059535811602 Time: 0.79102\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5635311898703673455 Time: 0.658084\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5786991692145244692 Time: 2.11769\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", + "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5848150552772236982 Time: 1.16172\n", + "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42868\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 5932046018238429951 Time: 1.45219\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6103089697398018604 Time: 1.58852\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6195603576432354734 Time: 1.58974\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6252808259936499253 Time: 1.49613\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6408235920257988861 Time: 1.22248\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6623704051070449703 Time: 1.30094\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29789\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7114340626053367917 Time: 1.48702\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7158029511300006471 Time: 1.30837\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7612687199567064086 Time: 1.12342\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7729555994715864793 Time: 1.12336\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7844857443355818347 Time: 1.25015\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7849296535223586261 Time: 1.22356\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7859952145590271433 Time: 1.29528\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8219150286974756863 Time: 2.00943\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8283847742354150423 Time: 1.48719\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8455608235315878803 Time: 1.65789\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8668812313058150080 Time: 1.32341\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8992262742606384444 Time: 0.908484\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8750433364328295059 Time: 1.1655\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8682550625095202832 Time: 0.875436\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8392835332206231687 Time: 1.71334\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8254009616492665198 Time: 0.815608\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7615325597099025933 Time: 0.804008\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7594446953125532601 Time: 1.27156\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7345578023323941164 Time: 1.85798\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6828337260021572283 Time: 1.84085\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6711815420995272523 Time: 1.55802\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6636202818604544855 Time: 2.27391\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6489479581011009593 Time: 0.918816\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6320761427625651496 Time: 0.846456\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6273232454637933930 Time: 0.769152\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6080892721161662420 Time: 0.686368\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6032793021868796623 Time: 1.17277\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:31] [V] [TRT] Tactic: -5818527483287834165 Time: 0.71564\n", + "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5710735840878760115 Time: 0.734508\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5589367647444470524 Time: 1.72512\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5546257196173962281 Time: 1.17483\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5198219374380660379 Time: 0.873872\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4954692664176521434 Time: 0.799096\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4627695383426341593 Time: 1.47808\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4534876761957424274 Time: 1.37161\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4142141368456048176 Time: 1.40967\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4116131327756252574 Time: 1.80711\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3968200906158272636 Time: 1.16714\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3784342055748695733 Time: 1.58496\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13218\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3271955096576257018 Time: 1.13643\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3237051169894153788 Time: 1.28028\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3136088851200285532 Time: 0.66524\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2871615028541756894 Time: 2.18237\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2751179716463646694 Time: 1.57926\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2634388175487609605 Time: 1.81313\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2586046817576862066 Time: 0.77658\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1708101578041178688 Time: 0.798236\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1586820571068855896 Time: 1.46572\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1020632631321619146 Time: 1.40254\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -907287437357565279 Time: 0.792108\n", + "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: -229563042944049199 Time: 0.643972\n", + "[03/14/2023-21:28:32] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.643972\n", + "[03/14/2023-21:28:32] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling\n", + "[03/14/2023-21:28:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:32] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:32] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 0 Time: 5.09567\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 1 Time: 3.77041\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 2 Time: 5.33586\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:32] [V] [TRT] Tactic: 56 Time: 5.2252\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 57 Time: 3.79594\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 58 Time: 5.3388\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:33] [V] [TRT] Fastest Tactic: 1 Time: 3.77041\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 1754569683116234317 Time: 2.44495\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 1825138533642645384 Time: 2.40415\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 2733356012094739613 Time: 4.4898\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 3915320020053085238 Time: 2.49967\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 6808617066150061604 Time: 2.70036\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 9091006216302412844 Time: 2.86504\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -8060443123034038864 Time: 2.89428\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -4420849921117327522 Time: 4.30317\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -3946921629105938337 Time: 4.50671\n", + "[03/14/2023-21:28:33] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 2.40415\n", + "[03/14/2023-21:28:33] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:33] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 861694390046228376 Time: 2.34472\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5258189349241541167 Time: 2.46632\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5821621277990374316 Time: 2.42163\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5863767799113001648 Time: 3.08158\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -9147980667639709536 Time: 2.23695\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:33] [V] [TRT] Tactic: -8892196987859366827 Time: 2.3084\n", + "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8850904373104590857 Time: 2.44742\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8010679767156598961 Time: 3.08324\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7751035352149795660 Time: 2.22457\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -5115676123557684531 Time: 2.31485\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -493597327599791285 Time: 2.348\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -423878181466897819 Time: 3.14783\n", + "[03/14/2023-21:28:34] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.22457\n", + "[03/14/2023-21:28:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:34] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 0 Time: 4.41118\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 1 Time: 3.4869\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 2 Time: 4.77565\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 56 Time: 4.4989\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 58 Time: 4.5321\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", + "[03/14/2023-21:28:34] [V] [TRT] Fastest Tactic: 1 Time: 3.4869\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", + "[03/14/2023-21:28:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", + "[03/14/2023-21:28:34] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 1651411198763708804 Time: 1.21372\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 2418518597804310654 Time: 1.30875\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4318470497547290900 Time: 1.3135\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4930470141256631146 Time: 1.92942\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 8292881859266835088 Time: 1.9685\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: 8401509141903434922 Time: 1.34375\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8654297089785671176 Time: 1.30558\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7516584506774355935 Time: 1.91143\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7140760933967189247 Time: 1.33147\n", + "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -6004726995029373073 Time: 1.91678\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -5719726816705110014 Time: 1.34466\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -4097850214384059472 Time: 2.01697\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -3717489476759089008 Time: 1.31432\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -3689982367035295496 Time: 1.25668\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2640575123064142123 Time: 1.21591\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2534402059426524406 Time: 1.20984\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2027588946874785071 Time: 1.94094\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: -1968398013367819764 Time: 1.306\n", + "[03/14/2023-21:28:35] [V] [TRT] Fastest Tactic: -2534402059426524406 Time: 1.20984\n", + "[03/14/2023-21:28:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:35] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 0 Time: 5.76025\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 56 Time: 5.91614\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", + "[03/14/2023-21:28:35] [V] [TRT] Fastest Tactic: 0 Time: 5.76025\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 83696452256923412 Time: 0.758252\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 106549059816437840 Time: 0.730596\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 1179757074518529353 Time: 0.536416\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2105695814191699972 Time: 0.826572\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2148106709480872763 Time: 0.521392\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2410442691266548717 Time: 0.484352\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2511830168590723349 Time: 0.576076\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2634905271404611895 Time: 0.536872\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2689212690707793357 Time: 0.66134\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2798075085844016892 Time: 0.584052\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3041642431972138763 Time: 0.428968\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3091156937974993800 Time: 0.592372\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3199589679702517123 Time: 0.57966\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3754069740140581927 Time: 0.80866\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3932578551652369355 Time: 0.768504\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4149021101886580762 Time: 0.531048\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4555462412611657028 Time: 0.524936\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4749226340913476230 Time: 0.854272\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5483093640784800285 Time: 0.73586\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5666160310350604399 Time: 0.821852\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5900614001783877430 Time: 0.906236\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5925270497649423688 Time: 0.717352\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5999406432703271895 Time: 0.700248\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 6680916730816870145 Time: 0.746996\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7107292614492808590 Time: 0.582644\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7158029511300006471 Time: 0.800316\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7859952145590271433 Time: 0.758696\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8283847742354150423 Time: 0.813848\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8468288610222482742 Time: 0.501936\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8620567263556985011 Time: 0.49308\n", + "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8642279798680442080 Time: 0.547136\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8980274178270132023 Time: 0.740348\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 9108067304506990859 Time: 0.73686\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -9104099172933216230 Time: 1.06232\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8992262742606384444 Time: 0.533828\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8956720569082607796 Time: 0.927432\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8952042869709043207 Time: 0.651132\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8898856569474934280 Time: 0.58322\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8774805574135441656 Time: 0.671956\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8749513212655756001 Time: 0.499568\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8520017388966620486 Time: 0.776816\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8487084252145372186 Time: 0.649576\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8391760416076885205 Time: 0.695552\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7990268040387498660 Time: 1.03133\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7849113095413980300 Time: 0.678484\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7533167286135592323 Time: 0.550656\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -6273232454637933930 Time: 0.563068\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5818527483287834165 Time: 0.558176\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5590418898350402100 Time: 0.765628\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5505475137955795830 Time: 0.484496\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5389631537202601150 Time: 0.683848\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5332866838585594777 Time: 0.556036\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5121883532434354186 Time: 0.489736\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5006039300385557796 Time: 0.54188\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4534876761957424274 Time: 0.731576\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4352168563838861262 Time: 0.476636\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4109084522508697633 Time: 0.504348\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -3237051169894153788 Time: 0.789816\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -3136088851200285532 Time: 0.429672\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2827934362840121038 Time: 0.778724\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2676138141351394855 Time: 1.06376\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2601537631049973288 Time: 0.489104\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2586046817576862066 Time: 0.501576\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2569977342077121032 Time: 0.771652\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2422160065350346448 Time: 0.763804\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2125188058121029448 Time: 0.702864\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2123887091022542343 Time: 0.634184\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -1838109259315759592 Time: 0.58202\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -1216445540764179377 Time: 0.487952\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -539379305772590030 Time: 1.03106\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -288413895057594820 Time: 0.540592\n", + "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: -229563042944049199 Time: 0.441388\n", + "[03/14/2023-21:28:36] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.428968\n", + "[03/14/2023-21:28:36] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", + "[03/14/2023-21:28:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CudnnConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CublasConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CudnnConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CaskConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CudnnConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CublasConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CaskConvolution)\n", + "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8192257 Time: 0.540724\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8257793 Time: 0.496828\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8323329 Time: 0.48982\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8388865 Time: 0.485716\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8454401 Time: 0.481184\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8519937 Time: 0.480164\n", + "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8585473 Time: 0.479176\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8651009 Time: 0.478128\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 8651009 Time: 0.478128\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.262428\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.262428\n", + "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.145588\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.145588\n", + "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8192257 Time: 0.274168\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8257793 Time: 0.250688\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8323329 Time: 0.24682\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8388865 Time: 0.244492\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8454401 Time: 0.245456\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8519937 Time: 0.247268\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8585473 Time: 0.2506\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8651009 Time: 0.252548\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 8388865 Time: 0.244492\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -3 Time: 0.466468\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -3 Time: 0.466468\n", + "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 8388865\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -2 Time: 0.104756\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -2 Time: 0.104756\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.139456\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.139456\n", + "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -2\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Float(2048,1,2048,2048) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008072\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008552\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008072\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008292\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009448\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008292\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083192\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006904\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006904\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007536\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.0069\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.0069\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008356\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008376\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008356\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.0081\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00856\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.0081\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.082864\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008956\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.008956\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.006904\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009208\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.006904\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008488\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.0092\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008488\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,2048,2048) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007748\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00898\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.007748\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084788\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006744\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006744\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007396\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00692\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.00692\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083912\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00648\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.00648\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,2048,2048) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.00742\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009616\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.00742\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084984\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006352\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006352\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(256,1:8,256,256) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.00716\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.07422\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.00716\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083908\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006068\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006068\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,2048,2048) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.006912\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009376\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.006912\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(2048,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.0848\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.005456\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.005456\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(1024,1:2,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084984\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.074468\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.074468\n", + "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Float(2048,1,1,1) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.411716\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1 Time: 0.19034\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 2 Time: 0.251188\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 56 Time: 0.410828\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 57 Time: 0.190388\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 58 Time: 0.251316\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1 Time: 0.19034\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.122652\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1 Time: 0.109408\n", + "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1 Time: 0.109408\n", + "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1754569683116234317 Time: 0.529316\n", + "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1825138533642645384 Time: 0.524784\n", + "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", + "[03/14/2023-21:28:37] [V] [TRT] Tactic: 2733356012094739613 Time: 0.463684\n", + "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 3915320020053085238 Time: 0.534596\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 6808617066150061604 Time: 0.366404\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 9091006216302412844 Time: 0.358696\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8060443123034038864 Time: 0.3792\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -4420849921117327522 Time: 0.479496\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3946921629105938337 Time: 0.499204\n", + "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 9091006216302412844 Time: 0.358696\n", + "[03/14/2023-21:28:38] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", + "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1\n", + "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Float(2048,1,2048,2048) -> Float(1000,1,1000,1000) ***************\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 861694390046228376 Time: 0.355932\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5258189349241541167 Time: 0.1843\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5821621277990374316 Time: 0.356312\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5863767799113001648 Time: 0.103508\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -9147980667639709536 Time: 0.344804\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8892196987859366827 Time: 0.344632\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8850904373104590857 Time: 0.185732\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8010679767156598961 Time: 0.101056\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7751035352149795660 Time: 0.347292\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -5115676123557684531 Time: 0.352484\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -493597327599791285 Time: 0.178524\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -423878181466897819 Time: 0.103624\n", + "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: -8010679767156598961 Time: 0.101056\n", + "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8010679767156598961\n", + "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(2048,1,1,1) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 0 Time: 0.413968\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1 Time: 0.458576\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2 Time: 0.292912\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 56 Time: 0.413956\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 58 Time: 0.292756\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 58 Time: 0.292756\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 0 Time: 0.047152\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1 Time: 0.04134\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2 Time: 0.046608\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 3 Time: 0.04142\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4 Time: 0.062684\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5 Time: 0.062708\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 6 Time: 0.047876\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 7 Time: 0.043072\n", + "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 1 Time: 0.04134\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", + "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1\n", + "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(500,1:2,1,1) ***************\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1651411198763708804 Time: 0.192268\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2418518597804310654 Time: 0.192312\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4318470497547290900 Time: 0.188044\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4930470141256631146 Time: 0.338988\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 8292881859266835088 Time: 0.342504\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: 8401509141903434922 Time: 0.186536\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8654297089785671176 Time: 0.271104\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7516584506774355935 Time: 0.216904\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7140760933967189247 Time: 0.184168\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -6004726995029373073 Time: 0.32384\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -5719726816705110014 Time: 0.271952\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -4097850214384059472 Time: 0.227624\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3717489476759089008 Time: 0.183408\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3689982367035295496 Time: 0.265892\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -2640575123064142123 Time: 0.269068\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", + "[03/14/2023-21:28:38] [V] [TRT] Tactic: -2534402059426524406 Time: 0.268784\n", + "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2027588946874785071 Time: 0.334464\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1968398013367819764 Time: 0.269704\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: -3717489476759089008 Time: 0.183408\n", + "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3717489476759089008\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Half(125,1:8,125,125) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.415068\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.456536\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2 Time: 0.293372\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 56 Time: 0.414208\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 58 Time: 0.293132\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 58 Time: 0.293132\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 83696452256923412 Time: 0.055224\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 106549059816437840 Time: 0.035408\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1179757074518529353 Time: 0.05472\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2105695814191699972 Time: 0.092416\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2148106709480872763 Time: 0.065524\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2410442691266548717 Time: 0.095208\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2511830168590723349 Time: 0.064468\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2634905271404611895 Time: 0.05606\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2689212690707793357 Time: 0.176832\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2798075085844016892 Time: 0.095072\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3041642431972138763 Time: 0.0535\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3091156937974993800 Time: 0.094864\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3199589679702517123 Time: 0.064292\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3754069740140581927 Time: 0.107428\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3932578551652369355 Time: 0.03808\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4149021101886580762 Time: 0.056848\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4555462412611657028 Time: 0.066024\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4749226340913476230 Time: 0.054292\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5483093640784800285 Time: 0.067076\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5666160310350604399 Time: 0.103852\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5900614001783877430 Time: 0.066732\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5925270497649423688 Time: 0.17516\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5999406432703271895 Time: 0.060732\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 6680916730816870145 Time: 0.09624\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7107292614492808590 Time: 0.032444\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7158029511300006471 Time: 0.093328\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7859952145590271433 Time: 0.0948\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8283847742354150423 Time: 0.105748\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8468288610222482742 Time: 0.096268\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8620567263556985011 Time: 0.105344\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8642279798680442080 Time: 0.095444\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8980274178270132023 Time: 0.058296\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 9108067304506990859 Time: 0.060852\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -9104099172933216230 Time: 0.044472\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8992262742606384444 Time: 0.070976\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8956720569082607796 Time: 0.065776\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8952042869709043207 Time: 0.095324\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8898856569474934280 Time: 0.094784\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8774805574135441656 Time: 0.092292\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8749513212655756001 Time: 0.096256\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8520017388966620486 Time: 0.038244\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8487084252145372186 Time: 0.177364\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8391760416076885205 Time: 0.174456\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7990268040387498660 Time: 0.057284\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7849113095413980300 Time: 0.176648\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7533167286135592323 Time: 0.062956\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -6273232454637933930 Time: 0.055996\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5818527483287834165 Time: 0.054452\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5590418898350402100 Time: 0.066356\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5505475137955795830 Time: 0.058284\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5389631537202601150 Time: 0.176448\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5332866838585594777 Time: 0.061268\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5121883532434354186 Time: 0.0816\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5006039300385557796 Time: 0.069504\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4534876761957424274 Time: 0.174704\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4352168563838861262 Time: 0.057892\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4109084522508697633 Time: 0.104092\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -3237051169894153788 Time: 0.09228\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -3136088851200285532 Time: 0.054208\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2827934362840121038 Time: 0.035684\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2676138141351394855 Time: 0.05748\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2601537631049973288 Time: 0.08206\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2586046817576862066 Time: 0.095932\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2569977342077121032 Time: 0.059704\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2422160065350346448 Time: 0.094704\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2125188058121029448 Time: 0.092528\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2123887091022542343 Time: 0.094252\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1838109259315759592 Time: 0.032696\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1216445540764179377 Time: 0.095212\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -539379305772590030 Time: 0.04452\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -288413895057594820 Time: 0.068748\n", + "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: -229563042944049199 Time: 0.057392\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 7107292614492808590 Time: 0.032444\n", + "[03/14/2023-21:28:39] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", + "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1,1) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006892\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006876\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006876\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.007104\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00618\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00618\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006544\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00616\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00616\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(1000,1,1,1) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.007156\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006256\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006256\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.04422\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004976\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004976\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.045016\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004972\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004972\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Float(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.044296\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00468\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00468\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Half(1000,1,1,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.044932\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004752\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004752\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Float(1000,1,1,1) -> Float(1000,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004924\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.01036\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004924\n", + "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(1000,1,1,1) -> Half(1000,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004188\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.00938\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004188\n", + "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0\n", + "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(1000,1) -> Float(1000,1) ***************\n", + "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006656\n", + "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006376\n", + "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006376\n", + "[03/14/2023-21:28:39] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to Conv_0 + Relu_1 (input) from Float(150528,50176,224,1) to Half(50176,1:4,224,1)\n", + "[03/14/2023-21:28:39] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] ((Unnamed Layer* 132) [Fully Connected]_output) from Half(125,1:8,125,125) to Float(1000,1,1,1)\n", + "[03/14/2023-21:28:39] [V] [TRT] For layer (Unnamed Layer* 136) [Shuffle] a non-conforming implementation was chosen than was requested i.e. requested layer computation precision and output precision types were ignored because it resulted in faster network performance. Enable strict mode to try force choose a conforming implementation.\n", + "[03/14/2023-21:28:39] [V] [TRT] Formats and tactics selection completed in 204.908 seconds.\n", + "[03/14/2023-21:28:39] [V] [TRT] After reformat layers: 59 layers\n", + "[03/14/2023-21:28:39] [V] [TRT] Block size 205520896\n", + "[03/14/2023-21:28:39] [V] [TRT] Block size 205520896\n", + "[03/14/2023-21:28:39] [V] [TRT] Block size 102760448\n", + "[03/14/2023-21:28:39] [V] [TRT] Block size 16777216\n", + "[03/14/2023-21:28:39] [V] [TRT] Total Activation Memory: 530579456\n", + "[03/14/2023-21:28:39] [I] [TRT] Detected 1 inputs and 1 output network tensors.\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_13 + Relu_14 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_15 + Add_16 + Relu_17 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_18 + Relu_19 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", + "[03/14/2023-21:28:39] [V] [TRT] Conv_20 + Relu_21 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_22 + Add_23 + Relu_24 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_40 + Relu_41 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_42 + Relu_43 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_44 + Add_45 + Relu_46 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_47 + Relu_48 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_49 + Relu_50 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_51 + Add_52 + Relu_53 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_69 + Relu_70 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_71 + Relu_72 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_73 + Add_74 + Relu_75 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_76 + Relu_77 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_78 + Relu_79 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_80 + Add_81 + Relu_82 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_83 + Relu_84 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_85 + Relu_86 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_87 + Add_88 + Relu_89 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_90 + Relu_91 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_92 + Relu_93 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_94 + Add_95 + Relu_96 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_112 + Relu_113 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_114 + Relu_115 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", + "[03/14/2023-21:28:40] [V] [TRT] Conv_116 + Add_117 + Relu_118 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", + "[03/14/2023-21:28:40] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1 HostPersistent: 0 DevicePersistent: 0\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_0 + Relu_1 HostPersistent: 256 DevicePersistent: 25600\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: MaxPool_2 HostPersistent: 48 DevicePersistent: 0\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_3 + Relu_4 HostPersistent: 3776 DevicePersistent: 8704\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_5 + Relu_6 HostPersistent: 3776 DevicePersistent: 74240\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_7 HostPersistent: 2176 DevicePersistent: 52224\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_8 + Add_9 + Relu_10 HostPersistent: 3776 DevicePersistent: 34304\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_11 + Relu_12 HostPersistent: 3776 DevicePersistent: 33280\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_13 + Relu_14 HostPersistent: 3776 DevicePersistent: 74240\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_15 + Add_16 + Relu_17 HostPersistent: 3776 DevicePersistent: 34304\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_18 + Relu_19 HostPersistent: 3776 DevicePersistent: 33280\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_20 + Relu_21 HostPersistent: 3776 DevicePersistent: 74240\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_22 + Add_23 + Relu_24 HostPersistent: 3776 DevicePersistent: 34304\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_25 + Relu_26 HostPersistent: 3776 DevicePersistent: 66560\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_27 + Relu_28 HostPersistent: 1664 DevicePersistent: 300032\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_29 HostPersistent: 2176 DevicePersistent: 137216\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_30 + Add_31 + Relu_32 HostPersistent: 3776 DevicePersistent: 265216\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_33 + Relu_34 HostPersistent: 3200 DevicePersistent: 136192\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_35 + Relu_36 HostPersistent: 2176 DevicePersistent: 300032\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_37 + Add_38 + Relu_39 HostPersistent: 3776 DevicePersistent: 134144\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_40 + Relu_41 HostPersistent: 3200 DevicePersistent: 136192\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_42 + Relu_43 HostPersistent: 2176 DevicePersistent: 300032\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_44 + Add_45 + Relu_46 HostPersistent: 3776 DevicePersistent: 134144\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_47 + Relu_48 HostPersistent: 3200 DevicePersistent: 136192\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_49 + Relu_50 HostPersistent: 2176 DevicePersistent: 300032\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_51 + Add_52 + Relu_53 HostPersistent: 3776 DevicePersistent: 134144\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_54 + Relu_55 HostPersistent: 3776 DevicePersistent: 263680\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_56 + Relu_57 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_58 HostPersistent: 3200 DevicePersistent: 527872\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_59 + Add_60 + Relu_61 HostPersistent: 3776 DevicePersistent: 1054720\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_62 + Relu_63 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_64 + Relu_65 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_66 + Add_67 + Relu_68 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_69 + Relu_70 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_71 + Relu_72 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_73 + Add_74 + Relu_75 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_76 + Relu_77 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_78 + Relu_79 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_80 + Add_81 + Relu_82 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_83 + Relu_84 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_85 + Relu_86 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_87 + Add_88 + Relu_89 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_90 + Relu_91 HostPersistent: 3200 DevicePersistent: 526336\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_92 + Relu_93 HostPersistent: 2176 DevicePersistent: 1181696\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_94 + Add_95 + Relu_96 HostPersistent: 3776 DevicePersistent: 530432\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_97 + Relu_98 HostPersistent: 1664 DevicePersistent: 1051136\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_99 + Relu_100 HostPersistent: 2176 DevicePersistent: 4720128\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_101 HostPersistent: 3200 DevicePersistent: 2101760\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_102 + Add_103 + Relu_104 HostPersistent: 3200 DevicePersistent: 4198912\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_105 + Relu_106 HostPersistent: 1664 DevicePersistent: 2098688\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_107 + Relu_108 HostPersistent: 2176 DevicePersistent: 4720128\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_109 + Add_110 + Relu_111 HostPersistent: 3200 DevicePersistent: 2101760\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_112 + Relu_113 HostPersistent: 1664 DevicePersistent: 2098688\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_114 + Relu_115 HostPersistent: 2176 DevicePersistent: 4720128\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_116 + Add_117 + Relu_118 HostPersistent: 3200 DevicePersistent: 2101760\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: GlobalAveragePool_119 HostPersistent: 0 DevicePersistent: 0\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Gemm_121 HostPersistent: 3776 DevicePersistent: 4102144\n", + "[03/14/2023-21:28:40] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] HostPersistent: 0 DevicePersistent: 0\n", + "[03/14/2023-21:28:40] [I] [TRT] Total Host Persistent Memory: 162096\n", + "[03/14/2023-21:28:40] [I] [TRT] Total Device Persistent Memory: 51194368\n", + "[03/14/2023-21:28:40] [I] [TRT] Total Scratch Memory: 0\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageStats] Peak memory usage of TRT CPU/GPU memory allocators: CPU 53 MiB, GPU 256 MiB\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1662, GPU 879 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 887 (MiB)\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 871 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Engine generation completed in 206.276 seconds.\n", + "[03/14/2023-21:28:40] [V] [TRT] Deleting timing cache: 515 entries, 1506 hits\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Engine Layer Information:\n", + "Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1, Tactic: 1002, input[Float(-2,3,224,224)] -> Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)]\n", + "Layer(CaskConvolution): Conv_0 + Relu_1, Tactic: -8357652348141719927, Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)] -> 323[Half(-2,64,112,112)]\n", + "Layer(CudnnPooling): MaxPool_2, Tactic: -1, 323[Half(-2,64,112,112)] -> 324[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_3 + Relu_4, Tactic: 106549059816437840, 324[Half(-2,64,56,56)] -> 327[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_5 + Relu_6, Tactic: 3464689803495983377, 327[Half(-2,64,56,56)] -> 330[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_7, Tactic: -229563042944049199, 330[Half(-2,64,56,56)] -> 505[Half(-2,256,56,56)]\n", + "Layer(CaskConvolution): Conv_8 + Add_9 + Relu_10, Tactic: -2125188058121029448, 324[Half(-2,64,56,56)], 505[Half(-2,256,56,56)] -> 336[Half(-2,256,56,56)]\n", + "Layer(CaskConvolution): Conv_11 + Relu_12, Tactic: -2827934362840121038, 336[Half(-2,256,56,56)] -> 339[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_13 + Relu_14, Tactic: 3464689803495983377, 339[Half(-2,64,56,56)] -> 342[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_15 + Add_16 + Relu_17, Tactic: -2125188058121029448, 342[Half(-2,64,56,56)], 336[Half(-2,256,56,56)] -> 346[Half(-2,256,56,56)]\n", + "Layer(CaskConvolution): Conv_18 + Relu_19, Tactic: -2827934362840121038, 346[Half(-2,256,56,56)] -> 349[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_20 + Relu_21, Tactic: 3464689803495983377, 349[Half(-2,64,56,56)] -> 352[Half(-2,64,56,56)]\n", + "Layer(CaskConvolution): Conv_22 + Add_23 + Relu_24, Tactic: -2125188058121029448, 352[Half(-2,64,56,56)], 346[Half(-2,256,56,56)] -> 356[Half(-2,256,56,56)]\n", + "Layer(CaskConvolution): Conv_25 + Relu_26, Tactic: -5505475137955795830, 356[Half(-2,256,56,56)] -> 359[Half(-2,128,56,56)]\n", + "Layer(CaskConvolution): Conv_27 + Relu_28, Tactic: -3136088851200285532, 359[Half(-2,128,56,56)] -> 362[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_29, Tactic: -229563042944049199, 362[Half(-2,128,28,28)] -> 535[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_30 + Add_31 + Relu_32, Tactic: -4352168563838861262, 356[Half(-2,256,56,56)], 535[Half(-2,512,28,28)] -> 368[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_33 + Relu_34, Tactic: 3041642431972138763, 368[Half(-2,512,28,28)] -> 371[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_35 + Relu_36, Tactic: -229563042944049199, 371[Half(-2,128,28,28)] -> 374[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_37 + Add_38 + Relu_39, Tactic: 3199589679702517123, 374[Half(-2,128,28,28)], 368[Half(-2,512,28,28)] -> 378[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_40 + Relu_41, Tactic: 3041642431972138763, 378[Half(-2,512,28,28)] -> 381[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_42 + Relu_43, Tactic: -229563042944049199, 381[Half(-2,128,28,28)] -> 384[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_44 + Add_45 + Relu_46, Tactic: 3199589679702517123, 384[Half(-2,128,28,28)], 378[Half(-2,512,28,28)] -> 388[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_47 + Relu_48, Tactic: 3041642431972138763, 388[Half(-2,512,28,28)] -> 391[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_49 + Relu_50, Tactic: -229563042944049199, 391[Half(-2,128,28,28)] -> 394[Half(-2,128,28,28)]\n", + "Layer(CaskConvolution): Conv_51 + Add_52 + Relu_53, Tactic: 3199589679702517123, 394[Half(-2,128,28,28)], 388[Half(-2,512,28,28)] -> 398[Half(-2,512,28,28)]\n", + "Layer(CaskConvolution): Conv_54 + Relu_55, Tactic: -4352168563838861262, 398[Half(-2,512,28,28)] -> 401[Half(-2,256,28,28)]\n", + "Layer(CaskConvolution): Conv_56 + Relu_57, Tactic: -2586046817576862066, 401[Half(-2,256,28,28)] -> 404[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_58, Tactic: 3041642431972138763, 404[Half(-2,256,14,14)] -> 574[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_59 + Add_60 + Relu_61, Tactic: -6080892721161662420, 398[Half(-2,512,28,28)], 574[Half(-2,1024,14,14)] -> 410[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_62 + Relu_63, Tactic: 3041642431972138763, 410[Half(-2,1024,14,14)] -> 413[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_64 + Relu_65, Tactic: -2586046817576862066, 413[Half(-2,256,14,14)] -> 416[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_66 + Add_67 + Relu_68, Tactic: -5505475137955795830, 416[Half(-2,256,14,14)], 410[Half(-2,1024,14,14)] -> 420[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_69 + Relu_70, Tactic: 3041642431972138763, 420[Half(-2,1024,14,14)] -> 423[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_71 + Relu_72, Tactic: -2586046817576862066, 423[Half(-2,256,14,14)] -> 426[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_73 + Add_74 + Relu_75, Tactic: -5505475137955795830, 426[Half(-2,256,14,14)], 420[Half(-2,1024,14,14)] -> 430[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_76 + Relu_77, Tactic: 3041642431972138763, 430[Half(-2,1024,14,14)] -> 433[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_78 + Relu_79, Tactic: -2586046817576862066, 433[Half(-2,256,14,14)] -> 436[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_80 + Add_81 + Relu_82, Tactic: -5505475137955795830, 436[Half(-2,256,14,14)], 430[Half(-2,1024,14,14)] -> 440[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_83 + Relu_84, Tactic: 3041642431972138763, 440[Half(-2,1024,14,14)] -> 443[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_85 + Relu_86, Tactic: -2586046817576862066, 443[Half(-2,256,14,14)] -> 446[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_87 + Add_88 + Relu_89, Tactic: -5505475137955795830, 446[Half(-2,256,14,14)], 440[Half(-2,1024,14,14)] -> 450[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_90 + Relu_91, Tactic: 3041642431972138763, 450[Half(-2,1024,14,14)] -> 453[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_92 + Relu_93, Tactic: -2586046817576862066, 453[Half(-2,256,14,14)] -> 456[Half(-2,256,14,14)]\n", + "Layer(CaskConvolution): Conv_94 + Add_95 + Relu_96, Tactic: -5505475137955795830, 456[Half(-2,256,14,14)], 450[Half(-2,1024,14,14)] -> 460[Half(-2,1024,14,14)]\n", + "Layer(CaskConvolution): Conv_97 + Relu_98, Tactic: -3136088851200285532, 460[Half(-2,1024,14,14)] -> 463[Half(-2,512,14,14)]\n", + "Layer(CaskConvolution): Conv_99 + Relu_100, Tactic: -229563042944049199, 463[Half(-2,512,14,14)] -> 466[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_101, Tactic: 3041642431972138763, 466[Half(-2,512,7,7)] -> 631[Half(-2,2048,7,7)]\n", + "Layer(CaskConvolution): Conv_102 + Add_103 + Relu_104, Tactic: 3041642431972138763, 460[Half(-2,1024,14,14)], 631[Half(-2,2048,7,7)] -> 472[Half(-2,2048,7,7)]\n", + "Layer(CaskConvolution): Conv_105 + Relu_106, Tactic: -3136088851200285532, 472[Half(-2,2048,7,7)] -> 475[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_107 + Relu_108, Tactic: -229563042944049199, 475[Half(-2,512,7,7)] -> 478[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_109 + Add_110 + Relu_111, Tactic: 3041642431972138763, 478[Half(-2,512,7,7)], 472[Half(-2,2048,7,7)] -> 482[Half(-2,2048,7,7)]\n", + "Layer(CaskConvolution): Conv_112 + Relu_113, Tactic: -3136088851200285532, 482[Half(-2,2048,7,7)] -> 485[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_114 + Relu_115, Tactic: -229563042944049199, 485[Half(-2,512,7,7)] -> 488[Half(-2,512,7,7)]\n", + "Layer(CaskConvolution): Conv_116 + Add_117 + Relu_118, Tactic: 3041642431972138763, 488[Half(-2,512,7,7)], 482[Half(-2,2048,7,7)] -> 492[Half(-2,2048,7,7)]\n", + "Layer(CudaPooling): GlobalAveragePool_119, Tactic: -2, 492[Half(-2,2048,7,7)] -> 493[Half(-2,2048,1,1)]\n", + "Layer(CaskConvolution): Gemm_121, Tactic: 7107292614492808590, 493[Half(-2,2048,1,1)] -> (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)]\n", + "Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle], Tactic: 0, (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)] -> Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle][Float(-2,1000,1,1)]\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] Builder end: CPU 1662 MiB, GPU 853 MiB\n", + "[03/14/2023-21:28:40] [I] [TRT] Loaded engine size: 49 MB\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine begin: CPU 1662 MiB, GPU 803 MiB\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1662, GPU 863 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 871 (MiB)\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Deserialization required 160038 microseconds.\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine end: CPU 1662 MiB, GPU 853 MiB\n", + "[03/14/2023-21:28:40] [I] Engine built in 208.358 sec.\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation begin: CPU 1514 MiB, GPU 853 MiB\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1514, GPU 863 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1514, GPU 871 (MiB)\n", + "[03/14/2023-21:28:40] [V] [TRT] Total per-runner device memory is 51194368\n", + "[03/14/2023-21:28:40] [V] [TRT] Total per-runner host memory is 162096\n", + "[03/14/2023-21:28:40] [V] [TRT] Allocated activation device memory of size 513802240\n", + "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation end: CPU 1514 MiB, GPU 1411 MiB\n", + "[03/14/2023-21:28:40] [I] Created input binding for input with dimensions 128x3x224x224\n", + "[03/14/2023-21:28:40] [I] Created output binding for output with dimensions 128x1000\n", + "[03/14/2023-21:28:40] [I] Starting inference\n", + "[03/14/2023-21:28:44] [I] Warmup completed 4 queries over 200 ms\n", + "[03/14/2023-21:28:44] [I] Timing trace has 55 queries over 3.12051 s\n", + "[03/14/2023-21:28:44] [I] \n", + "[03/14/2023-21:28:44] [I] === Trace details ===\n", + "[03/14/2023-21:28:44] [I] Trace averages of 10 runs:\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.14 ms - Host latency: 67.5936 ms (end to end 110.741 ms, enqueue 0.458421 ms)\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 56.0947 ms - Host latency: 68.5476 ms (end to end 111.97 ms, enqueue 0.46156 ms)\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.2569 ms - Host latency: 67.707 ms (end to end 110.578 ms, enqueue 0.442236 ms)\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 56.0127 ms - Host latency: 68.4673 ms (end to end 111.817 ms, enqueue 0.47312 ms)\n", + "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.3822 ms - Host latency: 67.8345 ms (end to end 110.692 ms, enqueue 0.480957 ms)\n", + "[03/14/2023-21:28:44] [I] \n", + "[03/14/2023-21:28:44] [I] === Performance summary ===\n", + "[03/14/2023-21:28:44] [I] Throughput: 17.6253 qps\n", + "[03/14/2023-21:28:44] [I] Latency: min = 67.0677 ms, max = 69.9773 ms, mean = 68.0911 ms, median = 68.0387 ms, percentile(99%) = 69.9773 ms\n", + "[03/14/2023-21:28:44] [I] End-to-End Host Latency: min = 109.552 ms, max = 116.728 ms, mean = 111.275 ms, median = 111.054 ms, percentile(99%) = 116.728 ms\n", + "[03/14/2023-21:28:44] [I] Enqueue Time: min = 0.397827 ms, max = 0.562012 ms, mean = 0.462458 ms, median = 0.462219 ms, percentile(99%) = 0.562012 ms\n", + "[03/14/2023-21:28:44] [I] H2D Latency: min = 12.3595 ms, max = 12.3865 ms, mean = 12.3696 ms, median = 12.37 ms, percentile(99%) = 12.3865 ms\n", + "[03/14/2023-21:28:44] [I] GPU Compute Time: min = 54.6188 ms, max = 57.5254 ms, mean = 55.6382 ms, median = 55.5883 ms, percentile(99%) = 57.5254 ms\n", + "[03/14/2023-21:28:44] [I] D2H Latency: min = 0.0812988 ms, max = 0.0842285 ms, mean = 0.0832464 ms, median = 0.083252 ms, percentile(99%) = 0.0842285 ms\n", + "[03/14/2023-21:28:44] [I] Total Host Walltime: 3.12051 s\n", + "[03/14/2023-21:28:44] [I] Total GPU Compute Time: 3.0601 s\n", + "[03/14/2023-21:28:44] [I] Explanations of the performance metrics are printed in the verbose logs.\n", + "[03/14/2023-21:28:44] [V] \n", + "[03/14/2023-21:28:44] [V] === Explanations of the performance metrics ===\n", + "[03/14/2023-21:28:44] [V] Total Host Walltime: the host walltime from when the first query (after warmups) is enqueued to when the last query is completed.\n", + "[03/14/2023-21:28:44] [V] GPU Compute Time: the GPU latency to execute the kernels for a query.\n", + "[03/14/2023-21:28:44] [V] Total GPU Compute Time: the summation of the GPU Compute Time of all the queries. If this is significantly shorter than Total Host Walltime, the GPU may be under-utilized because of host-side overheads or data transfers.\n", + "[03/14/2023-21:28:44] [V] Throughput: the observed throughput computed by dividing the number of queries by the Total Host Walltime. If this is significantly lower than the reciprocal of GPU Compute Time, the GPU may be under-utilized because of host-side overheads or data transfers.\n", + "[03/14/2023-21:28:44] [V] Enqueue Time: the host latency to enqueue a query. If this is longer than GPU Compute Time, the GPU may be under-utilized.\n", + "[03/14/2023-21:28:44] [V] H2D Latency: the latency for host-to-device data transfers for input tensors of a single query.\n", + "[03/14/2023-21:28:44] [V] D2H Latency: the latency for device-to-host data transfers for output tensors of a single query.\n", + "[03/14/2023-21:28:44] [V] Latency: the summation of H2D Latency, GPU Compute Time, and D2H Latency. This is the latency to infer a single query.\n", + "[03/14/2023-21:28:44] [V] End-to-End Host Latency: the duration from when the H2D of a query is called to when the D2H of the same query is completed, which includes the latency to wait for the completion of the previous query. This is the latency of a query if multiple queries are enqueued consecutively.\n", + "[03/14/2023-21:28:44] [I] \n", + "&&&& PASSED TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose\n", + "[03/14/2023-21:28:44] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1514, GPU 1343 (MiB)\n" + ] + } + ], "source": [ "!docker run --gpus=all --rm -it \\\n", " -v `pwd`/workspace:/workspace nvcr.io/nvidia/pytorch:21.08-py3 \\\n", @@ -267,7 +14369,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 9, "id": "2ba5d998", "metadata": {}, "outputs": [], @@ -296,10 +14398,18 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 10, "id": "ad3a4efa", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Model Arn: arn:aws:sagemaker:us-east-1:340280328827:model/triton-resnet-pt-2023-03-14-21-28-52\n" + ] + } + ], "source": [ "sm_model_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", "\n", @@ -326,10 +14436,18 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 11, "id": "f21e2d91", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Endpoint Config Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint-config/triton-resnet-pt-2023-03-14-21-28-52\n" + ] + } + ], "source": [ "endpoint_config_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", "\n", @@ -359,10 +14477,18 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 12, "id": "cb69a730", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Endpoint Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint/triton-resnet-pt-2023-03-14-21-28-53\n" + ] + } + ], "source": [ "endpoint_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", "\n", @@ -375,10 +14501,26 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 13, "id": "0a0e6b84", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Status: Creating\n", + "Status: Creating\n", + "Status: Creating\n", + "Status: Creating\n", + "Status: Creating\n", + "Status: Creating\n", + "Status: InService\n", + "Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint/triton-resnet-pt-2023-03-14-21-28-53\n", + "Status: InService\n" + ] + } + ], "source": [ "resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", "status = resp[\"EndpointStatus\"]\n", @@ -406,10 +14548,18 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 14, "id": "c2d2fc77", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'model_name': 'resnet', 'model_version': '1', 'outputs': [{'name': 'OUTPUT__0', 'datatype': 'FP32', 'shape': [1, 1000], 'data': [-1.2423866987228394, 0.24701853096485138, -1.719444751739502, -2.983774185180664, -3.0031378269195557, -1.9556485414505005, -2.4896504878997803, -0.3748376667499542, 0.04311593994498253, -1.6037155389785767, -3.8769569396972656, -1.9742560386657715, -3.648282527923584, -5.388746738433838, -1.698643445968628, -2.9155545234680176, -1.8570739030838013, 0.3685508072376251, -0.6721064448356628, -1.7402973175048828, -4.448188781738281, -2.3320815563201904, -3.1124160289764404, -2.239777088165283, -2.1238701343536377, -3.492258310317993, -4.8195390701293945, -2.8759515285491943, -3.056042432785034, -3.1336770057678223, -2.4614756107330322, -0.422211229801178, -2.3585638999938965, -3.5724363327026367, -0.7773780822753906, -4.294384479522705, -1.833012342453003, -4.481720924377441, -2.8400700092315674, -2.1916582584381104, -0.20150907337665558, -3.9115793704986572, -0.9050753116607666, -2.9791603088378906, -2.123189687728882, -3.932497024536133, -1.3375134468078613, -2.3746981620788574, -5.249118804931641, -2.663971424102783, -1.3220090866088867, -1.0240105390548706, -1.2798264026641846, -1.4837510585784912, -1.7605003118515015, -0.4450632631778717, -0.19828875362873077, -2.9953088760375977, -2.8129000663757324, -1.3711806535720825, -0.905617356300354, -1.1093047857284546, -3.472838878631592, -2.207808494567871, -2.5746278762817383, -3.245371103286743, -1.7209906578063965, -1.5765990018844604, -2.447021722793579, -4.086050510406494, -2.895289182662964, -1.957357406616211, -2.824129581451416, -3.280388355255127, -1.5759888887405396, -4.0739006996154785, -2.207242250442505, -1.2069604396820068, -1.2588688135147095, -0.21239452064037323, -3.4536893367767334, -5.687176704406738, -1.407385230064392, -3.0367422103881836, -0.9377634525299072, -2.6809866428375244, -1.6750167608261108, -0.6902238130569458, 0.591416597366333, -0.8433014154434204, -2.482624053955078, -4.851302623748779, -1.44878351688385, -1.7387932538986206, -0.46680518984794617, -4.541265964508057, -2.670034885406494, -0.08718496561050415, -1.1567074060440063, -0.1274053156375885, -0.38829556107521057, -2.899203300476074, -2.51202130317688, -4.1139631271362305, 1.2109885215759277, -1.4036363363265991, -2.20768666267395, -3.528991937637329, 0.12620562314987183, -3.3343400955200195, -1.449752688407898, -1.695318341255188, 1.2576112747192383, 0.28074538707733154, -1.221692442893982, -1.2502559423446655, -3.0089879035949707, -1.881725788116455, -0.6232064962387085, -2.089332342147827, -1.4124246835708618, -1.4048116207122803, -0.6954549551010132, -1.6978026628494263, -1.430797815322876, -2.1470093727111816, -0.8399049043655396, -0.5957848429679871, -4.416295528411865, -3.389047145843506, -0.4003943204879761, -4.153247356414795, -1.4695099592208862, -3.5651304721832275, -0.2752054035663605, -2.632575511932373, -2.6370229721069336, -2.5659046173095703, -3.039868116378784, -3.4027254581451416, -4.482636451721191, -3.4936184883117676, -3.5955097675323486, -4.155820369720459, -0.40469369292259216, -1.180621862411499, -3.971254587173462, -3.9174814224243164, -3.2591006755828857, -4.544680595397949, -3.731271505355835, 4.48147439956665, 2.799806594848633, 0.45567819476127625, 2.9352850914001465, 1.1198471784591675, 2.183328866958618, 2.875535011291504, 2.670189619064331, 3.0479562282562256, 0.7560573220252991, 1.0376800298690796, 3.7504732608795166, 1.8162275552749634, 0.8302632570266724, -0.7442867159843445, 1.4246255159378052, 0.9099918007850647, 4.1397528648376465, 1.698013424873352, -0.7983959317207336, 1.5178110599517822, 0.4979192316532135, 3.0345089435577393, 8.439630508422852, 1.2237529754638672, 4.001903533935547, -1.5365468263626099, -0.502070426940918, 2.08219051361084, 3.0254714488983154, 0.851430356502533, 1.05483877658844, 0.1593506634235382, 2.5694620609283447, 1.6882529258728027, 4.791681289672852, 0.46597373485565186, 1.7344970703125, 1.8653706312179565, -3.7306764125823975, -0.17342054843902588, 0.607579231262207, 3.3979227542877197, -0.9690961241722107, 2.2444777488708496, 0.5438726544380188, 0.3399249017238617, -0.5145711898803711, -0.27643948793411255, 5.0431389808654785, 1.0719243288040161, 0.6755212545394897, 1.0635666847229004, 2.8970518112182617, -0.24503494799137115, 0.2677985429763794, 5.767853260040283, 2.7208287715911865, 2.631786823272705, -3.712066411972046, 0.9199149012565613, -0.6619486808776855, 1.6385998725891113, -2.3274905681610107, 2.802562713623047, -1.0896999835968018, -1.3109577894210815, 1.1040453910827637, 0.799062192440033, 0.2817995846271515, -0.5115494728088379, 5.687519073486328, 5.994056701660156, 4.608816623687744, 4.708855152130127, 2.3742897510528564, 5.3140549659729, 0.7772890329360962, 1.2149087190628052, 6.167642116546631, 7.475282192230225, 4.660694599151611, 0.8593671321868896, 2.490009307861328, 5.6235809326171875, 1.4078541994094849, 1.4069896936416626, 3.779740333557129, 3.51975417137146, 5.2699713706970215, 2.4907889366149902, 1.1211588382720947, 1.8801428079605103, 7.124374866485596, 1.5052049160003662, 0.8761277198791504, 5.837669372558594, 11.038846015930176, 11.087148666381836, 10.83184814453125, 2.1337273120880127, -0.7215707898139954, 10.503634452819824, 3.639939785003662, 4.094263553619385, 3.846100330352783, 4.839427947998047, 8.102232933044434, 6.168914794921875, 10.11670970916748, 4.459931373596191, 1.7802114486694336, 8.43028736114502, 6.315309524536133, 3.8544113636016846, 2.8066086769104004, 4.197896480560303, -1.8742378950119019, 3.8444674015045166, 3.9126832485198975, 4.828442573547363, 2.9183831214904785, 7.703972339630127, 3.154557704925537, -2.6741669178009033, -2.491279363632202, 1.0260021686553955, 0.10183209925889969, -1.4041682481765747, 0.10055980831384659, 2.641960382461548, 3.8174126148223877, 1.0405006408691406, -0.16851866245269775, 2.2795510292053223, -0.08556774258613586, -1.3939931392669678, -2.0821800231933594, -4.192112445831299, -1.3648494482040405, 1.5525035858154297, 1.7010834217071533, 0.9642353653907776, -0.20052699744701385, -1.6545937061309814, -2.1897003650665283, -3.0494840145111084, -4.859720706939697, -2.6989574432373047, -1.4257192611694336, -0.4274105429649353, -1.4028866291046143, -2.224156379699707, 0.4315847158432007, -1.2196311950683594, -0.7891831398010254, -0.38564443588256836, -2.1956629753112793, 0.05167578160762787, -0.4005343019962311, -0.8555538654327393, -1.0657142400741577, -1.1980371475219727, -0.7499071359634399, -3.5165908336639404, -3.7054836750030518, -0.12918005883693695, -2.2676055431365967, 1.047448754310608, 2.4772748947143555, -2.1959140300750732, -2.4128668308258057, 0.5036782026290894, -2.3777709007263184, -1.0409942865371704, -0.4000007212162018, 1.3676034212112427, -0.053796734660863876, -2.675828218460083, -0.9308931827545166, -0.5529853105545044, 0.24982373416423798, -0.30617469549179077, -3.2795674800872803, -2.29314923286438, -4.353572845458984, -4.246553421020508, 0.4030839502811432, 6.243841648101807, 0.9266072511672974, -0.8102241158485413, -2.228850841522217, -2.7836508750915527, -4.507824420928955, -0.08835665136575699, -3.3499867916107178, -1.7043232917785645, -0.046653855592012405, -1.8700982332229614, -4.243189334869385, -4.142364978790283, -1.035437822341919, 1.1121145486831665, 0.5489708185195923, 1.7854083776474, -0.8899326324462891, -2.804229497909546, -0.5876503586769104, 0.03297153860330582, -4.439447402954102, -0.04600190743803978, -3.4029335975646973, -2.1875674724578857, -3.829667806625366, -2.804438829421997, -3.741136312484741, -5.61972713470459, 1.61433744430542, -2.4030938148498535, -3.8727028369903564, -0.9809319972991943, -3.026529312133789, -2.645667314529419, -2.2556560039520264, -3.3481874465942383, -2.2604241371154785, -2.3744215965270996, -3.6118099689483643, -3.5855491161346436, -3.8193302154541016, -3.778609275817871, -1.8183324337005615, -2.2463197708129883, -0.10866231471300125, -3.394549608230591, -1.5781954526901245, 1.205003023147583, -1.2630035877227783, -1.0072981119155884, -3.740948438644409, 0.17715883255004883, -2.8512673377990723, -1.8297392129898071, -1.8495395183563232, -1.8976248502731323, -2.7651848793029785, -3.4741358757019043, 1.1579986810684204, -0.9449197053909302, -0.7782102227210999, 1.266616940498352, -0.6262883543968201, -3.9068939685821533, -3.947010040283203, -0.4385109543800354, -1.6055970191955566, 1.4065991640090942, 0.1412144899368286, 3.039067506790161, -1.6238840818405151, 1.714242935180664, 2.9801743030548096, -1.3860528469085693, 4.098141193389893, -0.44749075174331665, -0.370810329914093, 4.346672534942627, 4.513945579528809, 0.792707622051239, -0.4460267722606659, -0.25548022985458374, 1.4597045183181763, -1.100895881652832, -2.0053751468658447, -0.09760716557502747, 1.1322005987167358, 1.216845989227295, 2.9429848194122314, 3.3941543102264404, 0.08172310143709183, 0.5641721487045288, 0.5944889783859253, 0.4217013716697693, 3.0764071941375732, -0.23975367844104767, 0.1801811158657074, -0.3441045582294464, -2.1999106407165527, 2.1867895126342773, -0.09990686178207397, -0.9786611199378967, 2.22766375541687, 0.8623665571212769, 0.8131497502326965, 1.3771015405654907, 0.41693755984306335, -0.8338810205459595, -0.17246480286121368, 0.5097242593765259, 0.21408654749393463, -1.317720890045166, 1.012494683265686, 1.7705196142196655, 0.929252028465271, -0.17954468727111816, 0.47507980465888977, 1.6022729873657227, 0.3543952703475952, 0.7656742334365845, -0.7247799038887024, -0.23360368609428406, 2.603882074356079, 1.9868561029434204, -1.6057071685791016, 1.5703074932098389, -3.7741658687591553, -3.140000343322754, 0.5150386095046997, 1.3023779392242432, 0.4507051706314087, -0.5896298885345459, 3.9387500286102295, -2.5309929847717285, 0.518461287021637, -0.045031480491161346, 0.738206684589386, 0.6375916600227356, 2.4231107234954834, 2.9671168327331543, 0.8056631088256836, -0.2885362505912781, -0.23231540620326996, 0.5387077927589417, 1.0304267406463623, -0.7439289689064026, 0.2635357975959778, 1.7739307880401611, 0.5353232026100159, 2.856762647628784, 0.6452627182006836, -0.056495301425457, 0.019424065947532654, 0.8019267320632935, 0.22669832408428192, 0.10482416301965714, 2.5235612392425537, 1.4046953916549683, -1.9748278856277466, -2.55082631111145, -2.590188980102539, 2.6248185634613037, 0.5802381634712219, -0.012786176055669785, 1.328223466873169, 0.4185781180858612, -1.1124658584594727, -0.6484693288803101, 2.74432373046875, -0.37855908274650574, -0.5795044302940369, 1.4532623291015625, -0.759277880191803, -0.6047621369361877, -0.8623836636543274, 2.0634381771087646, 0.5325129628181458, -0.07227202504873276, 0.249970942735672, 0.7232279777526855, 1.1935458183288574, 0.24584455788135529, 2.459434986114502, 1.7067794799804688, -1.0971909761428833, -1.6077880859375, 0.8989061713218689, 0.4052864909172058, -0.02393043041229248, 1.2966910600662231, 0.9352517127990723, 0.7611367106437683, -0.49709200859069824, 0.5513348579406738, -0.15507125854492188, -3.5316507816314697, -0.5069413781166077, 5.401363372802734, -0.6017521619796753, 3.6606040000915527, -2.9822845458984375, 0.4929428696632385, 0.8544527292251587, 2.7701542377471924, 0.6290282011032104, 0.5133344531059265, -0.7050278186798096, -2.6976919174194336, 0.5152340531349182, -0.07887257635593414, -2.970639944076538, -0.6368319392204285, 1.791993260383606, 1.235923171043396, -1.6039893627166748, 0.3796193301677704, 0.0743897557258606, 2.5868160724639893, 0.922818124294281, 2.62589693069458, 3.8283755779266357, -0.6406854391098022, -1.1299877166748047, 1.14467191696167, -1.0328023433685303, -0.8392481207847595, 0.4829899072647095, -1.6974682807922363, 2.0771267414093018, -0.4594328701496124, -1.2899274826049805, -0.36673101782798767, 2.590146064758301, -0.1904577910900116, 4.209320545196533, 3.580552101135254, -0.2811737060546875, 0.018901944160461426, 0.9365814328193665, 0.6035410761833191, 1.7300513982772827, 0.7132458090782166, -0.7031646966934204, -0.5004294514656067, 0.6516416072845459, 0.13088513910770416, 0.39647555351257324, -1.3985508680343628, 2.494258403778076, 0.17934682965278625, 0.4559157192707062, 1.6974800825119019, -2.653848648071289, -1.4799747467041016, 0.23367762565612793, -0.401059091091156, 0.8545640707015991, 1.2081598043441772, -1.0631687641143799, -0.7097278833389282, -0.6915793418884277, -0.48807767033576965, 2.1490485668182373, 1.994779348373413, -0.309725284576416, 0.7534962296485901, 0.3838612139225006, 2.0906643867492676, 1.7898967266082764, 2.3028721809387207, 0.9491930603981018, 1.288383960723877, -1.3181759119033813, -1.56107497215271, 0.9501054883003235, 1.1505216360092163, 0.0841454267501831, -1.1702102422714233, -0.22755806148052216, 0.47900375723838806, 3.3707222938537598, 3.2171294689178467, 1.3577296733856201, 0.5132479667663574, 1.6241233348846436, 0.39679446816444397, 0.6182871460914612, -1.8020302057266235, -2.273179531097412, -1.0654096603393555, 0.23821355402469635, 0.46932509541511536, 0.46651357412338257, -1.7554057836532593, -1.1448501348495483, 0.5380088686943054, 2.2509233951568604, 2.4570677280426025, 1.6912322044372559, 1.282508373260498, -1.4788862466812134, 1.1049860715866089, -1.6647998094558716, -0.7823216915130615, 0.9179087281227112, 1.7279776334762573, 1.436221957206726, -1.5274734497070312, -0.2444668561220169, -1.5347509384155273, -1.9325847625732422, -1.0709526538848877, 1.5472469329833984, 1.2437478303909302, -1.063280701637268, 1.902294635772705, 1.6843698024749756, -0.3648700714111328, 1.3523964881896973, -0.3981909453868866, -1.0235872268676758, 1.0606437921524048, -2.137662172317505, -1.4636268615722656, 0.820901095867157, 1.3147257566452026, -0.6305176615715027, 1.0510809421539307, -1.2072645425796509, 0.30682259798049927, 1.2256721258163452, -0.16383419930934906, 2.16978120803833, 0.7964350581169128, -0.48495718836784363, -0.7223852276802063, 5.431890487670898, -2.9348883628845215, 0.173114612698555, 1.0914671421051025, 1.753499150276184, 3.865567445755005, 0.296067476272583, 0.5469890832901001, -0.7199031710624695, -0.30049896240234375, -2.9984302520751953, -1.4062846899032593, -2.158229112625122, -0.7109717726707458, 0.9285435676574707, -1.2161037921905518, 2.3051962852478027, 2.64526104927063, -0.45120319724082947, -0.7393449544906616, 1.405531644821167, 0.9890850782394409, 1.92544686794281, -0.6046110987663269, 2.328507423400879, 0.6218724250793457, 0.20570991933345795, 2.966010808944702, 1.3359277248382568, -1.241937279701233, 3.257911205291748, 0.30844682455062866, -0.9970972537994385, 2.7559309005737305, 2.947950601577759, -0.15460214018821716, -0.7883446216583252, -0.9202589988708496, -0.020370205864310265, -2.6500086784362793, 3.0443508625030518, 1.743947982788086, 0.747965931892395, 0.4742513597011566, -0.5459211468696594, 1.2916135787963867, 2.1087779998779297, 2.2014925479888916, -1.0636907815933228, -0.047605179250240326, -2.6452813148498535, -1.383744239807129, 1.1371270418167114, -1.238087773323059, 0.5519890785217285, 1.7330126762390137, -0.6170194149017334, 1.854001522064209, 0.0954878181219101, 1.9466322660446167, 1.794241189956665, 0.039252638816833496, -0.19749785959720612, -4.206841945648193, -1.3268961906433105, 2.189582109451294, 0.25798800587654114, -0.39195317029953003, -1.3728301525115967, -2.2057876586914062, 0.07216962426900864, 0.8506231904029846, 2.716503620147705, 1.0431472063064575, 3.1343870162963867, 1.0341962575912476, 2.7223002910614014, -0.33414843678474426, -0.5487478375434875, 0.8990635275840759, 3.4038333892822266, -0.22376447916030884, 0.07326292246580124, -0.12549275159835815, -0.3097744286060333, 1.4494130611419678, 0.3737104833126068, 0.42938563227653503, 1.2288645505905151, 3.198986291885376, -0.9852681756019592, 2.1392951011657715, 1.8636292219161987, 0.5314702987670898, 2.1410844326019287, 0.07178203761577606, 2.579829216003418, 2.0770046710968018, -0.01828363910317421, 1.1538102626800537, -0.7035776972770691, -0.5001262426376343, -0.9653146862983704, -2.6354258060455322, -1.1420164108276367, 0.9036303162574768, 0.5201398134231567, -0.9366657137870789, 0.6147940158843994, 2.563716411590576, -0.7428556680679321, 2.7990546226501465, 1.4155992269515991, 1.7655411958694458, 1.627662181854248, 2.0145602226257324, 1.5509142875671387, -0.66004478931427, 0.9519579410552979, -0.22161263227462769, -0.033559706062078476, 3.4113306999206543, 0.807908296585083, 2.731243133544922, -1.1829602718353271, -0.666088879108429, -1.0103628635406494, -0.05003039538860321, 0.5441370010375977, 6.094512939453125, 0.4210489094257355, -0.3898664712905884, -0.5602355599403381, 0.6837038397789001, 2.6086695194244385, 1.1682504415512085, -2.57012939453125, 0.5038474202156067, -0.7558023929595947, -0.6899958252906799, -0.7047230005264282, 1.170420527458191, -1.8128705024719238, -0.43803533911705017, -0.7041135430335999, -2.0361108779907227, -2.865117073059082, 1.0411895513534546, 4.023390293121338, 0.2144118994474411, 3.322456121444702, -0.12874726951122284, 0.7509807348251343, -1.5593122243881226, -0.6948837041854858, 1.4350576400756836, -1.4185090065002441, -2.825155258178711, -0.5716686844825745, -0.27019694447517395, 0.14666974544525146, 0.7213382720947266, 0.2349950671195984, 0.4298882484436035, 0.24089881777763367, 2.424152135848999, 2.38161301612854, 2.68387508392334, -1.675816297531128, 0.5684142112731934, 0.08140233159065247, -1.328484058380127, -0.08933857083320618, 1.2805442810058594, 4.667807579040527, 0.3949768841266632, 4.964328765869141, 0.4493212401866913, 0.49642714858055115, -0.30175963044166565, -0.939692497253418, 0.3591740131378174, 1.1966487169265747, -1.5987673997879028, -1.4013715982437134, 0.6252586245536804, 0.6375517249107361, -0.08944440633058548, 0.8369368314743042, 2.9173333644866943, 0.8579233884811401, -1.1364729404449463, -0.01266433671116829, -0.052521780133247375, 2.2555484771728516, 2.1849331855773926, 1.890916347503662, 1.0208438634872437, -3.465909004211426, 0.2995164096355438, 1.4601879119873047, -1.042741060256958, 0.48671475052833557, 3.4693238735198975, 1.0927120447158813, 1.1716400384902954, 1.832642912864685, 0.12155322730541229, -0.4447304308414459, 2.9176058769226074, -1.6883790493011475, -2.342083692550659, -0.6320714950561523, 0.5942274928092957, 1.4546467065811157, -1.6978635787963867, 2.2832696437835693, 3.4135866165161133, -0.11403636634349823, -2.5558066368103027, -1.450520396232605, -1.7825028896331787, 4.647156238555908, 0.4630385935306549, 1.5413992404937744, -1.3743259906768799, 3.4131081104278564, 1.411144495010376, 3.457047462463379, 1.3101699352264404, -2.7795538902282715, -0.2232770323753357, -0.19650286436080933, -1.3833602666854858, 2.00016713142395, 1.5340580940246582, 1.9496256113052368, -0.7850511074066162, -0.2745943069458008, 0.6859869360923767, 1.4264651536941528, 0.15139207243919373, 1.9273546934127808, -0.783965528011322, -1.4971638917922974, 1.5665477514266968, -0.7320509552955627, -1.5149905681610107, 1.2925796508789062, -1.6941871643066406, -3.1682546138763428, -2.5794296264648438, -1.3699159622192383, 3.1451945304870605, -1.5959312915802002, 0.15325406193733215, 0.588627278804779, -0.5977718234062195, 1.4148263931274414, -1.661409616470337, -2.2289066314697266, 0.8796267509460449, -0.37350618839263916, 1.0486295223236084, -1.7509045600891113, -1.7230217456817627, -1.4233078956604004, 0.15231209993362427, -1.6564298868179321, -0.6157931685447693, -1.3653186559677124, -0.5375301837921143, 1.3738137483596802, -0.6402419805526733, 0.2147725373506546, -1.2033156156539917, -0.7748193144798279, -0.12748029828071594, -0.21898113191127777, -2.0373013019561768, -2.351781129837036, 0.0028178473003208637, 0.3099181056022644, -1.9125932455062866, -1.207922339439392, -1.8245595693588257, -2.2694051265716553, -1.107034683227539, -2.8216378688812256, -1.4607181549072266, 0.2326987087726593, -1.0092521905899048, 1.407999038696289, -0.708759605884552, -0.5778506994247437, 1.413687825202942, -0.8041055202484131, -0.7602683305740356, -3.4595000743865967, 3.448349952697754, -2.147444486618042, 1.5707422494888306, -0.47289377450942993, -1.1708650588989258, -2.2173688411712646, 3.2860283851623535, -2.037209987640381, -0.6541475653648376, -0.3220016360282898, -0.5214560031890869, -3.3337862491607666, 0.9259704947471619, -0.2998931407928467, -1.8074743747711182, -0.961166262626648, -1.2654640674591064, -0.4000198245048523, -2.9874444007873535, -2.893066644668579, 0.22407519817352295, -1.9909253120422363, -3.592283248901367, 0.3668442368507385, 2.7051074504852295]}]}\n" + ] + } + ], "source": [ "payload = {\n", " \"inputs\": [\n", @@ -443,12 +14593,269 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 15, "id": "b98f4405", "metadata": { "scrolled": true }, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[-1.24238670e+00 2.47018531e-01 -1.71944475e+00 -2.98377419e+00\n", + " -3.00313783e+00 -1.95564854e+00 -2.48965049e+00 -3.74837667e-01\n", + " 4.31159399e-02 -1.60371554e+00 -3.87695694e+00 -1.97425604e+00\n", + " -3.64828253e+00 -5.38874674e+00 -1.69864345e+00 -2.91555452e+00\n", + " -1.85707390e+00 3.68550807e-01 -6.72106445e-01 -1.74029732e+00\n", + " -4.44818878e+00 -2.33208156e+00 -3.11241603e+00 -2.23977709e+00\n", + " -2.12387013e+00 -3.49225831e+00 -4.81953907e+00 -2.87595153e+00\n", + " -3.05604243e+00 -3.13367701e+00 -2.46147561e+00 -4.22211230e-01\n", + " -2.35856390e+00 -3.57243633e+00 -7.77378082e-01 -4.29438448e+00\n", + " -1.83301234e+00 -4.48172092e+00 -2.84007001e+00 -2.19165826e+00\n", + " -2.01509073e-01 -3.91157937e+00 -9.05075312e-01 -2.97916031e+00\n", + " -2.12318969e+00 -3.93249702e+00 -1.33751345e+00 -2.37469816e+00\n", + " -5.24911880e+00 -2.66397142e+00 -1.32200909e+00 -1.02401054e+00\n", + " -1.27982640e+00 -1.48375106e+00 -1.76050031e+00 -4.45063263e-01\n", + " -1.98288754e-01 -2.99530888e+00 -2.81290007e+00 -1.37118065e+00\n", + " -9.05617356e-01 -1.10930479e+00 -3.47283888e+00 -2.20780849e+00\n", + " -2.57462788e+00 -3.24537110e+00 -1.72099066e+00 -1.57659900e+00\n", + " -2.44702172e+00 -4.08605051e+00 -2.89528918e+00 -1.95735741e+00\n", + " -2.82412958e+00 -3.28038836e+00 -1.57598889e+00 -4.07390070e+00\n", + " -2.20724225e+00 -1.20696044e+00 -1.25886881e+00 -2.12394521e-01\n", + " -3.45368934e+00 -5.68717670e+00 -1.40738523e+00 -3.03674221e+00\n", + " -9.37763453e-01 -2.68098664e+00 -1.67501676e+00 -6.90223813e-01\n", + " 5.91416597e-01 -8.43301415e-01 -2.48262405e+00 -4.85130262e+00\n", + " -1.44878352e+00 -1.73879325e+00 -4.66805190e-01 -4.54126596e+00\n", + " -2.67003489e+00 -8.71849656e-02 -1.15670741e+00 -1.27405316e-01\n", + " -3.88295561e-01 -2.89920330e+00 -2.51202130e+00 -4.11396313e+00\n", + " 1.21098852e+00 -1.40363634e+00 -2.20768666e+00 -3.52899194e+00\n", + " 1.26205623e-01 -3.33434010e+00 -1.44975269e+00 -1.69531834e+00\n", + " 1.25761127e+00 2.80745387e-01 -1.22169244e+00 -1.25025594e+00\n", + " -3.00898790e+00 -1.88172579e+00 -6.23206496e-01 -2.08933234e+00\n", + " -1.41242468e+00 -1.40481162e+00 -6.95454955e-01 -1.69780266e+00\n", + " -1.43079782e+00 -2.14700937e+00 -8.39904904e-01 -5.95784843e-01\n", + " -4.41629553e+00 -3.38904715e+00 -4.00394320e-01 -4.15324736e+00\n", + " -1.46950996e+00 -3.56513047e+00 -2.75205404e-01 -2.63257551e+00\n", + " -2.63702297e+00 -2.56590462e+00 -3.03986812e+00 -3.40272546e+00\n", + " -4.48263645e+00 -3.49361849e+00 -3.59550977e+00 -4.15582037e+00\n", + " -4.04693693e-01 -1.18062186e+00 -3.97125459e+00 -3.91748142e+00\n", + " -3.25910068e+00 -4.54468060e+00 -3.73127151e+00 4.48147440e+00\n", + " 2.79980659e+00 4.55678195e-01 2.93528509e+00 1.11984718e+00\n", + " 2.18332887e+00 2.87553501e+00 2.67018962e+00 3.04795623e+00\n", + " 7.56057322e-01 1.03768003e+00 3.75047326e+00 1.81622756e+00\n", + " 8.30263257e-01 -7.44286716e-01 1.42462552e+00 9.09991801e-01\n", + " 4.13975286e+00 1.69801342e+00 -7.98395932e-01 1.51781106e+00\n", + " 4.97919232e-01 3.03450894e+00 8.43963051e+00 1.22375298e+00\n", + " 4.00190353e+00 -1.53654683e+00 -5.02070427e-01 2.08219051e+00\n", + " 3.02547145e+00 8.51430357e-01 1.05483878e+00 1.59350663e-01\n", + " 2.56946206e+00 1.68825293e+00 4.79168129e+00 4.65973735e-01\n", + " 1.73449707e+00 1.86537063e+00 -3.73067641e+00 -1.73420548e-01\n", + " 6.07579231e-01 3.39792275e+00 -9.69096124e-01 2.24447775e+00\n", + " 5.43872654e-01 3.39924902e-01 -5.14571190e-01 -2.76439488e-01\n", + " 5.04313898e+00 1.07192433e+00 6.75521255e-01 1.06356668e+00\n", + " 2.89705181e+00 -2.45034948e-01 2.67798543e-01 5.76785326e+00\n", + " 2.72082877e+00 2.63178682e+00 -3.71206641e+00 9.19914901e-01\n", + " -6.61948681e-01 1.63859987e+00 -2.32749057e+00 2.80256271e+00\n", + " -1.08969998e+00 -1.31095779e+00 1.10404539e+00 7.99062192e-01\n", + " 2.81799585e-01 -5.11549473e-01 5.68751907e+00 5.99405670e+00\n", + " 4.60881662e+00 4.70885515e+00 2.37428975e+00 5.31405497e+00\n", + " 7.77289033e-01 1.21490872e+00 6.16764212e+00 7.47528219e+00\n", + " 4.66069460e+00 8.59367132e-01 2.49000931e+00 5.62358093e+00\n", + " 1.40785420e+00 1.40698969e+00 3.77974033e+00 3.51975417e+00\n", + " 5.26997137e+00 2.49078894e+00 1.12115884e+00 1.88014281e+00\n", + " 7.12437487e+00 1.50520492e+00 8.76127720e-01 5.83766937e+00\n", + " 1.10388460e+01 1.10871487e+01 1.08318481e+01 2.13372731e+00\n", + " -7.21570790e-01 1.05036345e+01 3.63993979e+00 4.09426355e+00\n", + " 3.84610033e+00 4.83942795e+00 8.10223293e+00 6.16891479e+00\n", + " 1.01167097e+01 4.45993137e+00 1.78021145e+00 8.43028736e+00\n", + " 6.31530952e+00 3.85441136e+00 2.80660868e+00 4.19789648e+00\n", + " -1.87423790e+00 3.84446740e+00 3.91268325e+00 4.82844257e+00\n", + " 2.91838312e+00 7.70397234e+00 3.15455770e+00 -2.67416692e+00\n", + " -2.49127936e+00 1.02600217e+00 1.01832099e-01 -1.40416825e+00\n", + " 1.00559808e-01 2.64196038e+00 3.81741261e+00 1.04050064e+00\n", + " -1.68518662e-01 2.27955103e+00 -8.55677426e-02 -1.39399314e+00\n", + " -2.08218002e+00 -4.19211245e+00 -1.36484945e+00 1.55250359e+00\n", + " 1.70108342e+00 9.64235365e-01 -2.00526997e-01 -1.65459371e+00\n", + " -2.18970037e+00 -3.04948401e+00 -4.85972071e+00 -2.69895744e+00\n", + " -1.42571926e+00 -4.27410543e-01 -1.40288663e+00 -2.22415638e+00\n", + " 4.31584716e-01 -1.21963120e+00 -7.89183140e-01 -3.85644436e-01\n", + " -2.19566298e+00 5.16757816e-02 -4.00534302e-01 -8.55553865e-01\n", + " -1.06571424e+00 -1.19803715e+00 -7.49907136e-01 -3.51659083e+00\n", + " -3.70548368e+00 -1.29180059e-01 -2.26760554e+00 1.04744875e+00\n", + " 2.47727489e+00 -2.19591403e+00 -2.41286683e+00 5.03678203e-01\n", + " -2.37777090e+00 -1.04099429e+00 -4.00000721e-01 1.36760342e+00\n", + " -5.37967347e-02 -2.67582822e+00 -9.30893183e-01 -5.52985311e-01\n", + " 2.49823734e-01 -3.06174695e-01 -3.27956748e+00 -2.29314923e+00\n", + " -4.35357285e+00 -4.24655342e+00 4.03083950e-01 6.24384165e+00\n", + " 9.26607251e-01 -8.10224116e-01 -2.22885084e+00 -2.78365088e+00\n", + " -4.50782442e+00 -8.83566514e-02 -3.34998679e+00 -1.70432329e+00\n", + " -4.66538556e-02 -1.87009823e+00 -4.24318933e+00 -4.14236498e+00\n", + " -1.03543782e+00 1.11211455e+00 5.48970819e-01 1.78540838e+00\n", + " -8.89932632e-01 -2.80422950e+00 -5.87650359e-01 3.29715386e-02\n", + " -4.43944740e+00 -4.60019074e-02 -3.40293360e+00 -2.18756747e+00\n", + " -3.82966781e+00 -2.80443883e+00 -3.74113631e+00 -5.61972713e+00\n", + " 1.61433744e+00 -2.40309381e+00 -3.87270284e+00 -9.80931997e-01\n", + " -3.02652931e+00 -2.64566731e+00 -2.25565600e+00 -3.34818745e+00\n", + " -2.26042414e+00 -2.37442160e+00 -3.61180997e+00 -3.58554912e+00\n", + " -3.81933022e+00 -3.77860928e+00 -1.81833243e+00 -2.24631977e+00\n", + " -1.08662315e-01 -3.39454961e+00 -1.57819545e+00 1.20500302e+00\n", + " -1.26300359e+00 -1.00729811e+00 -3.74094844e+00 1.77158833e-01\n", + " -2.85126734e+00 -1.82973921e+00 -1.84953952e+00 -1.89762485e+00\n", + " -2.76518488e+00 -3.47413588e+00 1.15799868e+00 -9.44919705e-01\n", + " -7.78210223e-01 1.26661694e+00 -6.26288354e-01 -3.90689397e+00\n", + " -3.94701004e+00 -4.38510954e-01 -1.60559702e+00 1.40659916e+00\n", + " 1.41214490e-01 3.03906751e+00 -1.62388408e+00 1.71424294e+00\n", + " 2.98017430e+00 -1.38605285e+00 4.09814119e+00 -4.47490752e-01\n", + " -3.70810330e-01 4.34667253e+00 4.51394558e+00 7.92707622e-01\n", + " -4.46026772e-01 -2.55480230e-01 1.45970452e+00 -1.10089588e+00\n", + " -2.00537515e+00 -9.76071656e-02 1.13220060e+00 1.21684599e+00\n", + " 2.94298482e+00 3.39415431e+00 8.17231014e-02 5.64172149e-01\n", + " 5.94488978e-01 4.21701372e-01 3.07640719e+00 -2.39753678e-01\n", + " 1.80181116e-01 -3.44104558e-01 -2.19991064e+00 2.18678951e+00\n", + " -9.99068618e-02 -9.78661120e-01 2.22766376e+00 8.62366557e-01\n", + " 8.13149750e-01 1.37710154e+00 4.16937560e-01 -8.33881021e-01\n", + " -1.72464803e-01 5.09724259e-01 2.14086547e-01 -1.31772089e+00\n", + " 1.01249468e+00 1.77051961e+00 9.29252028e-01 -1.79544687e-01\n", + " 4.75079805e-01 1.60227299e+00 3.54395270e-01 7.65674233e-01\n", + " -7.24779904e-01 -2.33603686e-01 2.60388207e+00 1.98685610e+00\n", + " -1.60570717e+00 1.57030749e+00 -3.77416587e+00 -3.14000034e+00\n", + " 5.15038610e-01 1.30237794e+00 4.50705171e-01 -5.89629889e-01\n", + " 3.93875003e+00 -2.53099298e+00 5.18461287e-01 -4.50314805e-02\n", + " 7.38206685e-01 6.37591660e-01 2.42311072e+00 2.96711683e+00\n", + " 8.05663109e-01 -2.88536251e-01 -2.32315406e-01 5.38707793e-01\n", + " 1.03042674e+00 -7.43928969e-01 2.63535798e-01 1.77393079e+00\n", + " 5.35323203e-01 2.85676265e+00 6.45262718e-01 -5.64953014e-02\n", + " 1.94240659e-02 8.01926732e-01 2.26698324e-01 1.04824163e-01\n", + " 2.52356124e+00 1.40469539e+00 -1.97482789e+00 -2.55082631e+00\n", + " -2.59018898e+00 2.62481856e+00 5.80238163e-01 -1.27861761e-02\n", + " 1.32822347e+00 4.18578118e-01 -1.11246586e+00 -6.48469329e-01\n", + " 2.74432373e+00 -3.78559083e-01 -5.79504430e-01 1.45326233e+00\n", + " -7.59277880e-01 -6.04762137e-01 -8.62383664e-01 2.06343818e+00\n", + " 5.32512963e-01 -7.22720250e-02 2.49970943e-01 7.23227978e-01\n", + " 1.19354582e+00 2.45844558e-01 2.45943499e+00 1.70677948e+00\n", + " -1.09719098e+00 -1.60778809e+00 8.98906171e-01 4.05286491e-01\n", + " -2.39304304e-02 1.29669106e+00 9.35251713e-01 7.61136711e-01\n", + " -4.97092009e-01 5.51334858e-01 -1.55071259e-01 -3.53165078e+00\n", + " -5.06941378e-01 5.40136337e+00 -6.01752162e-01 3.66060400e+00\n", + " -2.98228455e+00 4.92942870e-01 8.54452729e-01 2.77015424e+00\n", + " 6.29028201e-01 5.13334453e-01 -7.05027819e-01 -2.69769192e+00\n", + " 5.15234053e-01 -7.88725764e-02 -2.97063994e+00 -6.36831939e-01\n", + " 1.79199326e+00 1.23592317e+00 -1.60398936e+00 3.79619330e-01\n", + " 7.43897557e-02 2.58681607e+00 9.22818124e-01 2.62589693e+00\n", + " 3.82837558e+00 -6.40685439e-01 -1.12998772e+00 1.14467192e+00\n", + " -1.03280234e+00 -8.39248121e-01 4.82989907e-01 -1.69746828e+00\n", + " 2.07712674e+00 -4.59432870e-01 -1.28992748e+00 -3.66731018e-01\n", + " 2.59014606e+00 -1.90457791e-01 4.20932055e+00 3.58055210e+00\n", + " -2.81173706e-01 1.89019442e-02 9.36581433e-01 6.03541076e-01\n", + " 1.73005140e+00 7.13245809e-01 -7.03164697e-01 -5.00429451e-01\n", + " 6.51641607e-01 1.30885139e-01 3.96475554e-01 -1.39855087e+00\n", + " 2.49425840e+00 1.79346830e-01 4.55915719e-01 1.69748008e+00\n", + " -2.65384865e+00 -1.47997475e+00 2.33677626e-01 -4.01059091e-01\n", + " 8.54564071e-01 1.20815980e+00 -1.06316876e+00 -7.09727883e-01\n", + " -6.91579342e-01 -4.88077670e-01 2.14904857e+00 1.99477935e+00\n", + " -3.09725285e-01 7.53496230e-01 3.83861214e-01 2.09066439e+00\n", + " 1.78989673e+00 2.30287218e+00 9.49193060e-01 1.28838396e+00\n", + " -1.31817591e+00 -1.56107497e+00 9.50105488e-01 1.15052164e+00\n", + " 8.41454268e-02 -1.17021024e+00 -2.27558061e-01 4.79003757e-01\n", + " 3.37072229e+00 3.21712947e+00 1.35772967e+00 5.13247967e-01\n", + " 1.62412333e+00 3.96794468e-01 6.18287146e-01 -1.80203021e+00\n", + " -2.27317953e+00 -1.06540966e+00 2.38213554e-01 4.69325095e-01\n", + " 4.66513574e-01 -1.75540578e+00 -1.14485013e+00 5.38008869e-01\n", + " 2.25092340e+00 2.45706773e+00 1.69123220e+00 1.28250837e+00\n", + " -1.47888625e+00 1.10498607e+00 -1.66479981e+00 -7.82321692e-01\n", + " 9.17908728e-01 1.72797763e+00 1.43622196e+00 -1.52747345e+00\n", + " -2.44466856e-01 -1.53475094e+00 -1.93258476e+00 -1.07095265e+00\n", + " 1.54724693e+00 1.24374783e+00 -1.06328070e+00 1.90229464e+00\n", + " 1.68436980e+00 -3.64870071e-01 1.35239649e+00 -3.98190945e-01\n", + " -1.02358723e+00 1.06064379e+00 -2.13766217e+00 -1.46362686e+00\n", + " 8.20901096e-01 1.31472576e+00 -6.30517662e-01 1.05108094e+00\n", + " -1.20726454e+00 3.06822598e-01 1.22567213e+00 -1.63834199e-01\n", + " 2.16978121e+00 7.96435058e-01 -4.84957188e-01 -7.22385228e-01\n", + " 5.43189049e+00 -2.93488836e+00 1.73114613e-01 1.09146714e+00\n", + " 1.75349915e+00 3.86556745e+00 2.96067476e-01 5.46989083e-01\n", + " -7.19903171e-01 -3.00498962e-01 -2.99843025e+00 -1.40628469e+00\n", + " -2.15822911e+00 -7.10971773e-01 9.28543568e-01 -1.21610379e+00\n", + " 2.30519629e+00 2.64526105e+00 -4.51203197e-01 -7.39344954e-01\n", + " 1.40553164e+00 9.89085078e-01 1.92544687e+00 -6.04611099e-01\n", + " 2.32850742e+00 6.21872425e-01 2.05709919e-01 2.96601081e+00\n", + " 1.33592772e+00 -1.24193728e+00 3.25791121e+00 3.08446825e-01\n", + " -9.97097254e-01 2.75593090e+00 2.94795060e+00 -1.54602140e-01\n", + " -7.88344622e-01 -9.20258999e-01 -2.03702059e-02 -2.65000868e+00\n", + " 3.04435086e+00 1.74394798e+00 7.47965932e-01 4.74251360e-01\n", + " -5.45921147e-01 1.29161358e+00 2.10877800e+00 2.20149255e+00\n", + " -1.06369078e+00 -4.76051793e-02 -2.64528131e+00 -1.38374424e+00\n", + " 1.13712704e+00 -1.23808777e+00 5.51989079e-01 1.73301268e+00\n", + " -6.17019415e-01 1.85400152e+00 9.54878181e-02 1.94663227e+00\n", + " 1.79424119e+00 3.92526388e-02 -1.97497860e-01 -4.20684195e+00\n", + " -1.32689619e+00 2.18958211e+00 2.57988006e-01 -3.91953170e-01\n", + " -1.37283015e+00 -2.20578766e+00 7.21696243e-02 8.50623190e-01\n", + " 2.71650362e+00 1.04314721e+00 3.13438702e+00 1.03419626e+00\n", + " 2.72230029e+00 -3.34148437e-01 -5.48747838e-01 8.99063528e-01\n", + " 3.40383339e+00 -2.23764479e-01 7.32629225e-02 -1.25492752e-01\n", + " -3.09774429e-01 1.44941306e+00 3.73710483e-01 4.29385632e-01\n", + " 1.22886455e+00 3.19898629e+00 -9.85268176e-01 2.13929510e+00\n", + " 1.86362922e+00 5.31470299e-01 2.14108443e+00 7.17820376e-02\n", + " 2.57982922e+00 2.07700467e+00 -1.82836391e-02 1.15381026e+00\n", + " -7.03577697e-01 -5.00126243e-01 -9.65314686e-01 -2.63542581e+00\n", + " -1.14201641e+00 9.03630316e-01 5.20139813e-01 -9.36665714e-01\n", + " 6.14794016e-01 2.56371641e+00 -7.42855668e-01 2.79905462e+00\n", + " 1.41559923e+00 1.76554120e+00 1.62766218e+00 2.01456022e+00\n", + " 1.55091429e+00 -6.60044789e-01 9.51957941e-01 -2.21612632e-01\n", + " -3.35597061e-02 3.41133070e+00 8.07908297e-01 2.73124313e+00\n", + " -1.18296027e+00 -6.66088879e-01 -1.01036286e+00 -5.00303954e-02\n", + " 5.44137001e-01 6.09451294e+00 4.21048909e-01 -3.89866471e-01\n", + " -5.60235560e-01 6.83703840e-01 2.60866952e+00 1.16825044e+00\n", + " -2.57012939e+00 5.03847420e-01 -7.55802393e-01 -6.89995825e-01\n", + " -7.04723001e-01 1.17042053e+00 -1.81287050e+00 -4.38035339e-01\n", + " -7.04113543e-01 -2.03611088e+00 -2.86511707e+00 1.04118955e+00\n", + " 4.02339029e+00 2.14411899e-01 3.32245612e+00 -1.28747270e-01\n", + " 7.50980735e-01 -1.55931222e+00 -6.94883704e-01 1.43505764e+00\n", + " -1.41850901e+00 -2.82515526e+00 -5.71668684e-01 -2.70196944e-01\n", + " 1.46669745e-01 7.21338272e-01 2.34995067e-01 4.29888248e-01\n", + " 2.40898818e-01 2.42415214e+00 2.38161302e+00 2.68387508e+00\n", + " -1.67581630e+00 5.68414211e-01 8.14023316e-02 -1.32848406e+00\n", + " -8.93385708e-02 1.28054428e+00 4.66780758e+00 3.94976884e-01\n", + " 4.96432877e+00 4.49321240e-01 4.96427149e-01 -3.01759630e-01\n", + " -9.39692497e-01 3.59174013e-01 1.19664872e+00 -1.59876740e+00\n", + " -1.40137160e+00 6.25258625e-01 6.37551725e-01 -8.94444063e-02\n", + " 8.36936831e-01 2.91733336e+00 8.57923388e-01 -1.13647294e+00\n", + " -1.26643367e-02 -5.25217801e-02 2.25554848e+00 2.18493319e+00\n", + " 1.89091635e+00 1.02084386e+00 -3.46590900e+00 2.99516410e-01\n", + " 1.46018791e+00 -1.04274106e+00 4.86714751e-01 3.46932387e+00\n", + " 1.09271204e+00 1.17164004e+00 1.83264291e+00 1.21553227e-01\n", + " -4.44730431e-01 2.91760588e+00 -1.68837905e+00 -2.34208369e+00\n", + " -6.32071495e-01 5.94227493e-01 1.45464671e+00 -1.69786358e+00\n", + " 2.28326964e+00 3.41358662e+00 -1.14036366e-01 -2.55580664e+00\n", + " -1.45052040e+00 -1.78250289e+00 4.64715624e+00 4.63038594e-01\n", + " 1.54139924e+00 -1.37432599e+00 3.41310811e+00 1.41114450e+00\n", + " 3.45704746e+00 1.31016994e+00 -2.77955389e+00 -2.23277032e-01\n", + " -1.96502864e-01 -1.38336027e+00 2.00016713e+00 1.53405809e+00\n", + " 1.94962561e+00 -7.85051107e-01 -2.74594307e-01 6.85986936e-01\n", + " 1.42646515e+00 1.51392072e-01 1.92735469e+00 -7.83965528e-01\n", + " -1.49716389e+00 1.56654775e+00 -7.32050955e-01 -1.51499057e+00\n", + " 1.29257965e+00 -1.69418716e+00 -3.16825461e+00 -2.57942963e+00\n", + " -1.36991596e+00 3.14519453e+00 -1.59593129e+00 1.53254062e-01\n", + " 5.88627279e-01 -5.97771823e-01 1.41482639e+00 -1.66140962e+00\n", + " -2.22890663e+00 8.79626751e-01 -3.73506188e-01 1.04862952e+00\n", + " -1.75090456e+00 -1.72302175e+00 -1.42330790e+00 1.52312100e-01\n", + " -1.65642989e+00 -6.15793169e-01 -1.36531866e+00 -5.37530184e-01\n", + " 1.37381375e+00 -6.40241981e-01 2.14772537e-01 -1.20331562e+00\n", + " -7.74819314e-01 -1.27480298e-01 -2.18981132e-01 -2.03730130e+00\n", + " -2.35178113e+00 2.81784730e-03 3.09918106e-01 -1.91259325e+00\n", + " -1.20792234e+00 -1.82455957e+00 -2.26940513e+00 -1.10703468e+00\n", + " -2.82163787e+00 -1.46071815e+00 2.32698709e-01 -1.00925219e+00\n", + " 1.40799904e+00 -7.08759606e-01 -5.77850699e-01 1.41368783e+00\n", + " -8.04105520e-01 -7.60268331e-01 -3.45950007e+00 3.44834995e+00\n", + " -2.14744449e+00 1.57074225e+00 -4.72893775e-01 -1.17086506e+00\n", + " -2.21736884e+00 3.28602839e+00 -2.03720999e+00 -6.54147565e-01\n", + " -3.22001636e-01 -5.21456003e-01 -3.33378625e+00 9.25970495e-01\n", + " -2.99893141e-01 -1.80747437e+00 -9.61166263e-01 -1.26546407e+00\n", + " -4.00019825e-01 -2.98744440e+00 -2.89306664e+00 2.24075198e-01\n", + " -1.99092531e+00 -3.59228325e+00 3.66844237e-01 2.70510745e+00]]\n" + ] + } + ], "source": [ "request_body, header_length = get_sample_image_binary_pt()\n", "\n", @@ -482,10 +14889,27 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 16, "id": "5788ef37", "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "{'ResponseMetadata': {'RequestId': '1847120b-73bd-43d7-a24c-48473f3b929b',\n", + " 'HTTPStatusCode': 200,\n", + " 'HTTPHeaders': {'x-amzn-requestid': '1847120b-73bd-43d7-a24c-48473f3b929b',\n", + " 'content-type': 'application/x-amz-json-1.1',\n", + " 'content-length': '0',\n", + " 'date': 'Tue, 14 Mar 2023 21:34:56 GMT'},\n", + " 'RetryAttempts': 0}}" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "sm_client.delete_model(ModelName=sm_model_name)\n", "sm_client.delete_endpoint_config(EndpointConfigName=endpoint_config_name)\n", From bdc8f26b075182ee5154e46f8fa37d62a888bf74 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 14 Mar 2023 14:45:25 -0700 Subject: [PATCH 28/32] Add files via upload --- .../resnet_pytorch_python_backend_SME.ipynb | 14474 +--------------- 1 file changed, 25 insertions(+), 14449 deletions(-) diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb index 6ed93f90a2..d5c470ed8b 100644 --- a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb @@ -63,44 +63,10 @@ }, { "cell_type": "code", - "execution_count": 1, + "execution_count": null, "id": "7788c22c", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", - "aiobotocore 2.0.1 requires botocore<1.22.9,>=1.22.8, but you have botocore 1.29.91 which is incompatible.\u001b[0m\u001b[31m\n", - "\u001b[0mLooking in indexes: https://pypi.org/simple, https://pip.repos.neuron.amazonaws.com, https://pypi.ngc.nvidia.com\n", - "Requirement already satisfied: nvidia-pyindex in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (1.0.9)\n", - "Looking in indexes: https://pypi.org/simple, https://pip.repos.neuron.amazonaws.com, https://pypi.ngc.nvidia.com\n", - "Requirement already satisfied: tritonclient[http] in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (2.30.0)\n", - "Requirement already satisfied: numpy>=1.19.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (1.20.3)\n", - "Requirement already satisfied: python-rapidjson>=0.9.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (1.9)\n", - "Requirement already satisfied: aiohttp>=3.8.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (3.8.1)\n", - "Requirement already satisfied: geventhttpclient<=2.0.2,>=1.4.4 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from tritonclient[http]) (2.0.2)\n", - "Requirement already satisfied: aiosignal>=1.1.2 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.2.0)\n", - "Requirement already satisfied: yarl<2.0,>=1.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.7.2)\n", - "Requirement already satisfied: attrs>=17.3.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (21.2.0)\n", - "Requirement already satisfied: multidict<7.0,>=4.5 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (5.2.0)\n", - "Requirement already satisfied: frozenlist>=1.1.1 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (1.2.0)\n", - "Requirement already satisfied: charset-normalizer<3.0,>=2.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (2.0.8)\n", - "Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from aiohttp>=3.8.1->tritonclient[http]) (4.0.1)\n", - "Requirement already satisfied: brotli in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.0.9)\n", - "Requirement already satisfied: six in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.16.0)\n", - "Requirement already satisfied: certifi in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (2021.10.8)\n", - "Requirement already satisfied: gevent>=0.13 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (21.8.0)\n", - "Requirement already satisfied: typing-extensions>=3.6.5 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from async-timeout<5.0,>=4.0.0a3->aiohttp>=3.8.1->tritonclient[http]) (4.0.0)\n", - "Requirement already satisfied: greenlet<2.0,>=1.1.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (1.1.2)\n", - "Requirement already satisfied: setuptools in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (59.4.0)\n", - "Requirement already satisfied: zope.event in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (4.5.0)\n", - "Requirement already satisfied: zope.interface in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from gevent>=0.13->geventhttpclient<=2.0.2,>=1.4.4->tritonclient[http]) (5.4.0)\n", - "Requirement already satisfied: idna>=2.0 in /home/ec2-user/anaconda3/envs/python3/lib/python3.8/site-packages (from yarl<2.0,>=1.0->aiohttp>=3.8.1->tritonclient[http]) (3.1)\n" - ] - } - ], + "outputs": [], "source": [ "!pip install -qU pip awscli boto3 sagemaker\n", "!pip install nvidia-pyindex\n", @@ -109,7 +75,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": null, "id": "4aec711f", "metadata": {}, "outputs": [], @@ -125,7 +91,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "id": "bbc64c0b", "metadata": {}, "outputs": [], @@ -158,7 +124,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "id": "9616dd32", "metadata": {}, "outputs": [], @@ -170,7 +136,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "id": "65934acb", "metadata": {}, "outputs": [], @@ -193,7 +159,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "id": "5ef2c6e0", "metadata": {}, "outputs": [], @@ -230,7 +196,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "id": "f9799f41", "metadata": {}, "outputs": [], @@ -262,14078 +228,10 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "id": "fa670b92", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "=============\n", - "== PyTorch ==\n", - "=============\n", - "\n", - "NVIDIA Release 21.08 (build 26011915)\n", - "PyTorch Version 1.10.0a0+3fd9dcf\n", - "\n", - "Container image Copyright (c) 2021, NVIDIA CORPORATION. All rights reserved.\n", - "\n", - "Copyright (c) 2014-2021 Facebook Inc.\n", - "Copyright (c) 2011-2014 Idiap Research Institute (Ronan Collobert)\n", - "Copyright (c) 2012-2014 Deepmind Technologies (Koray Kavukcuoglu)\n", - "Copyright (c) 2011-2012 NEC Laboratories America (Koray Kavukcuoglu)\n", - "Copyright (c) 2011-2013 NYU (Clement Farabet)\n", - "Copyright (c) 2006-2010 NEC Laboratories America (Ronan Collobert, Leon Bottou, Iain Melvin, Jason Weston)\n", - "Copyright (c) 2006 Idiap Research Institute (Samy Bengio)\n", - "Copyright (c) 2001-2004 Idiap Research Institute (Ronan Collobert, Samy Bengio, Johnny Mariethoz)\n", - "Copyright (c) 2015 Google Inc.\n", - "Copyright (c) 2015 Yangqing Jia\n", - "Copyright (c) 2013-2016 The Caffe contributors\n", - "All rights reserved.\n", - "\n", - "NVIDIA Deep Learning Profiler (dlprof) Copyright (c) 2021, NVIDIA CORPORATION. All rights reserved.\n", - "\n", - "Various files include modifications (c) NVIDIA CORPORATION. All rights reserved.\n", - "\n", - "This container image and its contents are governed by the NVIDIA Deep Learning Container License.\n", - "By pulling and using the container, you accept the terms and conditions of this license:\n", - "https://developer.nvidia.com/ngc/nvidia-deep-learning-container-license\n", - "\n", - "NOTE: MOFED driver for multi-node communication was not detected.\n", - " Multi-node communication performance may be reduced.\n", - "\n", - "NOTE: The SHMEM allocation limit is set to the default of 64MB. This may be\n", - " insufficient for PyTorch. NVIDIA recommends the use of the following flags:\n", - " nvidia-docker run --ipc=host ...\n", - "\n", - "Downloading: \"https://download.pytorch.org/models/resnet50-0676ba61.pth\" to /root/.cache/torch/hub/checkpoints/resnet50-0676ba61.pth\n", - "100%|███████████████████████████████████████| 97.8M/97.8M [00:00<00:00, 256MB/s]\n", - "Saved model.onnx\n", - "Using cuda device\n", - "Saved model.pt\n", - "&&&& RUNNING TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose\n", - "[03/14/2023-21:25:12] [I] === Model Options ===\n", - "[03/14/2023-21:25:12] [I] Format: ONNX\n", - "[03/14/2023-21:25:12] [I] Model: model.onnx\n", - "[03/14/2023-21:25:12] [I] Output:\n", - "[03/14/2023-21:25:12] [I] === Build Options ===\n", - "[03/14/2023-21:25:12] [I] Max batch: explicit\n", - "[03/14/2023-21:25:12] [I] Workspace: 16 MiB\n", - "[03/14/2023-21:25:12] [I] minTiming: 1\n", - "[03/14/2023-21:25:12] [I] avgTiming: 8\n", - "[03/14/2023-21:25:12] [I] Precision: FP32+FP16\n", - "[03/14/2023-21:25:12] [I] Calibration: \n", - "[03/14/2023-21:25:12] [I] Refit: Disabled\n", - "[03/14/2023-21:25:12] [I] Sparsity: Disabled\n", - "[03/14/2023-21:25:12] [I] Safe mode: Disabled\n", - "[03/14/2023-21:25:12] [I] Restricted mode: Disabled\n", - "[03/14/2023-21:25:12] [I] Save engine: model.plan\n", - "[03/14/2023-21:25:12] [I] Load engine: \n", - "[03/14/2023-21:25:12] [I] NVTX verbosity: 0\n", - "[03/14/2023-21:25:12] [I] Tactic sources: Using default tactic sources\n", - "[03/14/2023-21:25:12] [I] timingCacheMode: local\n", - "[03/14/2023-21:25:12] [I] timingCacheFile: \n", - "[03/14/2023-21:25:12] [I] Input(s)s format: fp32:CHW\n", - "[03/14/2023-21:25:12] [I] Output(s)s format: fp32:CHW\n", - "[03/14/2023-21:25:12] [I] Input build shape: input=1x3x224x224+128x3x224x224+128x3x224x224\n", - "[03/14/2023-21:25:12] [I] Input calibration shapes: model\n", - "[03/14/2023-21:25:12] [I] === System Options ===\n", - "[03/14/2023-21:25:12] [I] Device: 0\n", - "[03/14/2023-21:25:12] [I] DLACore: \n", - "[03/14/2023-21:25:12] [I] Plugins:\n", - "[03/14/2023-21:25:12] [I] === Inference Options ===\n", - "[03/14/2023-21:25:12] [I] Batch: Explicit\n", - "[03/14/2023-21:25:12] [I] Input inference shape: input=128x3x224x224\n", - "[03/14/2023-21:25:12] [I] Iterations: 10\n", - "[03/14/2023-21:25:12] [I] Duration: 3s (+ 200ms warm up)\n", - "[03/14/2023-21:25:12] [I] Sleep time: 0ms\n", - "[03/14/2023-21:25:12] [I] Streams: 1\n", - "[03/14/2023-21:25:12] [I] ExposeDMA: Disabled\n", - "[03/14/2023-21:25:12] [I] Data transfers: Enabled\n", - "[03/14/2023-21:25:12] [I] Spin-wait: Disabled\n", - "[03/14/2023-21:25:12] [I] Multithreading: Disabled\n", - "[03/14/2023-21:25:12] [I] CUDA Graph: Disabled\n", - "[03/14/2023-21:25:12] [I] Separate profiling: Disabled\n", - "[03/14/2023-21:25:12] [I] Time Deserialize: Disabled\n", - "[03/14/2023-21:25:12] [I] Time Refit: Disabled\n", - "[03/14/2023-21:25:12] [I] Skip inference: Disabled\n", - "[03/14/2023-21:25:12] [I] Inputs:\n", - "[03/14/2023-21:25:12] [I] === Reporting Options ===\n", - "[03/14/2023-21:25:12] [I] Verbose: Enabled\n", - "[03/14/2023-21:25:12] [I] Averages: 10 inferences\n", - "[03/14/2023-21:25:12] [I] Percentile: 99\n", - "[03/14/2023-21:25:12] [I] Dump refittable layers:Disabled\n", - "[03/14/2023-21:25:12] [I] Dump output: Disabled\n", - "[03/14/2023-21:25:12] [I] Profile: Disabled\n", - "[03/14/2023-21:25:12] [I] Export timing to JSON file: \n", - "[03/14/2023-21:25:12] [I] Export output to JSON file: \n", - "[03/14/2023-21:25:12] [I] Export profile to JSON file: \n", - "[03/14/2023-21:25:12] [I] \n", - "[03/14/2023-21:25:12] [I] === Device Information ===\n", - "[03/14/2023-21:25:12] [I] Selected Device: Tesla T4\n", - "[03/14/2023-21:25:12] [I] Compute Capability: 7.5\n", - "[03/14/2023-21:25:12] [I] SMs: 40\n", - "[03/14/2023-21:25:12] [I] Compute Clock Rate: 1.59 GHz\n", - "[03/14/2023-21:25:12] [I] Device Global Memory: 14910 MiB\n", - "[03/14/2023-21:25:12] [I] Shared Memory per SM: 64 KiB\n", - "[03/14/2023-21:25:12] [I] Memory Bus Width: 256 bits (ECC enabled)\n", - "[03/14/2023-21:25:12] [I] Memory Clock Rate: 5.001 GHz\n", - "[03/14/2023-21:25:12] [I] \n", - "[03/14/2023-21:25:12] [I] TensorRT version: 8001\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Region_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Clip_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ScatterND version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::CropAndResize version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::EfficientNMS_ONNX_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::EfficientNMS_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Proposal version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::Split version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1\n", - "[03/14/2023-21:25:12] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1\n", - "[03/14/2023-21:25:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +328, GPU +0, now: CPU 335, GPU 251 (MiB)\n", - "[03/14/2023-21:25:13] [I] Start parsing network model\n", - "[03/14/2023-21:25:13] [I] [TRT] ----------------------------------------------------------------\n", - "[03/14/2023-21:25:13] [I] [TRT] Input filename: model.onnx\n", - "[03/14/2023-21:25:13] [I] [TRT] ONNX IR version: 0.0.6\n", - "[03/14/2023-21:25:13] [I] [TRT] Opset version: 11\n", - "[03/14/2023-21:25:13] [I] [TRT] Producer name: pytorch\n", - "[03/14/2023-21:25:13] [I] [TRT] Producer version: 1.10\n", - "[03/14/2023-21:25:13] [I] [TRT] Domain: \n", - "[03/14/2023-21:25:13] [I] [TRT] Model version: 0\n", - "[03/14/2023-21:25:13] [I] [TRT] Doc string: \n", - "[03/14/2023-21:25:13] [I] [TRT] ----------------------------------------------------------------\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::GridAnchor_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::GridAnchorRect_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::NMS_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Reorg_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Region_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Clip_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::LReLU_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::PriorBox_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Normalize_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ScatterND version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::RPROI_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::BatchedNMS_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::FlattenConcat_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::CropAndResize version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::DetectionLayer_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::EfficientNMS_ONNX_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::EfficientNMS_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Proposal version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ProposalLayer_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::PyramidROIAlign_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::ResizeNearest_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::Split version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::SpecialSlice_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Plugin creator already registered - ::InstanceNormalization_TRT version 1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Adding network input: input with dtype: float32, dimensions: (-1, 3, 224, 224)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: input for ONNX tensor: input\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: fc.weight\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: fc.bias\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 497\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 498\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 500\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 501\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 503\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 504\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 506\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 507\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 509\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 510\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 513\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 515\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 516\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 518\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 519\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 521\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 522\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 524\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 525\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 527\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 528\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 530\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 531\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 533\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 534\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 536\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 537\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 539\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 540\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 542\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 543\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 545\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 546\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 548\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 549\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 551\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 552\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 554\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 555\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 557\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 558\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 560\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 561\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 563\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 564\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 566\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 567\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 569\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 570\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 572\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 573\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 575\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 576\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 578\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 579\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 581\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 582\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 584\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 585\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 587\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 588\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 590\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 591\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 593\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 594\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 596\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 597\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 599\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 600\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 602\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 603\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 605\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 606\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 608\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 609\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 611\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 612\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 614\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 615\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 617\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 618\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 620\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 621\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 623\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 624\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 626\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 627\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 629\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 630\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 632\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 633\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 635\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 636\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 638\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 639\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 641\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 642\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 644\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 645\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 647\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 648\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 650\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 651\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 653\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Importing initializer: 654\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_0 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: input\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 497\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 498\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_0 [Conv] inputs: [input -> (-1, 3, 224, 224)[FLOAT]], [497 -> (64, 3, 7, 7)[FLOAT]], [498 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 3, 224, 224)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_0 for ONNX node: Conv_0\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (7, 7), strides: (2, 2), prepadding: (3, 3), postpadding: (3, 3), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 112, 112)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 496 for ONNX tensor: 496\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_0 [Conv] outputs: [496 -> (-1, 64, 112, 112)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_1 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 496\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_1 [Relu] inputs: [496 -> (-1, 64, 112, 112)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_1 for ONNX node: Relu_1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 323 for ONNX tensor: 323\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_1 [Relu] outputs: [323 -> (-1, 64, 112, 112)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: MaxPool_2 [MaxPool]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 323\r\n", - "[03/14/2023-21:25:13] [V] [TRT] MaxPool_2 [MaxPool] inputs: [323 -> (-1, 64, 112, 112)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: MaxPool_2 for ONNX node: MaxPool_2\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 324 for ONNX tensor: 324\r\n", - "[03/14/2023-21:25:13] [V] [TRT] MaxPool_2 [MaxPool] outputs: [324 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_3 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 324\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 500\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 501\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_3 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [500 -> (64, 64, 1, 1)[FLOAT]], [501 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_3 for ONNX node: Conv_3\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 499 for ONNX tensor: 499\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_3 [Conv] outputs: [499 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_4 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 499\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_4 [Relu] inputs: [499 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_4 for ONNX node: Relu_4\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 327 for ONNX tensor: 327\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_4 [Relu] outputs: [327 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_5 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 327\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 503\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 504\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_5 [Conv] inputs: [327 -> (-1, 64, 56, 56)[FLOAT]], [503 -> (64, 64, 3, 3)[FLOAT]], [504 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_5 for ONNX node: Conv_5\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 502 for ONNX tensor: 502\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_5 [Conv] outputs: [502 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_6 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 502\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_6 [Relu] inputs: [502 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_6 for ONNX node: Relu_6\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 330 for ONNX tensor: 330\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_6 [Relu] outputs: [330 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_7 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 330\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 506\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 507\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_7 [Conv] inputs: [330 -> (-1, 64, 56, 56)[FLOAT]], [506 -> (256, 64, 1, 1)[FLOAT]], [507 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_7 for ONNX node: Conv_7\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 505 for ONNX tensor: 505\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_7 [Conv] outputs: [505 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_8 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 324\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 509\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 510\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_8 [Conv] inputs: [324 -> (-1, 64, 56, 56)[FLOAT]], [509 -> (256, 64, 1, 1)[FLOAT]], [510 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_8 for ONNX node: Conv_8\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 508 for ONNX tensor: 508\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_8 [Conv] outputs: [508 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_9 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 505\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 508\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_9 [Add] inputs: [505 -> (-1, 256, 56, 56)[FLOAT]], [508 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_9 for ONNX node: Add_9\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 335 for ONNX tensor: 335\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_9 [Add] outputs: [335 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_10 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 335\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_10 [Relu] inputs: [335 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_10 for ONNX node: Relu_10\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 336 for ONNX tensor: 336\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_10 [Relu] outputs: [336 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_11 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 336\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 513\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_11 [Conv] inputs: [336 -> (-1, 256, 56, 56)[FLOAT]], [512 -> (64, 256, 1, 1)[FLOAT]], [513 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_11 for ONNX node: Conv_11\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 511 for ONNX tensor: 511\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_11 [Conv] outputs: [511 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_12 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 511\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_12 [Relu] inputs: [511 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_12 for ONNX node: Relu_12\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 339 for ONNX tensor: 339\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_12 [Relu] outputs: [339 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_13 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 339\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 515\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 516\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_13 [Conv] inputs: [339 -> (-1, 64, 56, 56)[FLOAT]], [515 -> (64, 64, 3, 3)[FLOAT]], [516 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_13 for ONNX node: Conv_13\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 514 for ONNX tensor: 514\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_13 [Conv] outputs: [514 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_14 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 514\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_14 [Relu] inputs: [514 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_14 for ONNX node: Relu_14\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 342 for ONNX tensor: 342\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_14 [Relu] outputs: [342 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_15 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 342\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 518\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 519\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_15 [Conv] inputs: [342 -> (-1, 64, 56, 56)[FLOAT]], [518 -> (256, 64, 1, 1)[FLOAT]], [519 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_15 for ONNX node: Conv_15\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 517 for ONNX tensor: 517\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_15 [Conv] outputs: [517 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_16 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 517\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 336\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_16 [Add] inputs: [517 -> (-1, 256, 56, 56)[FLOAT]], [336 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_16 for ONNX node: Add_16\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 345 for ONNX tensor: 345\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_16 [Add] outputs: [345 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_17 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 345\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_17 [Relu] inputs: [345 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_17 for ONNX node: Relu_17\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 346 for ONNX tensor: 346\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_17 [Relu] outputs: [346 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_18 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 346\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 521\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 522\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_18 [Conv] inputs: [346 -> (-1, 256, 56, 56)[FLOAT]], [521 -> (64, 256, 1, 1)[FLOAT]], [522 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_18 for ONNX node: Conv_18\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 520 for ONNX tensor: 520\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_18 [Conv] outputs: [520 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_19 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 520\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_19 [Relu] inputs: [520 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_19 for ONNX node: Relu_19\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 349 for ONNX tensor: 349\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_19 [Relu] outputs: [349 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_20 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 349\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 524\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 525\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_20 [Conv] inputs: [349 -> (-1, 64, 56, 56)[FLOAT]], [524 -> (64, 64, 3, 3)[FLOAT]], [525 -> (64)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_20 for ONNX node: Conv_20\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 523 for ONNX tensor: 523\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_20 [Conv] outputs: [523 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_21 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 523\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_21 [Relu] inputs: [523 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_21 for ONNX node: Relu_21\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 352 for ONNX tensor: 352\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_21 [Relu] outputs: [352 -> (-1, 64, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_22 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 352\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 527\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 528\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_22 [Conv] inputs: [352 -> (-1, 64, 56, 56)[FLOAT]], [527 -> (256, 64, 1, 1)[FLOAT]], [528 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 64, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_22 for ONNX node: Conv_22\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 526 for ONNX tensor: 526\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_22 [Conv] outputs: [526 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_23 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 526\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 346\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_23 [Add] inputs: [526 -> (-1, 256, 56, 56)[FLOAT]], [346 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_23 for ONNX node: Add_23\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 355 for ONNX tensor: 355\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_23 [Add] outputs: [355 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_24 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 355\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_24 [Relu] inputs: [355 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_24 for ONNX node: Relu_24\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 356 for ONNX tensor: 356\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_24 [Relu] outputs: [356 -> (-1, 256, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_25 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 356\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 530\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 531\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_25 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [530 -> (128, 256, 1, 1)[FLOAT]], [531 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_25 for ONNX node: Conv_25\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 529 for ONNX tensor: 529\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_25 [Conv] outputs: [529 -> (-1, 128, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_26 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 529\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_26 [Relu] inputs: [529 -> (-1, 128, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_26 for ONNX node: Relu_26\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 359 for ONNX tensor: 359\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_26 [Relu] outputs: [359 -> (-1, 128, 56, 56)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_27 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 359\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 533\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 534\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_27 [Conv] inputs: [359 -> (-1, 128, 56, 56)[FLOAT]], [533 -> (128, 128, 3, 3)[FLOAT]], [534 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_27 for ONNX node: Conv_27\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 532 for ONNX tensor: 532\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_27 [Conv] outputs: [532 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_28 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 532\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_28 [Relu] inputs: [532 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_28 for ONNX node: Relu_28\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 362 for ONNX tensor: 362\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_28 [Relu] outputs: [362 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_29 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 362\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 536\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 537\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_29 [Conv] inputs: [362 -> (-1, 128, 28, 28)[FLOAT]], [536 -> (512, 128, 1, 1)[FLOAT]], [537 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_29 for ONNX node: Conv_29\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 535 for ONNX tensor: 535\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_29 [Conv] outputs: [535 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_30 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 356\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 539\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 540\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_30 [Conv] inputs: [356 -> (-1, 256, 56, 56)[FLOAT]], [539 -> (512, 256, 1, 1)[FLOAT]], [540 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 56, 56)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_30 for ONNX node: Conv_30\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 538 for ONNX tensor: 538\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_30 [Conv] outputs: [538 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_31 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 535\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 538\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_31 [Add] inputs: [535 -> (-1, 512, 28, 28)[FLOAT]], [538 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_31 for ONNX node: Add_31\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 367 for ONNX tensor: 367\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_31 [Add] outputs: [367 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_32 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 367\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_32 [Relu] inputs: [367 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_32 for ONNX node: Relu_32\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 368 for ONNX tensor: 368\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_32 [Relu] outputs: [368 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_33 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 368\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 542\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 543\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_33 [Conv] inputs: [368 -> (-1, 512, 28, 28)[FLOAT]], [542 -> (128, 512, 1, 1)[FLOAT]], [543 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_33 for ONNX node: Conv_33\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 541 for ONNX tensor: 541\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_33 [Conv] outputs: [541 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_34 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 541\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_34 [Relu] inputs: [541 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_34 for ONNX node: Relu_34\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 371 for ONNX tensor: 371\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_34 [Relu] outputs: [371 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_35 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 371\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 545\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 546\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_35 [Conv] inputs: [371 -> (-1, 128, 28, 28)[FLOAT]], [545 -> (128, 128, 3, 3)[FLOAT]], [546 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_35 for ONNX node: Conv_35\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 544 for ONNX tensor: 544\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_35 [Conv] outputs: [544 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_36 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 544\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_36 [Relu] inputs: [544 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_36 for ONNX node: Relu_36\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 374 for ONNX tensor: 374\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_36 [Relu] outputs: [374 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_37 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 374\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 548\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 549\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_37 [Conv] inputs: [374 -> (-1, 128, 28, 28)[FLOAT]], [548 -> (512, 128, 1, 1)[FLOAT]], [549 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_37 for ONNX node: Conv_37\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 547 for ONNX tensor: 547\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_37 [Conv] outputs: [547 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_38 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 547\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 368\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_38 [Add] inputs: [547 -> (-1, 512, 28, 28)[FLOAT]], [368 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_38 for ONNX node: Add_38\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 377 for ONNX tensor: 377\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_38 [Add] outputs: [377 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_39 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 377\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_39 [Relu] inputs: [377 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_39 for ONNX node: Relu_39\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 378 for ONNX tensor: 378\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_39 [Relu] outputs: [378 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_40 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 378\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 551\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 552\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_40 [Conv] inputs: [378 -> (-1, 512, 28, 28)[FLOAT]], [551 -> (128, 512, 1, 1)[FLOAT]], [552 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_40 for ONNX node: Conv_40\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 550 for ONNX tensor: 550\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_40 [Conv] outputs: [550 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_41 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 550\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_41 [Relu] inputs: [550 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_41 for ONNX node: Relu_41\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 381 for ONNX tensor: 381\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_41 [Relu] outputs: [381 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_42 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 381\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 554\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 555\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_42 [Conv] inputs: [381 -> (-1, 128, 28, 28)[FLOAT]], [554 -> (128, 128, 3, 3)[FLOAT]], [555 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_42 for ONNX node: Conv_42\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 553 for ONNX tensor: 553\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_42 [Conv] outputs: [553 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_43 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 553\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_43 [Relu] inputs: [553 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_43 for ONNX node: Relu_43\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 384 for ONNX tensor: 384\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_43 [Relu] outputs: [384 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_44 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 384\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 557\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 558\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_44 [Conv] inputs: [384 -> (-1, 128, 28, 28)[FLOAT]], [557 -> (512, 128, 1, 1)[FLOAT]], [558 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_44 for ONNX node: Conv_44\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 556 for ONNX tensor: 556\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_44 [Conv] outputs: [556 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_45 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 556\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 378\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_45 [Add] inputs: [556 -> (-1, 512, 28, 28)[FLOAT]], [378 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_45 for ONNX node: Add_45\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 387 for ONNX tensor: 387\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_45 [Add] outputs: [387 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_46 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 387\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_46 [Relu] inputs: [387 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_46 for ONNX node: Relu_46\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 388 for ONNX tensor: 388\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_46 [Relu] outputs: [388 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_47 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 388\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 560\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 561\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_47 [Conv] inputs: [388 -> (-1, 512, 28, 28)[FLOAT]], [560 -> (128, 512, 1, 1)[FLOAT]], [561 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_47 for ONNX node: Conv_47\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 559 for ONNX tensor: 559\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_47 [Conv] outputs: [559 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_48 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 559\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_48 [Relu] inputs: [559 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_48 for ONNX node: Relu_48\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 391 for ONNX tensor: 391\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_48 [Relu] outputs: [391 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_49 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 391\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 563\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 564\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_49 [Conv] inputs: [391 -> (-1, 128, 28, 28)[FLOAT]], [563 -> (128, 128, 3, 3)[FLOAT]], [564 -> (128)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_49 for ONNX node: Conv_49\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 128\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 562 for ONNX tensor: 562\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_49 [Conv] outputs: [562 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_50 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 562\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_50 [Relu] inputs: [562 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_50 for ONNX node: Relu_50\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 394 for ONNX tensor: 394\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_50 [Relu] outputs: [394 -> (-1, 128, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_51 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 394\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 566\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 567\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_51 [Conv] inputs: [394 -> (-1, 128, 28, 28)[FLOAT]], [566 -> (512, 128, 1, 1)[FLOAT]], [567 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 128, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_51 for ONNX node: Conv_51\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 565 for ONNX tensor: 565\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_51 [Conv] outputs: [565 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_52 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 565\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 388\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_52 [Add] inputs: [565 -> (-1, 512, 28, 28)[FLOAT]], [388 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_52 for ONNX node: Add_52\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 397 for ONNX tensor: 397\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_52 [Add] outputs: [397 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_53 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 397\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_53 [Relu] inputs: [397 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_53 for ONNX node: Relu_53\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 398 for ONNX tensor: 398\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_53 [Relu] outputs: [398 -> (-1, 512, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_54 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 398\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 569\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 570\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_54 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [569 -> (256, 512, 1, 1)[FLOAT]], [570 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_54 for ONNX node: Conv_54\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 568 for ONNX tensor: 568\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_54 [Conv] outputs: [568 -> (-1, 256, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_55 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 568\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_55 [Relu] inputs: [568 -> (-1, 256, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_55 for ONNX node: Relu_55\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 401 for ONNX tensor: 401\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_55 [Relu] outputs: [401 -> (-1, 256, 28, 28)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_56 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 401\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 572\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 573\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_56 [Conv] inputs: [401 -> (-1, 256, 28, 28)[FLOAT]], [572 -> (256, 256, 3, 3)[FLOAT]], [573 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_56 for ONNX node: Conv_56\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 571 for ONNX tensor: 571\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_56 [Conv] outputs: [571 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_57 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 571\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_57 [Relu] inputs: [571 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_57 for ONNX node: Relu_57\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 404 for ONNX tensor: 404\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_57 [Relu] outputs: [404 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_58 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 404\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 575\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 576\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_58 [Conv] inputs: [404 -> (-1, 256, 14, 14)[FLOAT]], [575 -> (1024, 256, 1, 1)[FLOAT]], [576 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_58 for ONNX node: Conv_58\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 574 for ONNX tensor: 574\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_58 [Conv] outputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_59 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 398\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 578\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 579\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_59 [Conv] inputs: [398 -> (-1, 512, 28, 28)[FLOAT]], [578 -> (1024, 512, 1, 1)[FLOAT]], [579 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 28, 28)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_59 for ONNX node: Conv_59\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 577 for ONNX tensor: 577\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_59 [Conv] outputs: [577 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_60 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 574\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 577\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_60 [Add] inputs: [574 -> (-1, 1024, 14, 14)[FLOAT]], [577 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_60 for ONNX node: Add_60\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 409 for ONNX tensor: 409\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_60 [Add] outputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_61 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 409\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_61 [Relu] inputs: [409 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_61 for ONNX node: Relu_61\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 410 for ONNX tensor: 410\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_61 [Relu] outputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_62 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 410\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 581\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 582\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_62 [Conv] inputs: [410 -> (-1, 1024, 14, 14)[FLOAT]], [581 -> (256, 1024, 1, 1)[FLOAT]], [582 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_62 for ONNX node: Conv_62\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 580 for ONNX tensor: 580\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_62 [Conv] outputs: [580 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_63 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 580\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_63 [Relu] inputs: [580 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_63 for ONNX node: Relu_63\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 413 for ONNX tensor: 413\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_63 [Relu] outputs: [413 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_64 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 413\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 584\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 585\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_64 [Conv] inputs: [413 -> (-1, 256, 14, 14)[FLOAT]], [584 -> (256, 256, 3, 3)[FLOAT]], [585 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_64 for ONNX node: Conv_64\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 583 for ONNX tensor: 583\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_64 [Conv] outputs: [583 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_65 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 583\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_65 [Relu] inputs: [583 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_65 for ONNX node: Relu_65\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 416 for ONNX tensor: 416\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_65 [Relu] outputs: [416 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_66 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 416\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 587\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 588\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_66 [Conv] inputs: [416 -> (-1, 256, 14, 14)[FLOAT]], [587 -> (1024, 256, 1, 1)[FLOAT]], [588 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_66 for ONNX node: Conv_66\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 586 for ONNX tensor: 586\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_66 [Conv] outputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_67 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 586\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 410\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_67 [Add] inputs: [586 -> (-1, 1024, 14, 14)[FLOAT]], [410 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_67 for ONNX node: Add_67\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 419 for ONNX tensor: 419\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_67 [Add] outputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_68 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 419\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_68 [Relu] inputs: [419 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_68 for ONNX node: Relu_68\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 420 for ONNX tensor: 420\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_68 [Relu] outputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_69 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 420\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 590\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 591\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_69 [Conv] inputs: [420 -> (-1, 1024, 14, 14)[FLOAT]], [590 -> (256, 1024, 1, 1)[FLOAT]], [591 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_69 for ONNX node: Conv_69\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 589 for ONNX tensor: 589\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_69 [Conv] outputs: [589 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_70 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 589\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_70 [Relu] inputs: [589 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_70 for ONNX node: Relu_70\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 423 for ONNX tensor: 423\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_70 [Relu] outputs: [423 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_71 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 423\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 593\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 594\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_71 [Conv] inputs: [423 -> (-1, 256, 14, 14)[FLOAT]], [593 -> (256, 256, 3, 3)[FLOAT]], [594 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_71 for ONNX node: Conv_71\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 592 for ONNX tensor: 592\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_71 [Conv] outputs: [592 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_72 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 592\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_72 [Relu] inputs: [592 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_72 for ONNX node: Relu_72\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 426 for ONNX tensor: 426\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_72 [Relu] outputs: [426 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_73 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 426\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 596\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 597\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_73 [Conv] inputs: [426 -> (-1, 256, 14, 14)[FLOAT]], [596 -> (1024, 256, 1, 1)[FLOAT]], [597 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_73 for ONNX node: Conv_73\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 595 for ONNX tensor: 595\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_73 [Conv] outputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_74 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 595\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 420\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_74 [Add] inputs: [595 -> (-1, 1024, 14, 14)[FLOAT]], [420 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_74 for ONNX node: Add_74\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 429 for ONNX tensor: 429\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_74 [Add] outputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_75 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 429\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_75 [Relu] inputs: [429 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_75 for ONNX node: Relu_75\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 430 for ONNX tensor: 430\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_75 [Relu] outputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_76 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 430\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 599\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 600\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_76 [Conv] inputs: [430 -> (-1, 1024, 14, 14)[FLOAT]], [599 -> (256, 1024, 1, 1)[FLOAT]], [600 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_76 for ONNX node: Conv_76\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 598 for ONNX tensor: 598\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_76 [Conv] outputs: [598 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_77 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 598\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_77 [Relu] inputs: [598 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_77 for ONNX node: Relu_77\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 433 for ONNX tensor: 433\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_77 [Relu] outputs: [433 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_78 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 433\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 602\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 603\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_78 [Conv] inputs: [433 -> (-1, 256, 14, 14)[FLOAT]], [602 -> (256, 256, 3, 3)[FLOAT]], [603 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_78 for ONNX node: Conv_78\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 601 for ONNX tensor: 601\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_78 [Conv] outputs: [601 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_79 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 601\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_79 [Relu] inputs: [601 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_79 for ONNX node: Relu_79\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 436 for ONNX tensor: 436\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_79 [Relu] outputs: [436 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_80 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 436\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 605\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 606\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_80 [Conv] inputs: [436 -> (-1, 256, 14, 14)[FLOAT]], [605 -> (1024, 256, 1, 1)[FLOAT]], [606 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_80 for ONNX node: Conv_80\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 604 for ONNX tensor: 604\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_80 [Conv] outputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_81 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 604\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 430\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_81 [Add] inputs: [604 -> (-1, 1024, 14, 14)[FLOAT]], [430 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_81 for ONNX node: Add_81\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 439 for ONNX tensor: 439\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_81 [Add] outputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_82 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 439\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_82 [Relu] inputs: [439 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_82 for ONNX node: Relu_82\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 440 for ONNX tensor: 440\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_82 [Relu] outputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_83 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 440\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 608\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 609\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_83 [Conv] inputs: [440 -> (-1, 1024, 14, 14)[FLOAT]], [608 -> (256, 1024, 1, 1)[FLOAT]], [609 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_83 for ONNX node: Conv_83\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 607 for ONNX tensor: 607\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_83 [Conv] outputs: [607 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_84 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 607\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_84 [Relu] inputs: [607 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_84 for ONNX node: Relu_84\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 443 for ONNX tensor: 443\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_84 [Relu] outputs: [443 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_85 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 443\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 611\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 612\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_85 [Conv] inputs: [443 -> (-1, 256, 14, 14)[FLOAT]], [611 -> (256, 256, 3, 3)[FLOAT]], [612 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_85 for ONNX node: Conv_85\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 610 for ONNX tensor: 610\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_85 [Conv] outputs: [610 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_86 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 610\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_86 [Relu] inputs: [610 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_86 for ONNX node: Relu_86\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 446 for ONNX tensor: 446\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_86 [Relu] outputs: [446 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_87 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 446\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 614\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 615\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_87 [Conv] inputs: [446 -> (-1, 256, 14, 14)[FLOAT]], [614 -> (1024, 256, 1, 1)[FLOAT]], [615 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_87 for ONNX node: Conv_87\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 613 for ONNX tensor: 613\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_87 [Conv] outputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_88 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 613\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 440\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_88 [Add] inputs: [613 -> (-1, 1024, 14, 14)[FLOAT]], [440 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_88 for ONNX node: Add_88\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 449 for ONNX tensor: 449\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_88 [Add] outputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_89 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 449\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_89 [Relu] inputs: [449 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_89 for ONNX node: Relu_89\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 450 for ONNX tensor: 450\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_89 [Relu] outputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_90 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 450\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 617\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 618\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_90 [Conv] inputs: [450 -> (-1, 1024, 14, 14)[FLOAT]], [617 -> (256, 1024, 1, 1)[FLOAT]], [618 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_90 for ONNX node: Conv_90\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 616 for ONNX tensor: 616\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_90 [Conv] outputs: [616 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_91 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 616\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_91 [Relu] inputs: [616 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_91 for ONNX node: Relu_91\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 453 for ONNX tensor: 453\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_91 [Relu] outputs: [453 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_92 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 453\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 620\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 621\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_92 [Conv] inputs: [453 -> (-1, 256, 14, 14)[FLOAT]], [620 -> (256, 256, 3, 3)[FLOAT]], [621 -> (256)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_92 for ONNX node: Conv_92\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 256\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 619 for ONNX tensor: 619\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_92 [Conv] outputs: [619 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_93 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 619\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_93 [Relu] inputs: [619 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_93 for ONNX node: Relu_93\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 456 for ONNX tensor: 456\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_93 [Relu] outputs: [456 -> (-1, 256, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_94 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 456\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 623\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 624\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_94 [Conv] inputs: [456 -> (-1, 256, 14, 14)[FLOAT]], [623 -> (1024, 256, 1, 1)[FLOAT]], [624 -> (1024)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 256, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_94 for ONNX node: Conv_94\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 622 for ONNX tensor: 622\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_94 [Conv] outputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_95 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 622\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 450\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_95 [Add] inputs: [622 -> (-1, 1024, 14, 14)[FLOAT]], [450 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_95 for ONNX node: Add_95\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 459 for ONNX tensor: 459\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_95 [Add] outputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_96 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 459\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_96 [Relu] inputs: [459 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_96 for ONNX node: Relu_96\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 460 for ONNX tensor: 460\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_96 [Relu] outputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_97 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 460\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 626\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 627\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_97 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [626 -> (512, 1024, 1, 1)[FLOAT]], [627 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_97 for ONNX node: Conv_97\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 625 for ONNX tensor: 625\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_97 [Conv] outputs: [625 -> (-1, 512, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_98 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 625\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_98 [Relu] inputs: [625 -> (-1, 512, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_98 for ONNX node: Relu_98\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 463 for ONNX tensor: 463\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_98 [Relu] outputs: [463 -> (-1, 512, 14, 14)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_99 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 463\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 629\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 630\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_99 [Conv] inputs: [463 -> (-1, 512, 14, 14)[FLOAT]], [629 -> (512, 512, 3, 3)[FLOAT]], [630 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_99 for ONNX node: Conv_99\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (2, 2), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 628 for ONNX tensor: 628\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_99 [Conv] outputs: [628 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_100 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 628\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_100 [Relu] inputs: [628 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_100 for ONNX node: Relu_100\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 466 for ONNX tensor: 466\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_100 [Relu] outputs: [466 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_101 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 466\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 632\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 633\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_101 [Conv] inputs: [466 -> (-1, 512, 7, 7)[FLOAT]], [632 -> (2048, 512, 1, 1)[FLOAT]], [633 -> (2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_101 for ONNX node: Conv_101\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 631 for ONNX tensor: 631\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_101 [Conv] outputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_102 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 460\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 635\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 636\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_102 [Conv] inputs: [460 -> (-1, 1024, 14, 14)[FLOAT]], [635 -> (2048, 1024, 1, 1)[FLOAT]], [636 -> (2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 1024, 14, 14)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_102 for ONNX node: Conv_102\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (2, 2), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 634 for ONNX tensor: 634\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_102 [Conv] outputs: [634 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_103 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 631\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 634\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_103 [Add] inputs: [631 -> (-1, 2048, 7, 7)[FLOAT]], [634 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_103 for ONNX node: Add_103\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 471 for ONNX tensor: 471\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_103 [Add] outputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_104 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 471\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_104 [Relu] inputs: [471 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_104 for ONNX node: Relu_104\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 472 for ONNX tensor: 472\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_104 [Relu] outputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_105 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 472\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 638\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 639\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_105 [Conv] inputs: [472 -> (-1, 2048, 7, 7)[FLOAT]], [638 -> (512, 2048, 1, 1)[FLOAT]], [639 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_105 for ONNX node: Conv_105\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 637 for ONNX tensor: 637\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_105 [Conv] outputs: [637 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_106 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 637\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_106 [Relu] inputs: [637 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_106 for ONNX node: Relu_106\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 475 for ONNX tensor: 475\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_106 [Relu] outputs: [475 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_107 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 475\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 641\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 642\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_107 [Conv] inputs: [475 -> (-1, 512, 7, 7)[FLOAT]], [641 -> (512, 512, 3, 3)[FLOAT]], [642 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_107 for ONNX node: Conv_107\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 640 for ONNX tensor: 640\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_107 [Conv] outputs: [640 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_108 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 640\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_108 [Relu] inputs: [640 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_108 for ONNX node: Relu_108\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 478 for ONNX tensor: 478\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_108 [Relu] outputs: [478 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_109 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 478\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 644\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 645\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_109 [Conv] inputs: [478 -> (-1, 512, 7, 7)[FLOAT]], [644 -> (2048, 512, 1, 1)[FLOAT]], [645 -> (2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_109 for ONNX node: Conv_109\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 643 for ONNX tensor: 643\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_109 [Conv] outputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_110 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 643\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 472\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_110 [Add] inputs: [643 -> (-1, 2048, 7, 7)[FLOAT]], [472 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_110 for ONNX node: Add_110\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 481 for ONNX tensor: 481\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_110 [Add] outputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_111 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 481\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_111 [Relu] inputs: [481 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_111 for ONNX node: Relu_111\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 482 for ONNX tensor: 482\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_111 [Relu] outputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_112 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 482\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 647\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 648\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_112 [Conv] inputs: [482 -> (-1, 2048, 7, 7)[FLOAT]], [647 -> (512, 2048, 1, 1)[FLOAT]], [648 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_112 for ONNX node: Conv_112\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 646 for ONNX tensor: 646\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_112 [Conv] outputs: [646 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_113 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 646\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_113 [Relu] inputs: [646 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_113 for ONNX node: Relu_113\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 485 for ONNX tensor: 485\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_113 [Relu] outputs: [485 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_114 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 485\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 650\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 651\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_114 [Conv] inputs: [485 -> (-1, 512, 7, 7)[FLOAT]], [650 -> (512, 512, 3, 3)[FLOAT]], [651 -> (512)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_114 for ONNX node: Conv_114\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (3, 3), strides: (1, 1), prepadding: (1, 1), postpadding: (1, 1), dilations: (1, 1), numOutputs: 512\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 649 for ONNX tensor: 649\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_114 [Conv] outputs: [649 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_115 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 649\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_115 [Relu] inputs: [649 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_115 for ONNX node: Relu_115\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 488 for ONNX tensor: 488\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_115 [Relu] outputs: [488 -> (-1, 512, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Conv_116 [Conv]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 488\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 653\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 654\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_116 [Conv] inputs: [488 -> (-1, 512, 7, 7)[FLOAT]], [653 -> (2048, 512, 1, 1)[FLOAT]], [654 -> (2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution input dimensions: (-1, 512, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Conv_116 for ONNX node: Conv_116\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 2048\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convolution output dimensions: (-1, 2048, 7, 7)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 652 for ONNX tensor: 652\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Conv_116 [Conv] outputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Add_117 [Add]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 652\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 482\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_117 [Add] inputs: [652 -> (-1, 2048, 7, 7)[FLOAT]], [482 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Add_117 for ONNX node: Add_117\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 491 for ONNX tensor: 491\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Add_117 [Add] outputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Relu_118 [Relu]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 491\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_118 [Relu] inputs: [491 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Relu_118 for ONNX node: Relu_118\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 492 for ONNX tensor: 492\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Relu_118 [Relu] outputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: GlobalAveragePool_119 [GlobalAveragePool]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 492\r\n", - "[03/14/2023-21:25:13] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] inputs: [492 -> (-1, 2048, 7, 7)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: GlobalAveragePool_119 for ONNX node: GlobalAveragePool_119\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 493 for ONNX tensor: 493\r\n", - "[03/14/2023-21:25:13] [V] [TRT] GlobalAveragePool_119 [GlobalAveragePool] outputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Flatten_120 [Flatten]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 493\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Flatten_120 [Flatten] inputs: [493 -> (-1, 2048, 1, 1)[FLOAT]], \r\n", - "[W] [TRT] onnx2trt_utils.cpp:362: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.\r\n", - "[03/14/2023-21:25:13] [03/14/2023-21:25:13] [V] [TRT] Registering layer: Flatten_120 for ONNX node: Flatten_120\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: 494 for ONNX tensor: 494\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Flatten_120 [Flatten] outputs: [494 -> (-1, 2048)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Parsing node: Gemm_121 [Gemm]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: 494\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: fc.weight\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Searching for input: fc.bias\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Gemm_121 [Gemm] inputs: [494 -> (-1, 2048)[FLOAT]], [fc.weight -> (1000, 2048)[FLOAT]], [fc.bias -> (1000)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] GEMM: using FC layer instead of MM because all criteria were met.\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Original shape: (_, 2048), unsqueezing to: (_, _, _, _)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering layer: Gemm_121 for ONNX node: Gemm_121\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Original shape: (_, 1000, 1, 1), squeezing to: (_, _)\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Registering tensor: output_0 for ONNX tensor: output\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Gemm_121 [Gemm] outputs: [output -> (-1, 1000)[FLOAT]], \r\n", - "[03/14/2023-21:25:13] [V] [TRT] Marking output_0 as output: output\r\n", - "[03/14/2023-21:25:13] [I] Finish parsing network model\r\n", - "[03/14/2023-21:25:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +0, GPU +0, now: CPU 434, GPU 251 (MiB)\r\n", - "[03/14/2023-21:25:13] [I] [TRT] [MemUsageSnapshot] Builder begin: CPU 434 MiB, GPU 251 MiB\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Applying generic optimizations to the graph for inference.\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Original: 124 layers\r\n", - "[03/14/2023-21:25:13] [V] [TRT] After dead-layer removal: 124 layers\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ShuffleShuffleFusion: Fusing Flatten_120 with (Unnamed Layer* 131) [Shuffle]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Removing Flatten_120 + (Unnamed Layer* 131) [Shuffle]\r\n", - "[03/14/2023-21:25:13] [V] [TRT] After Myelin optimization: 122 layers\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Convert layer type of Gemm_121 from FULLY_CONNECTED to CONVOLUTION\r\n", - "[03/14/2023-21:25:13] [V] [TRT] Removing shuffle_between_493_and_Gemm_121\r\n", - "[03/14/2023-21:25:13] [V] [TRT] After scale fusion: 122 layers\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_0 with Relu_1\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_3 with Relu_4\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_8 with Add_9\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_5 with Relu_6\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_8 + Add_9 with Relu_10\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_11 with Relu_12\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_13 with Relu_14\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_15 with Add_16\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_15 + Add_16 with Relu_17\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_18 with Relu_19\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_20 with Relu_21\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_22 with Add_23\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_22 + Add_23 with Relu_24\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_25 with Relu_26\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_30 with Add_31\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_27 with Relu_28\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_30 + Add_31 with Relu_32\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_33 with Relu_34\r\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_35 with Relu_36\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_37 with Add_38\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_37 + Add_38 with Relu_39\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_40 with Relu_41\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_42 with Relu_43\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_44 with Add_45\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_44 + Add_45 with Relu_46\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_47 with Relu_48\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_49 with Relu_50\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_51 with Add_52\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_51 + Add_52 with Relu_53\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_54 with Relu_55\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_59 with Add_60\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_56 with Relu_57\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_59 + Add_60 with Relu_61\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_62 with Relu_63\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_64 with Relu_65\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_66 with Add_67\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_66 + Add_67 with Relu_68\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_69 with Relu_70\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_71 with Relu_72\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_73 with Add_74\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_73 + Add_74 with Relu_75\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_76 with Relu_77\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_78 with Relu_79\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_80 with Add_81\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_80 + Add_81 with Relu_82\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_83 with Relu_84\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_85 with Relu_86\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_87 with Add_88\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_87 + Add_88 with Relu_89\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_90 with Relu_91\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_92 with Relu_93\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_94 with Add_95\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_94 + Add_95 with Relu_96\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_97 with Relu_98\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_102 with Add_103\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_99 with Relu_100\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_102 + Add_103 with Relu_104\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_105 with Relu_106\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_107 with Relu_108\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_109 with Add_110\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_109 + Add_110 with Relu_111\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_112 with Relu_113\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_114 with Relu_115\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvEltwiseSumFusion: Fusing Conv_116 with Add_117\n", - "[03/14/2023-21:25:13] [V] [TRT] ConvReluFusion: Fusing Conv_116 + Add_117 with Relu_118\n", - "[03/14/2023-21:25:13] [V] [TRT] Swap the layer type of GlobalAveragePool_119 from REDUCE to POOLING\n", - "[03/14/2023-21:25:13] [V] [TRT] After vertical fusions: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] After dupe layer removal: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] After final dead-layer removal: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] After tensor merging: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] After concat removal: 57 layers\n", - "[03/14/2023-21:25:13] [V] [TRT] Graph construction and optimization completed in 0.472305 seconds.\n", - "[03/14/2023-21:25:14] [V] [TRT] Using cublasLt a tactic source\n", - "[03/14/2023-21:25:14] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +491, GPU +212, now: CPU 925, GPU 463 (MiB)\n", - "[03/14/2023-21:25:14] [V] [TRT] Using cuDNN as a tactic source\n", - "[03/14/2023-21:25:15] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +286, GPU +198, now: CPU 1211, GPU 661 (MiB)\n", - "[W] [03/14/2023-21:25:15] [TRT] Detected invalid timing cache, setup a local cache instead\n", - "[03/14/2023-21:25:15] [V] [TRT] Constructing optimization profile number 0 [1/1].\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Float(150528,1,672,3) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 5.71445\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.664824\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.664824\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(150528,50176,224,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.57742\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.593652\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 1002 Time: 0.57742\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(100352,50176:2,224,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.720756\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.568124\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.568124\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:4,224,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.51704\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.531456\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 1002 Time: 0.51704\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning Reformat:Float(150528,50176,224,1) -> Half(50176,1:8,224,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 1002 Time: 0.780808\n", - "[03/14/2023-21:25:15] [V] [TRT] Tactic: 0 Time: 0.761044\n", - "[03/14/2023-21:25:15] [V] [TRT] Fastest Tactic: 0 Time: 0.761044\n", - "[03/14/2023-21:25:15] [V] [TRT] *************** Autotuning format combination: Float(150528,50176,224,1) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:15] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 0 Time: 21.543\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 1 Time: 11.6484\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 944111616, available: 16777216\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216\n", - "[03/14/2023-21:25:16] [V] [TRT] Tactic: 56 Time: 21.246\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 57 Time: 11.8987\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 944111616, available: 16777216\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216\n", - "[03/14/2023-21:25:17] [I] [TRT] Some tactics do not have sufficient workspace memory to run. Increasing workspace size may increase performance, please check verbose output.\n", - "[03/14/2023-21:25:17] [V] [TRT] Fastest Tactic: 1 Time: 11.6484\n", - "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 1825138533642645384 Time: 9.71293\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 2842488832350522458 Time: 5.23158\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: 6448355332020552203 Time: 10.9645\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: -8060443123034038864 Time: 5.25836\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:25:17] [V] [TRT] Tactic: -4420849921117327522 Time: 7.23761\n", - "[03/14/2023-21:25:17] [V] [TRT] Fastest Tactic: 2842488832350522458 Time: 5.23158\n", - "[03/14/2023-21:25:17] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling\n", - "[03/14/2023-21:25:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2842488832350522458\n", - "[03/14/2023-21:25:17] [V] [TRT] *************** Autotuning format combination: Float(150528,1,672,3) -> Float(802816,1,7168,64) ***************\n", - "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:17] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:17] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:25:18] [V] [TRT] Tactic: 861694390046228376 Time: 23.1077\n", - "[03/14/2023-21:25:18] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:25:18] [V] [TRT] Tactic: -3853827649136781465 Time: 22.8469\n", - "[03/14/2023-21:25:18] [V] [TRT] Fastest Tactic: -3853827649136781465 Time: 22.8469\n", - "[03/14/2023-21:25:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3853827649136781465\n", - "[03/14/2023-21:25:18] [V] [TRT] *************** Autotuning format combination: Half(150528,50176,224,1) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:18] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:18] [V] [TRT] Tactic: 0 Time: 17.9787\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1 Time: 9.16748\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 472055808, available: 16777216\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 5 skipped. Scratch requested: 75481088, available: 16777216\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 56 Time: 18.3045\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 58 skipped. Scratch requested: 472055808, available: 16777216\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 61 skipped. Scratch requested: 75481088, available: 16777216\n", - "[03/14/2023-21:25:19] [V] [TRT] Fastest Tactic: 1 Time: 9.16748\n", - "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:19] [V] [TRT] Setting workspace to 75481088enables more tactics for profiling\n", - "[03/14/2023-21:25:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:25:19] [V] [TRT] *************** Autotuning format combination: Half(100352,50176:2,224,1) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:19] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1145226902788474763 Time: 3.48345\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 1651411198763708804 Time: 4.26286\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 2418518597804310654 Time: 4.08451\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 4653005425971292725 Time: 4.04401\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 4930470141256631146 Time: 4.56622\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: 8292881859266835088 Time: 4.60886\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:25:19] [V] [TRT] Tactic: -7448936905981214224 Time: 4.7099\n", - "[03/14/2023-21:25:19] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -3754890472406891741 Time: 7.79769\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -3689982367035295496 Time: 7.57531\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -2894005464278291378 Time: 4.05728\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -1968398013367819764 Time: 7.74699\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -245090590808296743 Time: 7.71212\n", - "[03/14/2023-21:25:20] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 3.48345\n", - "[03/14/2023-21:25:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:4,224,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: -8357652348141719927 Time: 2.54385\n", - "[03/14/2023-21:25:20] [V] [TRT] Fastest Tactic: -8357652348141719927 Time: 2.54385\n", - "[03/14/2023-21:25:20] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8357652348141719927\n", - "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:20] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,224,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CudnnConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:20] [V] [TRT] --------------- Timing Runner: Conv_0 + Relu_1 (CaskConvolution)\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:25:20] [V] [TRT] Tactic: 385569945292539752 Time: 20.1049\n", - "[03/14/2023-21:25:20] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:25:21] [V] [TRT] Tactic: 833287959109025818 Time: 47.4672\n", - "[03/14/2023-21:25:21] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:25:21] [V] [TRT] Tactic: 1013168150133367738 Time: 7.91085\n", - "[03/14/2023-21:25:21] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:25:22] [V] [TRT] Tactic: 1067227531433278814 Time: 13.9466\n", - "[03/14/2023-21:25:22] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:25:23] [V] [TRT] Tactic: 1554365048685552334 Time: 85.859\n", - "[03/14/2023-21:25:23] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:25:24] [V] [TRT] Tactic: 2027733232253711640 Time: 53.7406\n", - "[03/14/2023-21:25:24] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:25:24] [V] [TRT] Tactic: 3745975654290680669 Time: 42.5785\n", - "[03/14/2023-21:25:24] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:25:25] [V] [TRT] Tactic: 3784804427912340706 Time: 26.8018\n", - "[03/14/2023-21:25:25] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:25:25] [V] [TRT] Tactic: 3823144360994712832 Time: 14.6826\n", - "[03/14/2023-21:25:25] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5635311898703673455 Time: 25.2829\n", - "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5848150552772236982 Time: 22.1839\n", - "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:25:26] [V] [TRT] Tactic: 5925270497649423688 Time: 21.6914\n", - "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:25:26] [V] [TRT] Tactic: 6623704051070449703 Time: 11.8015\n", - "[03/14/2023-21:25:26] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:25:27] [V] [TRT] Tactic: 6680916730816870145 Time: 23.8214\n", - "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7114340626053367917 Time: 14.4581\n", - "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7158029511300006471 Time: 12.2704\n", - "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:25:27] [V] [TRT] Tactic: 7612687199567064086 Time: 10.3118\n", - "[03/14/2023-21:25:27] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:25:28] [V] [TRT] Tactic: 7729555994715864793 Time: 18.647\n", - "[03/14/2023-21:25:28] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:25:28] [V] [TRT] Tactic: 8283847742354150423 Time: 25.0717\n", - "[03/14/2023-21:25:28] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:25:29] [V] [TRT] Tactic: 8455608235315878803 Time: 30.1258\n", - "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:25:29] [V] [TRT] Tactic: 8668812313058150080 Time: 23.6679\n", - "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:25:29] [V] [TRT] Tactic: -8992262742606384444 Time: 8.30963\n", - "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:25:29] [V] [TRT] Tactic: -8682550625095202832 Time: 8.29962\n", - "[03/14/2023-21:25:29] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:25:30] [V] [TRT] Tactic: -7615325597099025933 Time: 13.4221\n", - "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:25:30] [V] [TRT] Tactic: -7594446953125532601 Time: 21.9614\n", - "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:25:30] [V] [TRT] Tactic: -6828337260021572283 Time: 15.3387\n", - "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:25:30] [V] [TRT] Tactic: -6711815420995272523 Time: 12.5883\n", - "[03/14/2023-21:25:30] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:25:31] [V] [TRT] Tactic: -6636202818604544855 Time: 40.7407\n", - "[03/14/2023-21:25:31] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:25:31] [V] [TRT] Tactic: -6273232454637933930 Time: 14.7533\n", - "[03/14/2023-21:25:31] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:25:32] [V] [TRT] Tactic: -5710735840878760115 Time: 28.2671\n", - "[03/14/2023-21:25:32] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:25:32] [V] [TRT] Tactic: -5589367647444470524 Time: 33.8799\n", - "[03/14/2023-21:25:32] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:25:33] [V] [TRT] Tactic: -4954692664176521434 Time: 24.3415\n", - "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:25:33] [V] [TRT] Tactic: -4116131327756252574 Time: 16.8688\n", - "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:25:33] [V] [TRT] Tactic: -2586046817576862066 Time: 24.3796\n", - "[03/14/2023-21:25:33] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: -1708101578041178688 Time: 25.3849\n", - "[03/14/2023-21:25:34] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: -229563042944049199 Time: 25.5176\n", - "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 1013168150133367738 Time: 7.91085\n", - "[03/14/2023-21:25:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1013168150133367738\n", - "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 3.06628\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 0 Time: 3.13128\n", - "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 1002 Time: 3.06628\n", - "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 3.41104\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 0 Time: 2.513\n", - "[03/14/2023-21:25:34] [V] [TRT] Fastest Tactic: 0 Time: 2.513\n", - "[03/14/2023-21:25:34] [V] [TRT] *************** Autotuning Reformat:Float(802816,12544,112,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:34] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:34] [V] [TRT] Tactic: 1002 Time: 2.49911\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.49263\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 2.49263\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 4.95445\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 5.86912\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 4.95445\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.38749\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 5.76312\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.38749\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.29618\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 6.091\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.29618\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,7168,64) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.43356\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.90286\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 2.43356\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 3.56891\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 4.11356\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 1002 Time: 3.56891\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.73615\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 2.13229\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 2.13229\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(802816,12544,112,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 1002 Time: 2.49896\n", - "[03/14/2023-21:25:35] [V] [TRT] Tactic: 0 Time: 1.80608\n", - "[03/14/2023-21:25:35] [V] [TRT] Fastest Tactic: 0 Time: 1.80608\n", - "[03/14/2023-21:25:35] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.51646\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.6525\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.6525\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 5.94336\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.04028\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.04028\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(401408,12544:2,112,1) -> Half(100352,1:8,896,8) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 1.83338\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.8116\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.8116\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Float(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.401\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 2.9431\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 2.9431\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(802816,12544,112,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 4.26722\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.66633\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.66633\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,896,8) -> Half(401408,12544:2,112,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 1002 Time: 2.58342\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 0 Time: 1.67387\n", - "[03/14/2023-21:25:36] [V] [TRT] Fastest Tactic: 0 Time: 1.67387\n", - "[03/14/2023-21:25:36] [V] [TRT] *************** Autotuning format combination: Float(802816,12544,112,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:36] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 257 Time: 8.20848\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 65793 Time: 5.83138\n", - "[03/14/2023-21:25:36] [V] [TRT] Tactic: 131329 Time: 4.89147\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 196865 Time: 4.2373\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 262401 Time: 3.40176\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 327937 Time: 5.77686\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 393473 Time: 3.93274\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 459009 Time: 8.29098\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 524545 Time: 5.78809\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 590081 Time: 4.66939\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 655617 Time: 2.72731\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 721153 Time: 2.39115\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 786689 Time: 3.69474\n", - "[03/14/2023-21:25:37] [V] [TRT] Tactic: 852225 Time: 3.31084\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 917761 Time: 8.49416\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 983297 Time: 5.87689\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1048833 Time: 4.64253\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1114369 Time: 2.56432\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1179905 Time: 2.33496\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1245441 Time: 3.55686\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1310977 Time: 3.24315\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1376513 Time: 8.58528\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1442049 Time: 5.9628\n", - "[03/14/2023-21:25:38] [V] [TRT] Tactic: 1507585 Time: 4.66484\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1573121 Time: 2.50158\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1638657 Time: 2.29754\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1704193 Time: 3.47492\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1769729 Time: 3.22501\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1835265 Time: 8.61867\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1900801 Time: 5.99947\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 1966337 Time: 4.69106\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2031873 Time: 2.4814\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2097409 Time: 2.29431\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2162945 Time: 3.44501\n", - "[03/14/2023-21:25:39] [V] [TRT] Tactic: 2228481 Time: 3.21477\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2294017 Time: 8.65303\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2359553 Time: 6.02078\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2425089 Time: 4.75153\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2490625 Time: 2.46538\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2556161 Time: 2.2986\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2621697 Time: 3.43129\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 2687233 Time: 3.23195\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 6947073 Time: 2.10846\n", - "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: 6947073 Time: 2.10846\n", - "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: -1 Time: 2.4287\n", - "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: -1 Time: 2.4287\n", - "[03/14/2023-21:25:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 6947073\n", - "[03/14/2023-21:25:40] [V] [TRT] *************** Autotuning format combination: Half(802816,12544,112,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", - "[03/14/2023-21:25:40] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: -1 Time: 1.79429\n", - "[03/14/2023-21:25:40] [V] [TRT] Fastest Tactic: -1 Time: 1.79429\n", - "[03/14/2023-21:25:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", - "[03/14/2023-21:25:40] [V] [TRT] *************** Autotuning format combination: Half(401408,12544:2,112,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:40] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 257 Time: 4.11484\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 65793 Time: 2.92519\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 131329 Time: 2.48088\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 196865 Time: 2.28471\n", - "[03/14/2023-21:25:40] [V] [TRT] Tactic: 262401 Time: 1.7983\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 327937 Time: 3.0425\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 393473 Time: 2.07234\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 459009 Time: 4.15246\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 524545 Time: 2.90165\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 590081 Time: 2.33934\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 655617 Time: 1.41204\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 721153 Time: 1.21599\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 786689 Time: 1.88649\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 852225 Time: 1.65768\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 917761 Time: 4.25703\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 983297 Time: 2.94405\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1048833 Time: 2.33393\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1114369 Time: 1.31246\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1179905 Time: 1.17458\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1245441 Time: 1.7828\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1310977 Time: 1.63078\n", - "[03/14/2023-21:25:41] [V] [TRT] Tactic: 1376513 Time: 4.30886\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1442049 Time: 2.99532\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1507585 Time: 2.33558\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1573121 Time: 1.27401\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1638657 Time: 1.1602\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1704193 Time: 1.74848\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1769729 Time: 1.62441\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1835265 Time: 4.32142\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1900801 Time: 3.00278\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 1966337 Time: 2.34134\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2031873 Time: 1.26742\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2097409 Time: 1.15705\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2162945 Time: 1.74084\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2228481 Time: 1.62867\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2294017 Time: 4.33209\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2359553 Time: 3.01586\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2425089 Time: 2.36239\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2490625 Time: 1.25373\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2556161 Time: 1.14865\n", - "[03/14/2023-21:25:42] [V] [TRT] Tactic: 2621697 Time: 1.73082\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 2687233 Time: 1.62675\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 6947073 Time: 1.06497\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 6947073 Time: 1.06497\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: -3 Time: 1.04372\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -3 Time: 1.04372\n", - "[03/14/2023-21:25:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -3\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,896,8) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (TiledPooling)\n", - "[03/14/2023-21:25:43] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudaPooling)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: -2 Time: 1.08413\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -2 Time: 1.08413\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: MaxPool_2 (CudnnPooling)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: -1 Time: 1.01571\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: -1 Time: 1.01571\n", - "[03/14/2023-21:25:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.892344\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.05172\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.892344\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.77658\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.78904\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.77658\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.855092\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.619432\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.619432\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.62408\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.625736\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.62408\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.921072\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.02291\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.921072\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.791452\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.00167\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.791452\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.701276\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.524596\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.524596\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.617296\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.4525\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.4525\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.10406\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.6661\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.6661\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.81778\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.838572\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.81778\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.43644\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.533264\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.533264\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.462248\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.457304\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.457304\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.07535\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.721604\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.721604\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.74746\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.699288\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.699288\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.05312\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.42528\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.42528\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.653364\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.42544\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.42544\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.88996\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.04087\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.88996\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.777104\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.789264\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.777104\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.857196\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.6192\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 0 Time: 0.6192\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.624172\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.625732\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.624172\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 1.22497\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.38453\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 1.22497\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.850476\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.27671\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.850476\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.832964\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.386\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.832964\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.616336\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 0.714348\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.616336\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 1002 Time: 0.917008\n", - "[03/14/2023-21:25:43] [V] [TRT] Tactic: 0 Time: 1.01953\n", - "[03/14/2023-21:25:43] [V] [TRT] Fastest Tactic: 1002 Time: 0.917008\n", - "[03/14/2023-21:25:43] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:43] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.789616\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 1.00701\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1002 Time: 0.789616\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.704504\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.526772\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.526772\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.620444\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.45306\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.45306\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.10257\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.665308\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.665308\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.815028\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.838532\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1002 Time: 0.815028\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.40004\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.52708\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.52708\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.464576\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.457712\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.457712\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.07262\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.7222\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.7222\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.748168\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.703344\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.703344\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 1.06236\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.42376\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.42376\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1002 Time: 0.647544\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 0.425076\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 0 Time: 0.425076\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 0 Time: 3.48695\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1 Time: 2.65732\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 56 Time: 3.49019\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 57 Time: 2.66046\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: 1 Time: 2.65732\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1754569683116234317 Time: 1.04352\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 1825138533642645384 Time: 1.0672\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 2733356012094739613 Time: 1.30806\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 3915320020053085238 Time: 1.16599\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 6808617066150061604 Time: 0.896376\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 9091006216302412844 Time: 0.926316\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: -8060443123034038864 Time: 0.89492\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: -4420849921117327522 Time: 1.28111\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: -3946921629105938337 Time: 1.30816\n", - "[03/14/2023-21:25:44] [V] [TRT] Fastest Tactic: -8060443123034038864 Time: 0.89492\n", - "[03/14/2023-21:25:44] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling\n", - "[03/14/2023-21:25:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:44] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:44] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 861694390046228376 Time: 1.15135\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5258189349241541167 Time: 0.94812\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5821621277990374316 Time: 1.2214\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: 5863767799113001648 Time: 1.48661\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:25:44] [V] [TRT] Tactic: -9147980667639709536 Time: 1.18257\n", - "[03/14/2023-21:25:44] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8892196987859366827 Time: 1.17438\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8850904373104590857 Time: 0.947876\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8010679767156598961 Time: 1.40425\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7751035352149795660 Time: 1.13036\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -5115676123557684531 Time: 1.21842\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -493597327599791285 Time: 0.959012\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -423878181466897819 Time: 1.4373\n", - "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 0.947876\n", - "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 0 Time: 2.58845\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1 Time: 1.63566\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415252480, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 5 skipped. Scratch requested: 250118144, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 56 Time: 2.64552\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415252480, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 61 skipped. Scratch requested: 250118144, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 1 Time: 1.63566\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] Setting workspace to 250118144enables more tactics for profiling\n", - "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1651411198763708804 Time: 0.476604\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2418518597804310654 Time: 0.476256\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4318470497547290900 Time: 0.474092\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 4930470141256631146 Time: 0.64272\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 8292881859266835088 Time: 0.64278\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 8401509141903434922 Time: 0.47518\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -8654297089785671176 Time: 0.84054\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7516584506774355935 Time: 0.647572\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -7140760933967189247 Time: 0.480688\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -6004726995029373073 Time: 0.642964\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -5719726816705110014 Time: 0.852844\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -4097850214384059472 Time: 0.647228\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -3717489476759089008 Time: 0.47996\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -3689982367035295496 Time: 0.84128\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2640575123064142123 Time: 0.604424\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2534402059426524406 Time: 0.618044\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -2027588946874785071 Time: 0.641636\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: -1968398013367819764 Time: 0.9028\n", - "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 4318470497547290900 Time: 0.474092\n", - "[03/14/2023-21:25:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 4318470497547290900\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CudnnConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 0 Time: 3.37412\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102789120, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760960, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 56 Time: 3.40972\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760960, available: 16777216\n", - "[03/14/2023-21:25:45] [V] [TRT] Fastest Tactic: 0 Time: 3.37412\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CublasConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:45] [V] [TRT] --------------- Timing Runner: Conv_3 + Relu_4 (CaskConvolution)\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 83696452256923412 Time: 0.443968\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 106549059816437840 Time: 0.422144\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 1179757074518529353 Time: 0.448888\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2105695814191699972 Time: 0.544312\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2148106709480872763 Time: 0.459428\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2410442691266548717 Time: 0.472784\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2511830168590723349 Time: 0.93286\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2634905271404611895 Time: 0.449592\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2689212690707793357 Time: 0.830776\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 2798075085844016892 Time: 0.458072\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:25:45] [V] [TRT] Tactic: 3041642431972138763 Time: 0.431032\n", - "[03/14/2023-21:25:45] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3091156937974993800 Time: 0.457192\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3199589679702517123 Time: 0.922036\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3754069740140581927 Time: 0.565196\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 3932578551652369355 Time: 0.441692\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4149021101886580762 Time: 0.449476\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4555462412611657028 Time: 0.458024\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 4749226340913476230 Time: 0.444356\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5483093640784800285 Time: 0.459764\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5666160310350604399 Time: 0.560384\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5900614001783877430 Time: 0.455484\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5925270497649423688 Time: 0.580312\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 5999406432703271895 Time: 0.448956\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 6680916730816870145 Time: 0.466076\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7107292614492808590 Time: 0.4426\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7158029511300006471 Time: 0.532112\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 7859952145590271433 Time: 0.470652\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8283847742354150423 Time: 0.563876\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8468288610222482742 Time: 0.463236\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8620567263556985011 Time: 0.62942\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8642279798680442080 Time: 0.438864\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 8980274178270132023 Time: 0.452232\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: 9108067304506990859 Time: 0.448752\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -9104099172933216230 Time: 0.423816\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8992262742606384444 Time: 0.456\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8956720569082607796 Time: 0.450292\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8952042869709043207 Time: 0.472084\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8898856569474934280 Time: 0.436044\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8774805574135441656 Time: 1.09143\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8749513212655756001 Time: 0.46582\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8520017388966620486 Time: 0.4412\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8487084252145372186 Time: 0.827896\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -8391760416076885205 Time: 0.580988\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7990268040387498660 Time: 0.445152\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7849113095413980300 Time: 0.482108\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -7533167286135592323 Time: 0.460932\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -6273232454637933930 Time: 0.446944\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5818527483287834165 Time: 0.448608\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5590418898350402100 Time: 0.459564\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5505475137955795830 Time: 0.438796\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5389631537202601150 Time: 0.47942\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5332866838585594777 Time: 0.460444\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5121883532434354186 Time: 0.46116\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -5006039300385557796 Time: 0.467936\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4534876761957424274 Time: 0.581536\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4352168563838861262 Time: 0.432984\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -4109084522508697633 Time: 0.644676\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -3237051169894153788 Time: 0.53348\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -3136088851200285532 Time: 0.430332\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2827934362840121038 Time: 0.422888\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2676138141351394855 Time: 0.444072\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2601537631049973288 Time: 0.459268\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2586046817576862066 Time: 0.468632\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2569977342077121032 Time: 0.471856\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2422160065350346448 Time: 0.45748\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2125188058121029448 Time: 1.07938\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -2123887091022542343 Time: 0.46996\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -1838109259315759592 Time: 0.443056\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -1216445540764179377 Time: 0.474016\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -539379305772590030 Time: 0.4238\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -288413895057594820 Time: 0.465152\n", - "[03/14/2023-21:25:46] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:25:46] [V] [TRT] Tactic: -229563042944049199 Time: 0.431552\n", - "[03/14/2023-21:25:46] [V] [TRT] Fastest Tactic: 106549059816437840 Time: 0.422144\n", - "[03/14/2023-21:25:46] [V] [TRT] Setting workspace to 102760960enables more tactics for profiling\n", - "[03/14/2023-21:25:46] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 106549059816437840\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:46] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:46] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:46] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 0 Time: 14.5681\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 1 Time: 6.11356\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 2 skipped. Scratch requested: 924844032, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 6 Time: 5.62158\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 56 Time: 15.0258\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 57 Time: 6.12666\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 58 skipped. Scratch requested: 924844032, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 62 Time: 5.60256\n", - "[03/14/2023-21:25:47] [V] [TRT] Fastest Tactic: 62 Time: 5.60256\n", - "[03/14/2023-21:25:47] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 1825138533642645384 Time: 8.66786\n", - "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", - "[03/14/2023-21:25:47] [V] [TRT] Tactic: 2775507031594384867 Time: 4.06037\n", - "[03/14/2023-21:25:47] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 2842488832350522458 Time: 4.88078\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 3915320020053085238 Time: 8.57519\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 6448355332020552203 Time: 8.98138\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 6808617066150061604 Time: 4.52371\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: -8060443123034038864 Time: 4.98695\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: -4420849921117327522 Time: 6.6014\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: -3946921629105938337 Time: 6.03132\n", - "[03/14/2023-21:25:48] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.06037\n", - "[03/14/2023-21:25:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", - "[03/14/2023-21:25:48] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:48] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:48] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:25:48] [V] [TRT] Tactic: 861694390046228376 Time: 8.82623\n", - "[03/14/2023-21:25:48] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: 1017870653102653567 Time: 8.52368\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5258189349241541167 Time: 4.7221\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5821621277990374316 Time: 8.83215\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: 5863767799113001648 Time: 5.61469\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -9147980667639709536 Time: 8.47701\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -8850904373104590857 Time: 4.69671\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -7751035352149795660 Time: 8.74533\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -3853827649136781465 Time: 8.86262\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:25:49] [V] [TRT] Tactic: -3263369460438823196 Time: 4.79143\n", - "[03/14/2023-21:25:49] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: -423878181466897819 Time: 5.62627\n", - "[03/14/2023-21:25:50] [V] [TRT] Fastest Tactic: -8850904373104590857 Time: 4.69671\n", - "[03/14/2023-21:25:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:50] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 0 Time: 13.6761\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1 Time: 5.95135\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4 skipped. Scratch requested: 415383552, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 5 skipped. Scratch requested: 160432128, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 56 Time: 13.8187\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 60 skipped. Scratch requested: 415383552, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 61 skipped. Scratch requested: 160432128, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216\n", - "[03/14/2023-21:25:50] [V] [TRT] Fastest Tactic: 1 Time: 5.95135\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:50] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling\n", - "[03/14/2023-21:25:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:25:50] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:50] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1145226902788474763 Time: 2.10786\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 1651411198763708804 Time: 2.47597\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65718\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4318470497547290900 Time: 2.55147\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:25:50] [V] [TRT] Tactic: 4653005425971292725 Time: 2.55578\n", - "[03/14/2023-21:25:50] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: 4930470141256631146 Time: 2.89898\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: 8292881859266835088 Time: 3.01729\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: 8401509141903434922 Time: 2.688\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -8654297089785671176 Time: 4.7587\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -7448936905981214224 Time: 2.6478\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -6004726995029373073 Time: 2.91876\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -5719726816705110014 Time: 4.788\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3754890472406891741 Time: 4.78464\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3689982367035295496 Time: 4.73052\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -3140347171730126532 Time: 2.27356\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -2894005464278291378 Time: 2.75334\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -2027588946874785071 Time: 3.08624\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -1968398013367819764 Time: 4.86706\n", - "[03/14/2023-21:25:51] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:25:51] [V] [TRT] Tactic: -245090590808296743 Time: 4.77578\n", - "[03/14/2023-21:25:51] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.10786\n", - "[03/14/2023-21:25:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:25:51] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:51] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:51] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:51] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:51] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:51] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CudnnConvolution)\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 0 Time: 20.3317\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 1 skipped. Scratch requested: 102854656, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 513802752, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 6 skipped. Scratch requested: 206079488, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 56 Time: 20.3194\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 58 skipped. Scratch requested: 513802752, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 62 skipped. Scratch requested: 206079488, available: 16777216\n", - "[03/14/2023-21:25:52] [V] [TRT] Fastest Tactic: 56 Time: 20.3194\n", - "[03/14/2023-21:25:52] [V] [TRT] --------------- Timing Runner: Conv_5 + Relu_6 (CaskConvolution)\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 46202665595848747 Time: 4.2102\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 239013563835492727 Time: 1.61573\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 385569945292539752 Time: 2.39918\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 671037109694951988 Time: 1.26386\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 833287959109025818 Time: 2.74954\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 864841579020773074 Time: 1.43094\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:25:52] [V] [TRT] Tactic: 912634305247603909 Time: 4.64117\n", - "[03/14/2023-21:25:52] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1013168150133367738 Time: 1.07645\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1014187170474222133 Time: 2.23764\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1067227531433278814 Time: 1.48487\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1554365048685552334 Time: 4.80297\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1579845938601132607 Time: 1.3444\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1796821236841789338 Time: 1.81438\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1837941418294761657 Time: 2.4706\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1948263663414159978 Time: 1.4464\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 1989668371181446952 Time: 1.87911\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2027733232253711640 Time: 3.28656\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2148106709480872763 Time: 1.02854\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10029\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 2410442691266548717 Time: 1.48594\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3464689803495983377 Time: 0.965184\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3636831327753843771 Time: 1.38524\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3745975654290680669 Time: 4.38505\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3754069740140581927 Time: 2.56572\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3784804427912340706 Time: 2.63436\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3823144360994712832 Time: 1.09625\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 3919868136802676679 Time: 2.25824\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5263029549013613567 Time: 1.36926\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5506334059535811602 Time: 2.77624\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5635311898703673455 Time: 1.30312\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5786991692145244692 Time: 2.14452\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5848150552772236982 Time: 2.33394\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:25:53] [V] [TRT] Tactic: 5925270497649423688 Time: 2.36203\n", - "[03/14/2023-21:25:53] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 5932046018238429951 Time: 1.60116\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6103089697398018604 Time: 4.42721\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6195603576432354734 Time: 1.53355\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6252808259936499253 Time: 1.53151\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6408235920257988861 Time: 1.32669\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6623704051070449703 Time: 1.49061\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 6680916730816870145 Time: 1.55246\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7114340626053367917 Time: 1.58687\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7158029511300006471 Time: 1.44923\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7612687199567064086 Time: 1.20283\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7729555994715864793 Time: 2.06211\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7844857443355818347 Time: 2.35748\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7849296535223586261 Time: 1.25488\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 7859952145590271433 Time: 1.54171\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8219150286974756863 Time: 2.19712\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8283847742354150423 Time: 2.71731\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8455608235315878803 Time: 1.7204\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: 8668812313058150080 Time: 1.34551\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8992262742606384444 Time: 1.05919\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8750433364328295059 Time: 1.30364\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8682550625095202832 Time: 1.0711\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8392835332206231687 Time: 1.7706\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -8254009616492665198 Time: 1.5791\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7615325597099025933 Time: 1.53164\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7594446953125532601 Time: 2.33646\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -7345578023323941164 Time: 2.0865\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6828337260021572283 Time: 1.9082\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6711815420995272523 Time: 1.68417\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6636202818604544855 Time: 2.37709\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:25:54] [V] [TRT] Tactic: -6489479581011009593 Time: 3.30609\n", - "[03/14/2023-21:25:54] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6320761427625651496 Time: 3.0741\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6273232454637933930 Time: 1.05027\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6080892721161662420 Time: 1.32126\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -6032793021868796623 Time: 2.32227\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5818527483287834165 Time: 1.07398\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5710735840878760115 Time: 1.71286\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5589367647444470524 Time: 1.77182\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5546257196173962281 Time: 1.9907\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -5198219374380660379 Time: 1.00556\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4954692664176521434 Time: 1.51269\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4627695383426341593 Time: 1.53613\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4534876761957424274 Time: 2.38709\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4142141368456048176 Time: 1.48293\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -4116131327756252574 Time: 2.00185\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3968200906158272636 Time: 4.76868\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62903\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13929\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3271955096576257018 Time: 2.07832\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3237051169894153788 Time: 1.49884\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -3136088851200285532 Time: 1.41415\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2871615028541756894 Time: 2.24322\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2751179716463646694 Time: 2.75345\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2634388175487609605 Time: 1.8579\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -2586046817576862066 Time: 1.49181\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1708101578041178688 Time: 2.79445\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1586820571068855896 Time: 2.66179\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:25:55] [V] [TRT] Tactic: -1020632631321619146 Time: 2.41266\n", - "[03/14/2023-21:25:55] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: -907287437357565279 Time: 2.78968\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: -229563042944049199 Time: 1.3166\n", - "[03/14/2023-21:25:56] [V] [TRT] Fastest Tactic: 3464689803495983377 Time: 0.965184\n", - "[03/14/2023-21:25:56] [V] [TRT] Setting workspace to 206079488enables more tactics for profiling\n", - "[03/14/2023-21:25:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3464689803495983377\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 0 Time: 8.69071\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1 Time: 7.08625\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 56 Time: 8.7835\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 57 Time: 7.0796\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:25:56] [V] [TRT] Fastest Tactic: 57 Time: 7.0796\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:56] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1754569683116234317 Time: 2.96599\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 1825138533642645384 Time: 2.88385\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08942\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:25:56] [V] [TRT] Tactic: 3915320020053085238 Time: 2.87287\n", - "[03/14/2023-21:25:56] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 6808617066150061604 Time: 3.47279\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 9091006216302412844 Time: 3.52918\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8060443123034038864 Time: 3.47494\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -4420849921117327522 Time: 5.05212\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -3946921629105938337 Time: 5.09306\n", - "[03/14/2023-21:25:57] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 2.87287\n", - "[03/14/2023-21:25:57] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:25:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", - "[03/14/2023-21:25:57] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:57] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:57] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 861694390046228376 Time: 3.16713\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5258189349241541167 Time: 3.29238\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5821621277990374316 Time: 3.18322\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: 5863767799113001648 Time: 5.62735\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -9147980667639709536 Time: 2.95326\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8892196987859366827 Time: 2.79062\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8850904373104590857 Time: 3.34484\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -8010679767156598961 Time: 5.49908\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -7751035352149795660 Time: 2.98488\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:25:57] [V] [TRT] Tactic: -5115676123557684531 Time: 3.02271\n", - "[03/14/2023-21:25:57] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -493597327599791285 Time: 3.30802\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -423878181466897819 Time: 5.56863\n", - "[03/14/2023-21:25:58] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 2.79062\n", - "[03/14/2023-21:25:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827\n", - "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 0 Time: 6.71694\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 1 Time: 5.01803\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 56 Time: 6.9212\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:25:58] [V] [TRT] Fastest Tactic: 1 Time: 5.01803\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:25:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (FusedConvActConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:58] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 1651411198763708804 Time: 1.88324\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 2418518597804310654 Time: 1.89382\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4318470497547290900 Time: 1.88955\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 4930470141256631146 Time: 2.50083\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 8292881859266835088 Time: 2.50276\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: 8401509141903434922 Time: 1.89221\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -8654297089785671176 Time: 1.94683\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -7516584506774355935 Time: 2.51802\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -7140760933967189247 Time: 1.87097\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -6004726995029373073 Time: 2.50457\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:25:58] [V] [TRT] Tactic: -5719726816705110014 Time: 1.91919\n", - "[03/14/2023-21:25:58] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -4097850214384059472 Time: 2.5183\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -3717489476759089008 Time: 1.86452\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -3689982367035295496 Time: 1.99914\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2640575123064142123 Time: 1.37774\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2534402059426524406 Time: 1.38764\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -2027588946874785071 Time: 2.50699\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: -1968398013367819764 Time: 1.89146\n", - "[03/14/2023-21:25:59] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.37774\n", - "[03/14/2023-21:25:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:25:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CudnnConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 0 Time: 7.78587\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 56 Time: 7.995\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:25:59] [V] [TRT] Fastest Tactic: 0 Time: 7.78587\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CublasConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:25:59] [V] [TRT] --------------- Timing Runner: Conv_7 (CaskConvolution)\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 83696452256923412 Time: 1.22374\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 106549059816437840 Time: 1.53651\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 1179757074518529353 Time: 1.33568\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2105695814191699972 Time: 1.46948\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2148106709480872763 Time: 1.34894\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2410442691266548717 Time: 1.18068\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2511830168590723349 Time: 1.17869\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2634905271404611895 Time: 1.23766\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2689212690707793357 Time: 1.21462\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 2798075085844016892 Time: 1.22984\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3041642431972138763 Time: 1.17658\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3091156937974993800 Time: 1.23423\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3199589679702517123 Time: 1.17888\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34142\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:25:59] [V] [TRT] Tactic: 3932578551652369355 Time: 1.19747\n", - "[03/14/2023-21:25:59] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4149021101886580762 Time: 1.23176\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4555462412611657028 Time: 1.37373\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 4749226340913476230 Time: 1.21921\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5483093640784800285 Time: 1.2168\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5666160310350604399 Time: 1.41672\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5900614001783877430 Time: 1.34146\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5925270497649423688 Time: 1.44352\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 5999406432703271895 Time: 1.20078\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 6680916730816870145 Time: 1.62947\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7107292614492808590 Time: 1.20532\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7158029511300006471 Time: 1.50054\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 7859952145590271433 Time: 1.55482\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8283847742354150423 Time: 1.29305\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8468288610222482742 Time: 1.25145\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8620567263556985011 Time: 1.22165\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8642279798680442080 Time: 1.18643\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 8980274178270132023 Time: 1.19134\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: 9108067304506990859 Time: 1.19096\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -9104099172933216230 Time: 1.95816\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8992262742606384444 Time: 1.37068\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8956720569082607796 Time: 1.35463\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8952042869709043207 Time: 1.49149\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17383\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8774805574135441656 Time: 1.42988\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8749513212655756001 Time: 1.2951\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8520017388966620486 Time: 1.20039\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8487084252145372186 Time: 1.20924\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -8391760416076885205 Time: 1.41363\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7990268040387498660 Time: 1.52278\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2336\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -7533167286135592323 Time: 1.28791\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -6273232454637933930 Time: 1.46087\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5818527483287834165 Time: 1.4499\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5590418898350402100 Time: 1.2399\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5505475137955795830 Time: 1.17834\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5389631537202601150 Time: 1.21694\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5332866838585594777 Time: 1.29368\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:00] [V] [TRT] Tactic: -5121883532434354186 Time: 1.25819\n", - "[03/14/2023-21:26:00] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -5006039300385557796 Time: 1.38987\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4534876761957424274 Time: 1.41489\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17967\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -4109084522508697633 Time: 1.2214\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -3237051169894153788 Time: 1.45491\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -3136088851200285532 Time: 1.18222\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2827934362840121038 Time: 1.49864\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2676138141351394855 Time: 1.64646\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2601537631049973288 Time: 1.25675\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2586046817576862066 Time: 1.19865\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2569977342077121032 Time: 1.22487\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2422160065350346448 Time: 1.52484\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2125188058121029448 Time: 1.39176\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -2123887091022542343 Time: 1.4297\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -1838109259315759592 Time: 1.19268\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -1216445540764179377 Time: 1.17472\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -539379305772590030 Time: 1.91316\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -288413895057594820 Time: 1.3824\n", - "[03/14/2023-21:26:01] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: -229563042944049199 Time: 1.16972\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 1.16972\n", - "[03/14/2023-21:26:01] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", - "[03/14/2023-21:26:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.63728\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 5.25756\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 3.63728\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.08153\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 3.12652\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 3.08153\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 3.46214\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 2.4794\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 0 Time: 2.4794\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 1002 Time: 2.53382\n", - "[03/14/2023-21:26:01] [V] [TRT] Tactic: 0 Time: 2.6194\n", - "[03/14/2023-21:26:01] [V] [TRT] Fastest Tactic: 1002 Time: 2.53382\n", - "[03/14/2023-21:26:01] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:01] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 5.06571\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.41423\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 5.06571\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.73516\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.17952\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.73516\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.43491\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 6.7017\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.43491\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 2.48876\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 2.89685\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 2.48876\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.63218\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 4.10883\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.63218\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 3.30606\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 0 Time: 4.46449\n", - "[03/14/2023-21:26:02] [V] [TRT] Fastest Tactic: 1002 Time: 3.30606\n", - "[03/14/2023-21:26:02] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:02] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:02] [V] [TRT] Tactic: 1002 Time: 2.94293\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.2153\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.2153\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 2.57956\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.94226\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.94226\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.37686\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.64134\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.64134\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 3.4095\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 3.82438\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 1002 Time: 3.4095\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 5.921\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.09115\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.09115\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 1.92955\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.94206\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 1002 Time: 1.92955\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.35107\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 3.04436\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 3.04436\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 3.13174\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 2.83574\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 2.83574\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 4.04736\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.78845\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.78845\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 1002 Time: 2.70333\n", - "[03/14/2023-21:26:03] [V] [TRT] Tactic: 0 Time: 1.81833\n", - "[03/14/2023-21:26:03] [V] [TRT] Fastest Tactic: 0 Time: 1.81833\n", - "[03/14/2023-21:26:03] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:03] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:03] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 0 Time: 16.9606\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 1 Time: 15.3408\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:04] [V] [TRT] Tactic: 56 Time: 16.9856\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 57 Time: 15.3519\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:05] [V] [TRT] Fastest Tactic: 1 Time: 15.3408\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 1754569683116234317 Time: 4.52594\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 1825138533642645384 Time: 4.52753\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 2733356012094739613 Time: 6.73204\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 3915320020053085238 Time: 4.52271\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 6808617066150061604 Time: 5.2217\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: 9091006216302412844 Time: 5.23694\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: -8060443123034038864 Time: 5.23118\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: -4420849921117327522 Time: 6.75486\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:05] [V] [TRT] Tactic: -3946921629105938337 Time: 6.72509\n", - "[03/14/2023-21:26:05] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 4.52271\n", - "[03/14/2023-21:26:05] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:26:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:05] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:05] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:05] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: 861694390046228376 Time: 4.21176\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5258189349241541167 Time: 4.30732\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5821621277990374316 Time: 4.19973\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: 5863767799113001648 Time: 8.18328\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -9147980667639709536 Time: 4.20859\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8892196987859366827 Time: 4.19492\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8850904373104590857 Time: 4.33441\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -8010679767156598961 Time: 8.0516\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -7751035352149795660 Time: 4.20574\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -5115676123557684531 Time: 4.19564\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:06] [V] [TRT] Tactic: -493597327599791285 Time: 4.33347\n", - "[03/14/2023-21:26:06] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: -423878181466897819 Time: 8.15399\n", - "[03/14/2023-21:26:07] [V] [TRT] Fastest Tactic: -8892196987859366827 Time: 4.19492\n", - "[03/14/2023-21:26:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:07] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 0 Time: 11.3489\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 1 Time: 9.6141\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 56 Time: 11.5346\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1107361792, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:07] [V] [TRT] Fastest Tactic: 1 Time: 9.6141\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:26:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:07] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:07] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 1651411198763708804 Time: 2.61365\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 2418518597804310654 Time: 2.60653\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4318470497547290900 Time: 2.60788\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 4930470141256631146 Time: 3.39502\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 8292881859266835088 Time: 3.39821\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: 8401509141903434922 Time: 2.6036\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:07] [V] [TRT] Tactic: -8654297089785671176 Time: 2.34327\n", - "[03/14/2023-21:26:07] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -7516584506774355935 Time: 3.3963\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -7140760933967189247 Time: 2.58436\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -6004726995029373073 Time: 3.39902\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -5719726816705110014 Time: 2.28627\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -4097850214384059472 Time: 3.40027\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -3717489476759089008 Time: 2.58338\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -3689982367035295496 Time: 2.28803\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2640575123064142123 Time: 2.19947\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2534402059426524406 Time: 2.20093\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -2027588946874785071 Time: 3.38969\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: -1968398013367819764 Time: 2.3232\n", - "[03/14/2023-21:26:08] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 2.19947\n", - "[03/14/2023-21:26:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:08] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CudnnConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 0 Time: 12.8772\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 56 Time: 12.8834\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:08] [V] [TRT] Fastest Tactic: 0 Time: 12.8772\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CublasConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:08] [V] [TRT] --------------- Timing Runner: Conv_8 + Add_9 + Relu_10 (CaskConvolution)\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:08] [V] [TRT] Tactic: 83696452256923412 Time: 2.06856\n", - "[03/14/2023-21:26:08] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 106549059816437840 Time: 2.0215\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 1179757074518529353 Time: 2.021\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2105695814191699972 Time: 2.35647\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2148106709480872763 Time: 2.0757\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2410442691266548717 Time: 1.95643\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2511830168590723349 Time: 1.88809\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2634905271404611895 Time: 1.99122\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2689212690707793357 Time: 1.92748\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 2798075085844016892 Time: 1.96603\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3041642431972138763 Time: 1.96917\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3091156937974993800 Time: 1.96923\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3199589679702517123 Time: 1.88582\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3754069740140581927 Time: 1.97477\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 3932578551652369355 Time: 1.98566\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4149021101886580762 Time: 1.98345\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4555462412611657028 Time: 2.06035\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 4749226340913476230 Time: 2.08465\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5483093640784800285 Time: 2.003\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97597\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5900614001783877430 Time: 2.11212\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5925270497649423688 Time: 2.28314\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 5999406432703271895 Time: 1.97671\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 6680916730816870145 Time: 2.19008\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7107292614492808590 Time: 1.99666\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7158029511300006471 Time: 2.32034\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:09] [V] [TRT] Tactic: 7859952145590271433 Time: 2.1374\n", - "[03/14/2023-21:26:09] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8283847742354150423 Time: 1.98524\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8468288610222482742 Time: 1.93233\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8620567263556985011 Time: 1.93783\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8642279798680442080 Time: 1.96882\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 8980274178270132023 Time: 2.10182\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: 9108067304506990859 Time: 1.96887\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -9104099172933216230 Time: 2.09693\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8992262742606384444 Time: 2.04685\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8956720569082607796 Time: 2.14558\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8952042869709043207 Time: 2.11309\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8898856569474934280 Time: 1.95626\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8774805574135441656 Time: 1.88588\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8749513212655756001 Time: 1.923\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8520017388966620486 Time: 1.98294\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8487084252145372186 Time: 1.92581\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -8391760416076885205 Time: 2.26366\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7990268040387498660 Time: 2.08367\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7849113095413980300 Time: 1.92418\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -7533167286135592323 Time: 2.07484\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -6273232454637933930 Time: 2.02605\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5818527483287834165 Time: 2.05393\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5590418898350402100 Time: 2.01926\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5505475137955795830 Time: 1.95134\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5389631537202601150 Time: 1.93405\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5332866838585594777 Time: 2.07688\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:10] [V] [TRT] Tactic: -5121883532434354186 Time: 2.01222\n", - "[03/14/2023-21:26:10] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -5006039300385557796 Time: 2.04342\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4534876761957424274 Time: 2.29461\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4352168563838861262 Time: 1.96162\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -4109084522508697633 Time: 1.93214\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -3237051169894153788 Time: 2.25034\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -3136088851200285532 Time: 1.97356\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2827934362840121038 Time: 2.01934\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2676138141351394855 Time: 2.11707\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2601537631049973288 Time: 1.98446\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2586046817576862066 Time: 1.94746\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2569977342077121032 Time: 2.14225\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2422160065350346448 Time: 2.0796\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2125188058121029448 Time: 1.88317\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -2123887091022542343 Time: 2.10715\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -1838109259315759592 Time: 1.99644\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -1216445540764179377 Time: 1.93996\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -539379305772590030 Time: 2.06371\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -288413895057594820 Time: 2.05584\n", - "[03/14/2023-21:26:11] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: -229563042944049199 Time: 1.94987\n", - "[03/14/2023-21:26:11] [V] [TRT] Fastest Tactic: -2125188058121029448 Time: 1.88317\n", - "[03/14/2023-21:26:11] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", - "[03/14/2023-21:26:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:11] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: 1002 Time: 3.62912\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: 0 Time: 5.29018\n", - "[03/14/2023-21:26:11] [V] [TRT] Fastest Tactic: 1002 Time: 3.62912\n", - "[03/14/2023-21:26:11] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:11] [V] [TRT] Tactic: 1002 Time: 3.08146\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 3.12713\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.08146\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.45906\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.47943\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 0 Time: 2.47943\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 2.53163\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.61731\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 2.53163\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 5.06392\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.38939\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 5.06392\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.72979\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.19002\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.72979\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.42706\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 6.67584\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.42706\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 2.48898\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 2.93382\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 2.48898\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 1002 Time: 3.62796\n", - "[03/14/2023-21:26:12] [V] [TRT] Tactic: 0 Time: 4.0949\n", - "[03/14/2023-21:26:12] [V] [TRT] Fastest Tactic: 1002 Time: 3.62796\n", - "[03/14/2023-21:26:12] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:12] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.3077\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 4.49648\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 3.3077\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 2.94515\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.2047\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.2047\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 2.58987\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 1.94792\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 1.94792\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 4.37586\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.64954\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.64954\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.40449\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 3.85535\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 3.40449\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 5.84436\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 2.12591\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 2.12591\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 1.93532\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 1.94257\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 1002 Time: 1.93532\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 4.35643\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 0 Time: 3.03605\n", - "[03/14/2023-21:26:13] [V] [TRT] Fastest Tactic: 0 Time: 3.03605\n", - "[03/14/2023-21:26:13] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:13] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:13] [V] [TRT] Tactic: 1002 Time: 3.1277\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 2.81728\n", - "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 2.81728\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1002 Time: 4.14508\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 1.78761\n", - "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 1.78761\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1002 Time: 2.69886\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 1.81212\n", - "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 0 Time: 1.81212\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 0 Time: 7.4997\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1 Time: 3.90323\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 56 Time: 7.76214\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 57 Time: 3.9025\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:14] [V] [TRT] Fastest Tactic: 57 Time: 3.9025\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:14] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1754569683116234317 Time: 3.87778\n", - "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 1825138533642645384 Time: 4.29082\n", - "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:14] [V] [TRT] Tactic: 2733356012094739613 Time: 3.82544\n", - "[03/14/2023-21:26:14] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 3915320020053085238 Time: 4.27861\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 6808617066150061604 Time: 2.30925\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 9091006216302412844 Time: 2.38484\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8060443123034038864 Time: 2.4869\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -4420849921117327522 Time: 3.98048\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -3946921629105938337 Time: 3.89444\n", - "[03/14/2023-21:26:15] [V] [TRT] Fastest Tactic: 6808617066150061604 Time: 2.30925\n", - "[03/14/2023-21:26:15] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:26:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:15] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:15] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:15] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 861694390046228376 Time: 4.74812\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5258189349241541167 Time: 3.28073\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5821621277990374316 Time: 4.82016\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: 5863767799113001648 Time: 3.35037\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -9147980667639709536 Time: 4.44396\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8892196987859366827 Time: 4.65777\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8850904373104590857 Time: 3.27008\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -8010679767156598961 Time: 3.278\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:15] [V] [TRT] Tactic: -7751035352149795660 Time: 4.45339\n", - "[03/14/2023-21:26:15] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -5115676123557684531 Time: 4.76952\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -493597327599791285 Time: 3.2689\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -423878181466897819 Time: 3.35861\n", - "[03/14/2023-21:26:16] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 3.2689\n", - "[03/14/2023-21:26:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285\n", - "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 0 Time: 6.83466\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 1 Time: 3.36372\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1661009920, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 5 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 56 Time: 7.12906\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1661009920, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 61 skipped. Scratch requested: 626130944, available: 16777216\n", - "[03/14/2023-21:26:16] [V] [TRT] Fastest Tactic: 1 Time: 3.36372\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] Setting workspace to 626130944enables more tactics for profiling\n", - "[03/14/2023-21:26:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:16] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 1651411198763708804 Time: 1.13335\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 2418518597804310654 Time: 1.14232\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4318470497547290900 Time: 1.24323\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 4930470141256631146 Time: 1.91259\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 8292881859266835088 Time: 1.92004\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: 8401509141903434922 Time: 1.24162\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -8654297089785671176 Time: 2.59261\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -7516584506774355935 Time: 1.90534\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -7140760933967189247 Time: 1.19002\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -6004726995029373073 Time: 1.89864\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -5719726816705110014 Time: 2.50608\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90388\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:16] [V] [TRT] Tactic: -3717489476759089008 Time: 1.16298\n", - "[03/14/2023-21:26:16] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -3689982367035295496 Time: 2.5249\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2640575123064142123 Time: 2.17261\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2534402059426524406 Time: 2.25206\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88888\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: -1968398013367819764 Time: 2.51032\n", - "[03/14/2023-21:26:17] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.13335\n", - "[03/14/2023-21:26:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:17] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CudnnConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 0 Time: 9.94437\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 1 skipped. Scratch requested: 256954368, available: 16777216\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 56 Time: 9.97264\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:17] [V] [TRT] Fastest Tactic: 0 Time: 9.94437\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CublasConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:17] [V] [TRT] --------------- Timing Runner: Conv_11 + Relu_12 (CaskConvolution)\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 83696452256923412 Time: 1.38268\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 106549059816437840 Time: 1.13724\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 1179757074518529353 Time: 1.14823\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2105695814191699972 Time: 1.37782\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2148106709480872763 Time: 1.18448\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2410442691266548717 Time: 1.15506\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2511830168590723349 Time: 1.73642\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2634905271404611895 Time: 1.36127\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2689212690707793357 Time: 2.28959\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 2798075085844016892 Time: 1.35691\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3041642431972138763 Time: 1.1416\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3091156937974993800 Time: 1.35739\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3199589679702517123 Time: 1.77771\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:17] [V] [TRT] Tactic: 3754069740140581927 Time: 1.50436\n", - "[03/14/2023-21:26:17] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 3932578551652369355 Time: 1.14463\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4149021101886580762 Time: 1.36166\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4555462412611657028 Time: 1.18841\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 4749226340913476230 Time: 1.37226\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5483093640784800285 Time: 1.35921\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5666160310350604399 Time: 1.56956\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5900614001783877430 Time: 1.37036\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5925270497649423688 Time: 1.4631\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 5999406432703271895 Time: 1.39323\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 6680916730816870145 Time: 1.1535\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7107292614492808590 Time: 1.14232\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7158029511300006471 Time: 1.37847\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 7859952145590271433 Time: 1.15301\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8283847742354150423 Time: 1.52632\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8468288610222482742 Time: 1.36274\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8620567263556985011 Time: 1.5261\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8642279798680442080 Time: 1.2159\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 8980274178270132023 Time: 1.36139\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: 9108067304506990859 Time: 1.39251\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -9104099172933216230 Time: 1.15541\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8992262742606384444 Time: 1.18197\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8956720569082607796 Time: 1.3667\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8952042869709043207 Time: 1.36377\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8898856569474934280 Time: 1.18302\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8774805574135441656 Time: 2.65666\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8749513212655756001 Time: 1.36356\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8520017388966620486 Time: 1.14655\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8487084252145372186 Time: 2.3234\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45396\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7990268040387498660 Time: 1.37924\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7849113095413980300 Time: 1.44557\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37732\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15277\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5818527483287834165 Time: 1.155\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5590418898350402100 Time: 1.36169\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5505475137955795830 Time: 1.14785\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:18] [V] [TRT] Tactic: -5389631537202601150 Time: 1.42305\n", - "[03/14/2023-21:26:18] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5332866838585594777 Time: 1.37793\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5121883532434354186 Time: 1.36288\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -5006039300385557796 Time: 1.37054\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4534876761957424274 Time: 1.44926\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4352168563838861262 Time: 1.14652\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -4109084522508697633 Time: 1.51725\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -3237051169894153788 Time: 1.37834\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -3136088851200285532 Time: 1.14234\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2827934362840121038 Time: 1.13529\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2676138141351394855 Time: 1.36638\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2601537631049973288 Time: 1.36166\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2586046817576862066 Time: 1.15734\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2569977342077121032 Time: 1.38407\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2422160065350346448 Time: 1.15336\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2125188058121029448 Time: 2.43863\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -2123887091022542343 Time: 1.36244\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -1838109259315759592 Time: 1.1417\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -1216445540764179377 Time: 1.15263\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -539379305772590030 Time: 1.146\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -288413895057594820 Time: 1.36787\n", - "[03/14/2023-21:26:19] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: -229563042944049199 Time: 1.14331\n", - "[03/14/2023-21:26:19] [V] [TRT] Fastest Tactic: -2827934362840121038 Time: 1.13529\n", - "[03/14/2023-21:26:19] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", - "[03/14/2023-21:26:19] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CudnnConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_13 + Relu_14 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CudnnConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CublasConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_15 + Add_16 + Relu_17 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CudnnConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CublasConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_18 + Relu_19 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CudnnConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_20 + Relu_21 (CaskConvolution)\r\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,3584,64) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,3136:2,56,1) -> Half(25088,1:8,448,8) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Float(200704,1,3584,64) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(200704,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,448,8) -> Half(100352,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,3136,56,1), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(200704,1,3584,64), Float(802816,1,14336,256) -> Float(802816,1,14336,256) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(200704,3136,56,1), Half(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(100352,3136:2,56,1), Half(401408,3136:2,56,1) -> Half(401408,3136:2,56,1) ***************\r\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Float(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CudnnConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CublasConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_22 + Add_23 + Relu_24 (CaskConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,448,8), Half(100352,1:8,1792,32) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:19] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: 0 Time: 10.4372\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: 1 Time: 7.80291\n", - "[03/14/2023-21:26:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 411041792, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 56 Time: 10.4692\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 57 Time: 7.76947\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 58 skipped. Scratch requested: 411041792, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216\n", - "[03/14/2023-21:26:20] [V] [TRT] Fastest Tactic: 57 Time: 7.76947\n", - "[03/14/2023-21:26:20] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:20] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:20] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 1754569683116234317 Time: 4.10369\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 1825138533642645384 Time: 4.63486\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 2733356012094739613 Time: 7.77085\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 3915320020053085238 Time: 4.68324\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 6808617066150061604 Time: 4.91847\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: 9091006216302412844 Time: 4.88394\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:20] [V] [TRT] Tactic: -8060443123034038864 Time: 5.45988\n", - "[03/14/2023-21:26:20] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -4420849921117327522 Time: 7.86368\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -3946921629105938337 Time: 7.84282\n", - "[03/14/2023-21:26:21] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.10369\n", - "[03/14/2023-21:26:21] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling\n", - "[03/14/2023-21:26:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:21] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:21] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:21] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:21] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: 861694390046228376 Time: 5.17465\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5258189349241541167 Time: 5.40274\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5821621277990374316 Time: 5.34472\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: 5863767799113001648 Time: 6.44954\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -9147980667639709536 Time: 4.65187\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -8892196987859366827 Time: 5.15732\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:21] [V] [TRT] Tactic: -8850904373104590857 Time: 5.62072\n", - "[03/14/2023-21:26:21] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -8010679767156598961 Time: 6.42515\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -7751035352149795660 Time: 4.54635\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -5115676123557684531 Time: 5.234\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -493597327599791285 Time: 5.19878\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: -423878181466897819 Time: 6.44774\n", - "[03/14/2023-21:26:22] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.54635\n", - "[03/14/2023-21:26:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 0 Time: 8.78176\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 1 Time: 6.97351\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2214723584, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 753139712, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 56 Time: 9.193\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2214723584, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 753139712, available: 16777216\n", - "[03/14/2023-21:26:22] [V] [TRT] Fastest Tactic: 1 Time: 6.97351\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] Setting workspace to 753139712enables more tactics for profiling\n", - "[03/14/2023-21:26:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:22] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:22] [V] [TRT] Tactic: 1651411198763708804 Time: 2.23041\n", - "[03/14/2023-21:26:22] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 2418518597804310654 Time: 2.76401\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 4318470497547290900 Time: 2.89282\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 4930470141256631146 Time: 3.82514\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 8292881859266835088 Time: 3.83666\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: 8401509141903434922 Time: 2.59163\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -8654297089785671176 Time: 2.72207\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81489\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -7140760933967189247 Time: 2.67334\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -6004726995029373073 Time: 3.81524\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -5719726816705110014 Time: 2.81584\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -4097850214384059472 Time: 3.81036\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -3717489476759089008 Time: 2.56652\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -3689982367035295496 Time: 2.79711\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2640575123064142123 Time: 2.32529\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2534402059426524406 Time: 2.47114\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -2027588946874785071 Time: 3.81055\n", - "[03/14/2023-21:26:23] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:23] [V] [TRT] Tactic: -1968398013367819764 Time: 2.70597\n", - "[03/14/2023-21:26:23] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.23041\n", - "[03/14/2023-21:26:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:23] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:23] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:23] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:23] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CudnnConvolution)\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 0 Time: 11.9881\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308367360, available: 16777216\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 308281856, available: 16777216\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 56 Time: 11.986\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 308281856, available: 16777216\n", - "[03/14/2023-21:26:24] [V] [TRT] Fastest Tactic: 56 Time: 11.986\n", - "[03/14/2023-21:26:24] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CublasConvolution)\n", - "[03/14/2023-21:26:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:24] [V] [TRT] --------------- Timing Runner: Conv_25 + Relu_26 (CaskConvolution)\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 83696452256923412 Time: 1.73602\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 106549059816437840 Time: 1.8251\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 1179757074518529353 Time: 1.62209\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2105695814191699972 Time: 1.95163\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2148106709480872763 Time: 1.42249\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2410442691266548717 Time: 1.4002\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2511830168590723349 Time: 1.9861\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2634905271404611895 Time: 1.59995\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2689212690707793357 Time: 2.50696\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 2798075085844016892 Time: 1.57488\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3041642431972138763 Time: 1.3652\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3091156937974993800 Time: 1.57365\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3199589679702517123 Time: 2.02617\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3754069740140581927 Time: 1.94369\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 3932578551652369355 Time: 1.75192\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 4149021101886580762 Time: 1.5986\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:24] [V] [TRT] Tactic: 4555462412611657028 Time: 1.40946\n", - "[03/14/2023-21:26:24] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 4749226340913476230 Time: 1.92278\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5483093640784800285 Time: 1.68264\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5666160310350604399 Time: 1.9484\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5900614001783877430 Time: 2.00919\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5925270497649423688 Time: 1.80734\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 5999406432703271895 Time: 1.64324\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 6680916730816870145 Time: 1.87314\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7107292614492808590 Time: 1.38757\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7158029511300006471 Time: 1.9567\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 7859952145590271433 Time: 1.72715\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8283847742354150423 Time: 1.83503\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8468288610222482742 Time: 1.61269\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8620567263556985011 Time: 1.65592\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8642279798680442080 Time: 1.4048\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 8980274178270132023 Time: 1.72507\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: 9108067304506990859 Time: 1.68727\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -9104099172933216230 Time: 2.57202\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8992262742606384444 Time: 1.42907\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8956720569082607796 Time: 1.97846\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8952042869709043207 Time: 1.6255\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8898856569474934280 Time: 1.42277\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8774805574135441656 Time: 2.81987\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8749513212655756001 Time: 1.622\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8520017388966620486 Time: 1.68875\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8487084252145372186 Time: 2.56742\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -8391760416076885205 Time: 1.77491\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7990268040387498660 Time: 2.268\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7849113095413980300 Time: 1.74418\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:25] [V] [TRT] Tactic: -7533167286135592323 Time: 1.58289\n", - "[03/14/2023-21:26:25] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -6273232454637933930 Time: 1.63654\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5818527483287834165 Time: 1.58924\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5590418898350402100 Time: 1.5998\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5505475137955795830 Time: 1.36142\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5389631537202601150 Time: 1.72517\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5332866838585594777 Time: 1.58355\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5121883532434354186 Time: 1.58128\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -5006039300385557796 Time: 1.60268\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4534876761957424274 Time: 1.79116\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4352168563838861262 Time: 1.36429\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -4109084522508697633 Time: 1.69677\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -3237051169894153788 Time: 1.93344\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -3136088851200285532 Time: 1.36755\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2827934362840121038 Time: 1.85749\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2676138141351394855 Time: 2.54992\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2601537631049973288 Time: 1.57725\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2586046817576862066 Time: 1.39309\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2569977342077121032 Time: 1.70305\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2422160065350346448 Time: 1.7152\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2125188058121029448 Time: 2.7527\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -2123887091022542343 Time: 1.62118\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -1838109259315759592 Time: 1.38948\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -1216445540764179377 Time: 1.39152\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -539379305772590030 Time: 2.48078\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -288413895057594820 Time: 1.60094\n", - "[03/14/2023-21:26:26] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: -229563042944049199 Time: 1.36418\n", - "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 1.36142\n", - "[03/14/2023-21:26:26] [V] [TRT] Setting workspace to 308281856enables more tactics for profiling\n", - "[03/14/2023-21:26:26] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: 1002 Time: 1.81506\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: 0 Time: 2.54537\n", - "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: 1002 Time: 1.81506\n", - "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: 1002 Time: 1.54379\n", - "[03/14/2023-21:26:26] [V] [TRT] Tactic: 0 Time: 1.56687\n", - "[03/14/2023-21:26:26] [V] [TRT] Fastest Tactic: 1002 Time: 1.54379\n", - "[03/14/2023-21:26:26] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.70546\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.2398\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.2398\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,3136,56,1) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.25776\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.26774\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.25776\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.49214\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.8954\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 2.49214\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.73195\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.88307\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.73195\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.66778\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 3.01396\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.66778\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,7168,128) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.22402\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.48794\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.22402\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.82535\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.04242\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.82535\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.6254\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 2.16718\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.6254\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.4356\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.10433\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.10433\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136,56,1) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.27321\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 0.934584\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 0.934584\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.19373\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.33221\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.33221\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 1.67646\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.83567\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 1002 Time: 1.67646\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 3.00827\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.07806\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.07806\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(200704,3136:2,56,1) -> Half(50176,1:8,896,16) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 0.939808\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 0.924796\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 0.924796\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 1002 Time: 2.167\n", - "[03/14/2023-21:26:27] [V] [TRT] Tactic: 0 Time: 1.47001\n", - "[03/14/2023-21:26:27] [V] [TRT] Fastest Tactic: 0 Time: 1.47001\n", - "[03/14/2023-21:26:27] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Float(401408,1,7168,128) ***************\n", - "[03/14/2023-21:26:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.54437\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 1.3938\n", - "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 1.3938\n", - "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(401408,3136,56,1) ***************\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.84984\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 0.858736\n", - "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 0.858736\n", - "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,896,16) -> Half(200704,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1002 Time: 1.30845\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 0.87146\n", - "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 0 Time: 0.87146\n", - "[03/14/2023-21:26:28] [V] [TRT] *************** Autotuning format combination: Float(401408,3136,56,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:28] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 0 Time: 8.1038\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1 Time: 5.45421\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 56 Time: 8.31149\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 57 Time: 5.2943\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216\n", - "[03/14/2023-21:26:28] [V] [TRT] Fastest Tactic: 57 Time: 5.2943\n", - "[03/14/2023-21:26:28] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 1825138533642645384 Time: 4.33605\n", - "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 2842488832350522458 Time: 5.08185\n", - "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:28] [V] [TRT] Tactic: 3915320020053085238 Time: 4.82682\n", - "[03/14/2023-21:26:28] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 6448355332020552203 Time: 4.79169\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 6808617066150061604 Time: 5.40733\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: -8060443123034038864 Time: 5.57746\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: -4420849921117327522 Time: 7.97182\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: -3946921629105938337 Time: 7.16218\n", - "[03/14/2023-21:26:29] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.33605\n", - "[03/14/2023-21:26:29] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling\n", - "[03/14/2023-21:26:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,7168,128) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:29] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:29] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 861694390046228376 Time: 5.58456\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 1017870653102653567 Time: 5.43739\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5258189349241541167 Time: 5.34297\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5821621277990374316 Time: 5.46718\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:29] [V] [TRT] Tactic: 5863767799113001648 Time: 5.61806\n", - "[03/14/2023-21:26:29] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -9147980667639709536 Time: 5.00782\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -8850904373104590857 Time: 5.32274\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -7751035352149795660 Time: 5.21485\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -3853827649136781465 Time: 5.6545\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -3263369460438823196 Time: 5.32388\n", - "[03/14/2023-21:26:30] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: -423878181466897819 Time: 5.5386\n", - "[03/14/2023-21:26:30] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 5.00782\n", - "[03/14/2023-21:26:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:30] [V] [TRT] *************** Autotuning format combination: Half(401408,3136,56,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 0 Time: 7.50266\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 1 Time: 6.07552\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 5 skipped. Scratch requested: 356515840, available: 16777216\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 56 Time: 7.81902\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:26:30] [V] [TRT] Tactic: 61 skipped. Scratch requested: 356515840, available: 16777216\n", - "[03/14/2023-21:26:30] [V] [TRT] Fastest Tactic: 1 Time: 6.07552\n", - "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:30] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:30] [V] [TRT] Setting workspace to 356515840enables more tactics for profiling\n", - "[03/14/2023-21:26:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:30] [V] [TRT] *************** Autotuning format combination: Half(200704,3136:2,56,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:30] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:30] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:30] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 1145226902788474763 Time: 2.30668\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 1651411198763708804 Time: 2.9015\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 2418518597804310654 Time: 2.802\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4318470497547290900 Time: 2.85037\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4653005425971292725 Time: 2.79806\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 4930470141256631146 Time: 3.4501\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 8292881859266835088 Time: 3.53896\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: 8401509141903434922 Time: 2.88036\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -8654297089785671176 Time: 2.66054\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -7448936905981214224 Time: 3.44895\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -6004726995029373073 Time: 3.57845\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -5719726816705110014 Time: 2.77758\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -3754890472406891741 Time: 2.60462\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -3689982367035295496 Time: 2.54233\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -2894005464278291378 Time: 3.21132\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -2027588946874785071 Time: 3.49477\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -1968398013367819764 Time: 2.72511\n", - "[03/14/2023-21:26:31] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:26:31] [V] [TRT] Tactic: -245090590808296743 Time: 2.59831\n", - "[03/14/2023-21:26:31] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.30668\n", - "[03/14/2023-21:26:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:26:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:31] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,896,16) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:31] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:31] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:32] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CudnnConvolution)\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 0 Time: 11.4769\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128751616, available: 16777216\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 56 Time: 11.5572\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:26:32] [V] [TRT] Fastest Tactic: 0 Time: 11.4769\n", - "[03/14/2023-21:26:32] [V] [TRT] --------------- Timing Runner: Conv_27 + Relu_28 (CaskConvolution)\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 46202665595848747 Time: 2.19209\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 239013563835492727 Time: 1.72097\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 385569945292539752 Time: 2.46074\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 671037109694951988 Time: 1.33916\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 833287959109025818 Time: 1.56067\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 864841579020773074 Time: 1.03474\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 912634305247603909 Time: 2.40773\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1013168150133367738 Time: 1.16499\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1014187170474222133 Time: 1.22933\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1067227531433278814 Time: 1.046\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1554365048685552334 Time: 2.52885\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1579845938601132607 Time: 1.17041\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1796821236841789338 Time: 1.77164\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1837941418294761657 Time: 1.32174\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1948263663414159978 Time: 1.5534\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 1989668371181446952 Time: 1.94571\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2027733232253711640 Time: 1.55758\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:32] [V] [TRT] Tactic: 2148106709480872763 Time: 1.31709\n", - "[03/14/2023-21:26:32] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 2154731107061273008 Time: 1.2303\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 2410442691266548717 Time: 0.933912\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3464689803495983377 Time: 1.11696\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3636831327753843771 Time: 1.16523\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3745975654290680669 Time: 2.56242\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3754069740140581927 Time: 1.53563\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3784804427912340706 Time: 1.62788\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3823144360994712832 Time: 1.02973\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 3919868136802676679 Time: 1.28383\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5263029549013613567 Time: 0.9531\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5506334059535811602 Time: 1.39235\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5635311898703673455 Time: 0.924012\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5786991692145244692 Time: 2.38401\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5848150552772236982 Time: 1.29291\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42251\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 5932046018238429951 Time: 1.71012\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6103089697398018604 Time: 2.43784\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6195603576432354734 Time: 1.61797\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6252808259936499253 Time: 1.57373\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6408235920257988861 Time: 1.32142\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6623704051070449703 Time: 1.47439\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 6680916730816870145 Time: 1.49055\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7114340626053367917 Time: 1.67554\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7158029511300006471 Time: 1.55771\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7612687199567064086 Time: 1.32974\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7729555994715864793 Time: 1.28756\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7844857443355818347 Time: 1.34542\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7849296535223586261 Time: 1.36732\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 7859952145590271433 Time: 1.51352\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8219150286974756863 Time: 2.14698\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8283847742354150423 Time: 1.43763\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8455608235315878803 Time: 1.73552\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: 8668812313058150080 Time: 1.40075\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:33] [V] [TRT] Tactic: -8992262742606384444 Time: 1.35214\n", - "[03/14/2023-21:26:33] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8750433364328295059 Time: 1.39645\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8682550625095202832 Time: 1.3364\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8392835332206231687 Time: 1.88738\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -8254009616492665198 Time: 1.04566\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7615325597099025933 Time: 1.05683\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7594446953125532601 Time: 1.35228\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -7345578023323941164 Time: 2.25596\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6828337260021572283 Time: 1.97156\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6711815420995272523 Time: 1.75192\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6636202818604544855 Time: 2.39292\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6489479581011009593 Time: 1.58334\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6320761427625651496 Time: 1.53546\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6273232454637933930 Time: 1.0246\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6080892721161662420 Time: 0.945252\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -6032793021868796623 Time: 1.26764\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5818527483287834165 Time: 0.990932\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5710735840878760115 Time: 1.00212\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5589367647444470524 Time: 1.87\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5546257196173962281 Time: 1.24925\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -5198219374380660379 Time: 1.19795\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4954692664176521434 Time: 0.955356\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4627695383426341593 Time: 1.60344\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4534876761957424274 Time: 1.40563\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4142141368456048176 Time: 1.61558\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -4116131327756252574 Time: 2.11017\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3968200906158272636 Time: 2.46844\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3784342055748695733 Time: 1.72622\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3425274793298557239 Time: 1.26486\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3271955096576257018 Time: 1.29952\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3237051169894153788 Time: 1.62673\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -3136088851200285532 Time: 0.918404\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2871615028541756894 Time: 2.32861\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2751179716463646694 Time: 1.55804\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2634388175487609605 Time: 2.01141\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:34] [V] [TRT] Tactic: -2586046817576862066 Time: 0.948264\n", - "[03/14/2023-21:26:34] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1708101578041178688 Time: 1.41516\n", - "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1586820571068855896 Time: 1.68839\n", - "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -1020632631321619146 Time: 1.36634\n", - "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -907287437357565279 Time: 1.39506\n", - "[03/14/2023-21:26:35] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: -229563042944049199 Time: 0.92204\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.918404\n", - "[03/14/2023-21:26:35] [V] [TRT] Setting workspace to 256901632enables more tactics for profiling\n", - "[03/14/2023-21:26:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.465304\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.60334\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.465304\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.399616\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.398228\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.398228\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.433788\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.314256\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.314256\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.322728\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.32208\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.32208\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.648048\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.55672\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.55672\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.448136\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.530616\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.448136\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.419992\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.570544\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.419992\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.311172\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.348896\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.311172\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.467912\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.510676\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.467912\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.397456\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.466884\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.397456\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.364948\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.26068\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.26068\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.33272\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.23228\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.23228\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.56588\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.332432\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.332432\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.415688\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.428508\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 1002 Time: 0.415688\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.58094\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.262436\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.262436\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.236612\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.231816\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.231816\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.546572\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.359792\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.359792\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.386624\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.353916\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.353916\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.437212\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.218884\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.218884\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1002 Time: 0.332784\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 0.218972\n", - "[03/14/2023-21:26:35] [V] [TRT] Fastest Tactic: 0 Time: 0.218972\n", - "[03/14/2023-21:26:35] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:35] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:35] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 0 Time: 5.91938\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 1 Time: 4.39087\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:35] [V] [TRT] Tactic: 56 Time: 6.1769\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 57 Time: 4.39153\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:36] [V] [TRT] Fastest Tactic: 1 Time: 4.39087\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 1754569683116234317 Time: 2.30393\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 1825138533642645384 Time: 2.51642\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 2733356012094739613 Time: 4.37576\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 3915320020053085238 Time: 2.52781\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 6808617066150061604 Time: 2.75417\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 9091006216302412844 Time: 2.75626\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8060443123034038864 Time: 2.8681\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -4420849921117327522 Time: 4.49589\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -3946921629105938337 Time: 4.39164\n", - "[03/14/2023-21:26:36] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.30393\n", - "[03/14/2023-21:26:36] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:26:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:36] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 861694390046228376 Time: 2.69056\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5258189349241541167 Time: 2.58862\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5821621277990374316 Time: 2.71865\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: 5863767799113001648 Time: 4.01029\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -9147980667639709536 Time: 2.40121\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8892196987859366827 Time: 2.42573\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8850904373104590857 Time: 2.76284\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:36] [V] [TRT] Tactic: -8010679767156598961 Time: 4.01674\n", - "[03/14/2023-21:26:36] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7751035352149795660 Time: 2.32407\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -5115676123557684531 Time: 2.68536\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -493597327599791285 Time: 2.52189\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -423878181466897819 Time: 4.01526\n", - "[03/14/2023-21:26:37] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.32407\n", - "[03/14/2023-21:26:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 0 Time: 4.47268\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 1 Time: 3.75952\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 56 Time: 4.83443\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:37] [V] [TRT] Fastest Tactic: 1 Time: 3.75952\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:26:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:37] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 1651411198763708804 Time: 1.34642\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 2418518597804310654 Time: 1.38615\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4318470497547290900 Time: 1.55569\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 4930470141256631146 Time: 2.13136\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 8292881859266835088 Time: 2.16361\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: 8401509141903434922 Time: 1.45833\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -8654297089785671176 Time: 1.66858\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7516584506774355935 Time: 2.10899\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -7140760933967189247 Time: 1.36166\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -6004726995029373073 Time: 2.10835\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -5719726816705110014 Time: 1.54138\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -4097850214384059472 Time: 2.14286\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -3717489476759089008 Time: 1.34154\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:37] [V] [TRT] Tactic: -3689982367035295496 Time: 1.59212\n", - "[03/14/2023-21:26:37] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2640575123064142123 Time: 1.29811\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2534402059426524406 Time: 1.35903\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: -2027588946874785071 Time: 2.1517\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: -1968398013367819764 Time: 1.64446\n", - "[03/14/2023-21:26:38] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.29811\n", - "[03/14/2023-21:26:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CudnnConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 0 Time: 6.16777\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 56 Time: 6.1633\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:26:38] [V] [TRT] Fastest Tactic: 56 Time: 6.1633\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CublasConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:38] [V] [TRT] --------------- Timing Runner: Conv_29 (CaskConvolution)\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 83696452256923412 Time: 0.964144\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 106549059816437840 Time: 1.05304\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 1179757074518529353 Time: 0.840212\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2105695814191699972 Time: 1.07834\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2148106709480872763 Time: 0.617248\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2410442691266548717 Time: 0.718388\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2511830168590723349 Time: 0.771132\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2634905271404611895 Time: 0.631584\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2689212690707793357 Time: 0.721148\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 2798075085844016892 Time: 0.715788\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3041642431972138763 Time: 0.597572\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3091156937974993800 Time: 0.697352\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3199589679702517123 Time: 0.775928\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3754069740140581927 Time: 0.992988\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 3932578551652369355 Time: 0.944704\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4149021101886580762 Time: 0.661272\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4555462412611657028 Time: 0.656024\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 4749226340913476230 Time: 1.0613\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5483093640784800285 Time: 0.883484\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5666160310350604399 Time: 1.04098\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5900614001783877430 Time: 1.0672\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5925270497649423688 Time: 0.941304\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 5999406432703271895 Time: 0.833052\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 6680916730816870145 Time: 1.1229\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7107292614492808590 Time: 0.739076\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7158029511300006471 Time: 1.10286\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 7859952145590271433 Time: 1.08074\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8283847742354150423 Time: 0.981924\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8468288610222482742 Time: 0.815028\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8620567263556985011 Time: 0.720184\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8642279798680442080 Time: 0.69146\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:38] [V] [TRT] Tactic: 8980274178270132023 Time: 0.811812\n", - "[03/14/2023-21:26:38] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 9108067304506990859 Time: 0.829868\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -9104099172933216230 Time: 1.40889\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8992262742606384444 Time: 0.691812\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8956720569082607796 Time: 1.13524\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8952042869709043207 Time: 0.853648\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8898856569474934280 Time: 0.782748\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8774805574135441656 Time: 0.957128\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8749513212655756001 Time: 0.829704\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8520017388966620486 Time: 0.964348\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8487084252145372186 Time: 0.77612\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -8391760416076885205 Time: 0.901048\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7990268040387498660 Time: 1.25128\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7849113095413980300 Time: 0.802284\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -7533167286135592323 Time: 0.66216\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -6273232454637933930 Time: 0.919876\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5818527483287834165 Time: 0.906696\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5590418898350402100 Time: 0.831656\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5505475137955795830 Time: 0.612772\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5389631537202601150 Time: 0.781336\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5332866838585594777 Time: 0.64842\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5121883532434354186 Time: 0.664228\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -5006039300385557796 Time: 0.799648\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4534876761957424274 Time: 0.92144\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4352168563838861262 Time: 0.612476\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -4109084522508697633 Time: 0.767192\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -3237051169894153788 Time: 1.06727\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -3136088851200285532 Time: 0.606716\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2827934362840121038 Time: 1.08665\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2676138141351394855 Time: 1.30467\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2601537631049973288 Time: 0.657588\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2586046817576862066 Time: 0.7612\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2569977342077121032 Time: 0.889028\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2422160065350346448 Time: 1.04928\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2125188058121029448 Time: 0.896384\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -2123887091022542343 Time: 0.775408\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -1838109259315759592 Time: 0.717172\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -1216445540764179377 Time: 0.705352\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -539379305772590030 Time: 1.43517\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -288413895057594820 Time: 0.758924\n", - "[03/14/2023-21:26:39] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: -229563042944049199 Time: 0.5873\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.5873\n", - "[03/14/2023-21:26:39] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", - "[03/14/2023-21:26:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(802816,1,14336,256) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(802816,3136,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(401408,3136:2,56,1) -> Half(100352,1:8,1792,32) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Float(802816,1,14336,256) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(802816,3136,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Half(100352,1:8,1792,32) -> Half(401408,3136:2,56,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.90595\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 2.56076\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 1002 Time: 1.90595\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.58092\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.56717\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.56717\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.75921\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.25084\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.25084\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 1002 Time: 1.29974\n", - "[03/14/2023-21:26:39] [V] [TRT] Tactic: 0 Time: 1.29278\n", - "[03/14/2023-21:26:39] [V] [TRT] Fastest Tactic: 0 Time: 1.29278\n", - "[03/14/2023-21:26:39] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.58355\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.47806\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 2.47806\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.78148\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.41204\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.78148\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.65674\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.64878\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.65674\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.23307\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.55867\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.23307\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.85149\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 2.03706\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.85149\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.64623\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.93526\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.64623\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.53295\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.14006\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.14006\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.39766\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.954428\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.954428\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.2464\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.31644\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.31644\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.70095\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.77906\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 1002 Time: 1.70095\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.75465\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.1033\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.1033\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 0.970032\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.946172\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.946172\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 2.2089\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.50933\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.50933\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.5748\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 1.4107\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 1.4107\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.7653\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 0 Time: 0.909544\n", - "[03/14/2023-21:26:40] [V] [TRT] Fastest Tactic: 0 Time: 0.909544\n", - "[03/14/2023-21:26:40] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:40] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:40] [V] [TRT] Tactic: 1002 Time: 1.37824\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 0 Time: 0.912456\n", - "[03/14/2023-21:26:41] [V] [TRT] Fastest Tactic: 0 Time: 0.912456\n", - "[03/14/2023-21:26:41] [V] [TRT] *************** Autotuning format combination: Float(802816,3136,56,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 0 Time: 13.0593\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 1 Time: 11.0201\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 56 Time: 13.1406\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 57 Time: 11.0107\n", - "[03/14/2023-21:26:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:41] [V] [TRT] Fastest Tactic: 57 Time: 11.0107\n", - "[03/14/2023-21:26:41] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:41] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16082\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 1825138533642645384 Time: 6.28284\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 2733356012094739613 Time: 18.8803\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 3915320020053085238 Time: 6.14798\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 6808617066150061604 Time: 10.4968\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:42] [V] [TRT] Tactic: 9091006216302412844 Time: 10.5289\n", - "[03/14/2023-21:26:42] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: -8060443123034038864 Time: 10.4731\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: -4420849921117327522 Time: 18.1267\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: -3946921629105938337 Time: 18.8852\n", - "[03/14/2023-21:26:43] [V] [TRT] Fastest Tactic: 3915320020053085238 Time: 6.14798\n", - "[03/14/2023-21:26:43] [V] [TRT] Setting workspace to 102760448enables more tactics for profiling\n", - "[03/14/2023-21:26:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:43] [V] [TRT] *************** Autotuning format combination: Float(802816,1,14336,256), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:43] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:43] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:43] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: 861694390046228376 Time: 4.8365\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: 5258189349241541167 Time: 5.35697\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:43] [V] [TRT] Tactic: 5821621277990374316 Time: 5.25933\n", - "[03/14/2023-21:26:43] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: 5863767799113001648 Time: 7.6996\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -9147980667639709536 Time: 4.84571\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8892196987859366827 Time: 4.88187\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8850904373104590857 Time: 5.35951\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -8010679767156598961 Time: 7.3698\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -7751035352149795660 Time: 4.82156\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -5115676123557684531 Time: 5.17427\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -493597327599791285 Time: 4.96096\n", - "[03/14/2023-21:26:44] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:44] [V] [TRT] Tactic: -423878181466897819 Time: 7.53598\n", - "[03/14/2023-21:26:44] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 4.82156\n", - "[03/14/2023-21:26:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:44] [V] [TRT] *************** Autotuning format combination: Half(802816,3136,56,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:44] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 0 Time: 10.2272\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 1 Time: 14.3662\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 56 Time: 10.4817\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:26:45] [V] [TRT] Fastest Tactic: 0 Time: 10.2272\n", - "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:45] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling\n", - "[03/14/2023-21:26:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", - "[03/14/2023-21:26:45] [V] [TRT] *************** Autotuning format combination: Half(401408,3136:2,56,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:45] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 1651411198763708804 Time: 6.02843\n", - "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 2418518597804310654 Time: 5.25604\n", - "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:45] [V] [TRT] Tactic: 4318470497547290900 Time: 6.03788\n", - "[03/14/2023-21:26:45] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: 4930470141256631146 Time: 11.0194\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: 8292881859266835088 Time: 9.44561\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: 8401509141903434922 Time: 5.26312\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -8654297089785671176 Time: 3.06088\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -7516584506774355935 Time: 10.9061\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -7140760933967189247 Time: 5.2098\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -6004726995029373073 Time: 11.0331\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:46] [V] [TRT] Tactic: -5719726816705110014 Time: 3.36148\n", - "[03/14/2023-21:26:46] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -4097850214384059472 Time: 9.38126\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -3717489476759089008 Time: 5.98275\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -3689982367035295496 Time: 3.01786\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2640575123064142123 Time: 3.44897\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2534402059426524406 Time: 3.11866\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -2027588946874785071 Time: 9.45265\n", - "[03/14/2023-21:26:47] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: -1968398013367819764 Time: 3.35537\n", - "[03/14/2023-21:26:47] [V] [TRT] Fastest Tactic: -3689982367035295496 Time: 3.01786\n", - "[03/14/2023-21:26:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:47] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:47] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:47] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:47] [V] [TRT] *************** Autotuning format combination: Half(100352,1:8,1792,32), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:47] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CudnnConvolution)\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: 0 Time: 13.2818\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: 1 skipped. Scratch requested: 308550656, available: 16777216\n", - "[03/14/2023-21:26:47] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 56 Time: 13.3528\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216\n", - "[03/14/2023-21:26:48] [V] [TRT] Fastest Tactic: 0 Time: 13.2818\n", - "[03/14/2023-21:26:48] [V] [TRT] --------------- Timing Runner: Conv_30 + Add_31 + Relu_32 (CaskConvolution)\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 385569945292539752 Time: 2.28008\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 833287959109025818 Time: 2.07605\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1013168150133367738 Time: 1.38201\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1067227531433278814 Time: 1.29199\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1179757074518529353 Time: 1.41825\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1554365048685552334 Time: 1.61086\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1579845938601132607 Time: 1.26892\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1796821236841789338 Time: 1.98519\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1948263663414159978 Time: 1.79606\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 1989668371181446952 Time: 2.11508\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2027733232253711640 Time: 1.40631\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2105695814191699972 Time: 2.10509\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2148106709480872763 Time: 1.30774\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2410442691266548717 Time: 1.49892\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2511830168590723349 Time: 1.27901\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 2798075085844016892 Time: 1.41237\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3041642431972138763 Time: 1.1736\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3745975654290680669 Time: 1.53448\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3754069740140581927 Time: 1.89384\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3784804427912340706 Time: 1.60783\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 3919868136802676679 Time: 1.43066\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4149021101886580762 Time: 1.42358\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4555462412611657028 Time: 1.3453\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 4749226340913476230 Time: 2.04845\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5483093640784800285 Time: 1.71232\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5666160310350604399 Time: 1.97\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5848150552772236982 Time: 1.34686\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:48] [V] [TRT] Tactic: 5900614001783877430 Time: 1.97138\n", - "[03/14/2023-21:26:48] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 5925270497649423688 Time: 2.00928\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 5999406432703271895 Time: 1.59228\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6103089697398018604 Time: 1.5878\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6195603576432354734 Time: 2.03324\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6408235920257988861 Time: 1.44032\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6623704051070449703 Time: 1.7322\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 6680916730816870145 Time: 1.93399\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7114340626053367917 Time: 1.6645\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7158029511300006471 Time: 2.10873\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7612687199567064086 Time: 1.37132\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7729555994715864793 Time: 1.4171\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7844857443355818347 Time: 1.60434\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 7859952145590271433 Time: 1.94933\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8283847742354150423 Time: 1.85902\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8455608235315878803 Time: 2.06252\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: 8668812313058150080 Time: 1.52664\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8992262742606384444 Time: 1.3235\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8952042869709043207 Time: 1.59167\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8898856569474934280 Time: 1.37489\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8774805574135441656 Time: 1.57167\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8750433364328295059 Time: 1.55901\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8749513212655756001 Time: 1.41974\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8520017388966620486 Time: 1.8504\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8487084252145372186 Time: 1.54825\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8392835332206231687 Time: 1.90209\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8391760416076885205 Time: 1.98462\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -8254009616492665198 Time: 1.4744\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7849113095413980300 Time: 1.61905\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7615325597099025933 Time: 1.4801\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:26:49] [V] [TRT] Tactic: -7594446953125532601 Time: 1.76073\n", - "[03/14/2023-21:26:49] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -7533167286135592323 Time: 1.3231\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -7345578023323941164 Time: 2.59782\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6828337260021572283 Time: 2.19769\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6711815420995272523 Time: 2.04762\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6636202818604544855 Time: 2.77767\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6489479581011009593 Time: 1.43575\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6273232454637933930 Time: 1.51273\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -6080892721161662420 Time: 1.27231\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5818527483287834165 Time: 1.52109\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5710735840878760115 Time: 1.27768\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5589367647444470524 Time: 1.90763\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5198219374380660379 Time: 1.4622\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5121883532434354186 Time: 1.26716\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -5006039300385557796 Time: 1.38491\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4627695383426341593 Time: 1.61785\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4534876761957424274 Time: 2.01797\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4352168563838861262 Time: 1.17067\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4116131327756252574 Time: 2.19133\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -4109084522508697633 Time: 1.37987\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3968200906158272636 Time: 1.70695\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3425274793298557239 Time: 1.35467\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3271955096576257018 Time: 1.44238\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3237051169894153788 Time: 2.12982\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -3136088851200285532 Time: 1.30425\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2871615028541756894 Time: 2.3343\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2827934362840121038 Time: 2.06539\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2676138141351394855 Time: 2.55688\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2586046817576862066 Time: 1.52834\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:50] [V] [TRT] Tactic: -2569977342077121032 Time: 1.67474\n", - "[03/14/2023-21:26:50] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -2422160065350346448 Time: 1.91208\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1838109259315759592 Time: 1.36754\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1708101578041178688 Time: 1.50453\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1586820571068855896 Time: 1.67441\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1216445540764179377 Time: 1.53537\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -1020632631321619146 Time: 1.5488\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -907287437357565279 Time: 1.48036\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -539379305772590030 Time: 2.36375\n", - "[03/14/2023-21:26:51] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: -229563042944049199 Time: 1.27926\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 1.17067\n", - "[03/14/2023-21:26:51] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling\n", - "[03/14/2023-21:26:51] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.90357\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.56444\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.90357\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.58083\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.566\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.566\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.75679\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.24915\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.24915\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.29957\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.29155\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 1.29155\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 2.58083\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.49148\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 0 Time: 2.49148\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.7816\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.43954\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.7816\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.66901\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.6057\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.66901\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.23652\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.52652\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.23652\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.8513\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 2.03795\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.8513\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.64617\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 0 Time: 1.96362\n", - "[03/14/2023-21:26:51] [V] [TRT] Fastest Tactic: 1002 Time: 1.64617\n", - "[03/14/2023-21:26:51] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:51] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:51] [V] [TRT] Tactic: 1002 Time: 1.54476\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.14881\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.14881\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.39456\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.953476\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.953476\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.24735\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.30977\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.30977\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.69678\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.77988\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 1002 Time: 1.69678\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.79647\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.10604\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.10604\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 0.975572\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.947052\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.947052\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 2.20488\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.50626\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.50626\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.57601\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 1.40188\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 1.40188\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.85749\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.911352\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.911352\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1002 Time: 1.3503\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 0.912224\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 0 Time: 0.912224\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 0 Time: 3.81658\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1 Time: 3.1029\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 56 Time: 4.10966\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 57 Time: 3.09272\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:52] [V] [TRT] Fastest Tactic: 57 Time: 3.09272\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:52] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:52] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:52] [V] [TRT] Tactic: 1754569683116234317 Time: 2.03449\n", - "[03/14/2023-21:26:52] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 1825138533642645384 Time: 2.09696\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 2733356012094739613 Time: 3.89588\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 3915320020053085238 Time: 2.28742\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 6808617066150061604 Time: 2.38958\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 9091006216302412844 Time: 2.41374\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8060443123034038864 Time: 2.50354\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -4420849921117327522 Time: 3.81912\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -3946921629105938337 Time: 3.97221\n", - "[03/14/2023-21:26:53] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.03449\n", - "[03/14/2023-21:26:53] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:26:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:26:53] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:53] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 861694390046228376 Time: 2.39327\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5258189349241541167 Time: 2.5766\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5821621277990374316 Time: 2.74155\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: 5863767799113001648 Time: 2.91967\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -9147980667639709536 Time: 2.28037\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8892196987859366827 Time: 2.42738\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8850904373104590857 Time: 2.58136\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -8010679767156598961 Time: 2.91233\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -7751035352149795660 Time: 2.29642\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -5115676123557684531 Time: 2.59812\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -493597327599791285 Time: 2.48155\n", - "[03/14/2023-21:26:53] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:53] [V] [TRT] Tactic: -423878181466897819 Time: 2.844\n", - "[03/14/2023-21:26:53] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.28037\n", - "[03/14/2023-21:26:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:53] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 0 Time: 3.54964\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1 Time: 2.96904\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1141112832, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 56 Time: 3.92002\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1141112832, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Fastest Tactic: 1 Time: 2.96904\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:26:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1651411198763708804 Time: 1.05946\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2418518597804310654 Time: 1.07964\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4318470497547290900 Time: 1.18159\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 4930470141256631146 Time: 1.85804\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 8292881859266835088 Time: 1.90785\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 8401509141903434922 Time: 1.26111\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -8654297089785671176 Time: 1.30336\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -7516584506774355935 Time: 1.882\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -7140760933967189247 Time: 1.20137\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -6004726995029373073 Time: 1.85939\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -5719726816705110014 Time: 1.22312\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -4097850214384059472 Time: 1.90974\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -3717489476759089008 Time: 1.17442\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -3689982367035295496 Time: 1.24818\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2640575123064142123 Time: 1.17912\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2534402059426524406 Time: 1.1523\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -2027588946874785071 Time: 1.9061\n", - "[03/14/2023-21:26:54] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: -1968398013367819764 Time: 1.20508\n", - "[03/14/2023-21:26:54] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.05946\n", - "[03/14/2023-21:26:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:54] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CudnnConvolution)\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 0 Time: 5.16777\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128587776, available: 16777216\n", - "[03/14/2023-21:26:54] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 56 Time: 5.10988\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:26:55] [V] [TRT] Fastest Tactic: 56 Time: 5.10988\n", - "[03/14/2023-21:26:55] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CublasConvolution)\n", - "[03/14/2023-21:26:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:55] [V] [TRT] --------------- Timing Runner: Conv_33 + Relu_34 (CaskConvolution)\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 83696452256923412 Time: 0.867344\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 106549059816437840 Time: 0.732284\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 1179757074518529353 Time: 0.674988\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2105695814191699972 Time: 0.914088\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2148106709480872763 Time: 0.659852\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2410442691266548717 Time: 0.665624\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2511830168590723349 Time: 0.781232\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2634905271404611895 Time: 0.821528\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2689212690707793357 Time: 1.06421\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 2798075085844016892 Time: 0.833328\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3041642431972138763 Time: 0.644768\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3091156937974993800 Time: 0.83606\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3199589679702517123 Time: 0.79274\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3754069740140581927 Time: 0.936076\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 3932578551652369355 Time: 0.799484\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4149021101886580762 Time: 0.820372\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4555462412611657028 Time: 0.660768\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 4749226340913476230 Time: 0.907912\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5483093640784800285 Time: 0.828888\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5666160310350604399 Time: 0.933444\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5900614001783877430 Time: 0.952728\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5925270497649423688 Time: 0.861824\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 5999406432703271895 Time: 0.830432\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 6680916730816870145 Time: 0.771472\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7107292614492808590 Time: 0.645248\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7158029511300006471 Time: 0.925156\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 7859952145590271433 Time: 0.751616\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8283847742354150423 Time: 0.935952\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8468288610222482742 Time: 0.834704\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8620567263556985011 Time: 0.857072\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8642279798680442080 Time: 0.663136\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 8980274178270132023 Time: 0.851384\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: 9108067304506990859 Time: 0.82942\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -9104099172933216230 Time: 1.02986\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8992262742606384444 Time: 0.66706\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8956720569082607796 Time: 0.968512\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8952042869709043207 Time: 0.832456\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8898856569474934280 Time: 0.672308\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8774805574135441656 Time: 1.16981\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8749513212655756001 Time: 0.836228\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8520017388966620486 Time: 0.792588\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8487084252145372186 Time: 1.08529\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -8391760416076885205 Time: 0.861872\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7990268040387498660 Time: 1.06918\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7849113095413980300 Time: 0.861084\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -7533167286135592323 Time: 0.81532\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -6273232454637933930 Time: 0.692448\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5818527483287834165 Time: 0.683144\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5590418898350402100 Time: 0.826668\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5505475137955795830 Time: 0.649068\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5389631537202601150 Time: 0.849512\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5332866838585594777 Time: 0.814492\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5121883532434354186 Time: 0.818096\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:26:55] [V] [TRT] Tactic: -5006039300385557796 Time: 0.816508\n", - "[03/14/2023-21:26:55] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4534876761957424274 Time: 0.856912\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4352168563838861262 Time: 0.647536\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -4109084522508697633 Time: 0.863\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -3237051169894153788 Time: 0.900592\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -3136088851200285532 Time: 0.645528\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2827934362840121038 Time: 0.75822\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2676138141351394855 Time: 1.06426\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2601537631049973288 Time: 0.819304\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2586046817576862066 Time: 0.673536\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2569977342077121032 Time: 0.86756\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2422160065350346448 Time: 0.759084\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2125188058121029448 Time: 1.15934\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -2123887091022542343 Time: 0.828036\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -1838109259315759592 Time: 0.645164\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -1216445540764179377 Time: 0.668884\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -539379305772590030 Time: 0.998232\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -288413895057594820 Time: 0.814204\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: -229563042944049199 Time: 0.646916\n", - "[03/14/2023-21:26:56] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.644768\n", - "[03/14/2023-21:26:56] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", - "[03/14/2023-21:26:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:56] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 0 Time: 7.7361\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 37312512, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 6 Time: 4.62358\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 56 Time: 8.38555\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 57 skipped. Scratch requested: 37312512, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 462422016, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 62 Time: 4.67829\n", - "[03/14/2023-21:26:56] [V] [TRT] Fastest Tactic: 6 Time: 4.62358\n", - "[03/14/2023-21:26:56] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:26:56] [V] [TRT] Tactic: 1825138533642645384 Time: 4.64672\n", - "[03/14/2023-21:26:56] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 2775507031594384867 Time: 4.21492\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 2842488832350522458 Time: 4.89467\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 3915320020053085238 Time: 4.63388\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 6448355332020552203 Time: 4.70156\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 6808617066150061604 Time: 4.76856\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: -8060443123034038864 Time: 4.95964\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: -4420849921117327522 Time: 6.78991\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: -3946921629105938337 Time: 5.90382\n", - "[03/14/2023-21:26:57] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.21492\n", - "[03/14/2023-21:26:57] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", - "[03/14/2023-21:26:57] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:26:57] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:57] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:57] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 861694390046228376 Time: 4.85158\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 1017870653102653567 Time: 4.64822\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 5258189349241541167 Time: 4.79529\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:26:57] [V] [TRT] Tactic: 5821621277990374316 Time: 4.58912\n", - "[03/14/2023-21:26:57] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 5863767799113001648 Time: 5.28394\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -9147980667639709536 Time: 4.50568\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -8850904373104590857 Time: 4.87334\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -7751035352149795660 Time: 4.55091\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -3853827649136781465 Time: 4.76354\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -3263369460438823196 Time: 4.84987\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: -423878181466897819 Time: 5.34865\n", - "[03/14/2023-21:26:58] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.50568\n", - "[03/14/2023-21:26:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:26:58] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 0 Time: 7.23422\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20375040, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 4 skipped. Scratch requested: 285802496, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 5 skipped. Scratch requested: 213909504, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 56 Time: 7.31755\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 60 skipped. Scratch requested: 285802496, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 61 skipped. Scratch requested: 213909504, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216\n", - "[03/14/2023-21:26:58] [V] [TRT] Fastest Tactic: 0 Time: 7.23422\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:58] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling\n", - "[03/14/2023-21:26:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", - "[03/14/2023-21:26:58] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (FusedConvActConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:58] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:58] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 1145226902788474763 Time: 2.16752\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 1651411198763708804 Time: 2.57515\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 2418518597804310654 Time: 2.65961\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4318470497547290900 Time: 2.61869\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4653005425971292725 Time: 2.62674\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 4930470141256631146 Time: 2.87417\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 8292881859266835088 Time: 3.05634\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: 8401509141903434922 Time: 2.72924\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -8654297089785671176 Time: 2.5658\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -7448936905981214224 Time: 2.82755\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -6004726995029373073 Time: 2.87613\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -5719726816705110014 Time: 2.59386\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3754890472406891741 Time: 2.543\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3689982367035295496 Time: 2.47116\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -3140347171730126532 Time: 2.22543\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -2894005464278291378 Time: 2.89802\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -2027588946874785071 Time: 2.88901\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -1968398013367819764 Time: 2.6714\n", - "[03/14/2023-21:26:59] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:26:59] [V] [TRT] Tactic: -245090590808296743 Time: 2.58536\n", - "[03/14/2023-21:26:59] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.16752\n", - "[03/14/2023-21:26:59] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:26:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:26:59] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:26:59] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:59] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:26:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:26:59] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CudnnConvolution)\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 0 Time: 10.7553\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1 skipped. Scratch requested: 51681280, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 6 skipped. Scratch requested: 104990720, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 56 Time: 10.7618\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 58 skipped. Scratch requested: 256901632, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 62 skipped. Scratch requested: 104990720, available: 16777216\n", - "[03/14/2023-21:27:00] [V] [TRT] Fastest Tactic: 0 Time: 10.7553\n", - "[03/14/2023-21:27:00] [V] [TRT] --------------- Timing Runner: Conv_35 + Relu_36 (CaskConvolution)\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 46202665595848747 Time: 2.0778\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 239013563835492727 Time: 1.56327\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 385569945292539752 Time: 2.31807\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 671037109694951988 Time: 1.20564\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 833287959109025818 Time: 1.37215\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 864841579020773074 Time: 0.742044\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 912634305247603909 Time: 2.31056\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1013168150133367738 Time: 0.930636\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14651\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1067227531433278814 Time: 0.804756\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1554365048685552334 Time: 2.42217\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1579845938601132607 Time: 0.775012\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1796821236841789338 Time: 1.68215\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1837941418294761657 Time: 1.22761\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1948263663414159978 Time: 1.43309\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 1989668371181446952 Time: 1.81256\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2027733232253711640 Time: 1.4818\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2148106709480872763 Time: 0.926028\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2154731107061273008 Time: 1.10761\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 2410442691266548717 Time: 0.749468\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 3464689803495983377 Time: 0.883708\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:27:00] [V] [TRT] Tactic: 3636831327753843771 Time: 0.767984\n", - "[03/14/2023-21:27:00] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3745975654290680669 Time: 2.37326\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3754069740140581927 Time: 1.35394\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3784804427912340706 Time: 1.46444\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3823144360994712832 Time: 0.9\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 3919868136802676679 Time: 1.24253\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5263029549013613567 Time: 0.76582\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5506334059535811602 Time: 1.41774\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5635311898703673455 Time: 0.715956\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5786991692145244692 Time: 2.15844\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5848150552772236982 Time: 1.15515\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5925270497649423688 Time: 1.2496\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 5932046018238429951 Time: 1.59756\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6103089697398018604 Time: 2.40358\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6195603576432354734 Time: 1.52815\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6252808259936499253 Time: 1.44705\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6408235920257988861 Time: 1.21041\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6623704051070449703 Time: 1.32636\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 6680916730816870145 Time: 1.39521\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7114340626053367917 Time: 1.52649\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7158029511300006471 Time: 1.36513\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7612687199567064086 Time: 1.19073\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7729555994715864793 Time: 1.17456\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7844857443355818347 Time: 1.2044\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7849296535223586261 Time: 1.21208\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 7859952145590271433 Time: 1.39162\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8219150286974756863 Time: 2.11466\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8283847742354150423 Time: 1.37014\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8455608235315878803 Time: 1.67716\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: 8668812313058150080 Time: 1.28272\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8992262742606384444 Time: 0.972508\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8750433364328295059 Time: 1.2196\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8682550625095202832 Time: 0.929348\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8392835332206231687 Time: 1.69579\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -8254009616492665198 Time: 0.773768\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7615325597099025933 Time: 0.793252\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7594446953125532601 Time: 1.19784\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -7345578023323941164 Time: 2.03448\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:27:01] [V] [TRT] Tactic: -6828337260021572283 Time: 1.81994\n", - "[03/14/2023-21:27:01] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6711815420995272523 Time: 1.61466\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6636202818604544855 Time: 2.2264\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6489479581011009593 Time: 1.52786\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6320761427625651496 Time: 1.48214\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6273232454637933930 Time: 0.86532\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6080892721161662420 Time: 0.730156\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -6032793021868796623 Time: 1.16718\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5818527483287834165 Time: 0.84286\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5710735840878760115 Time: 0.83344\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5589367647444470524 Time: 1.79784\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5546257196173962281 Time: 1.13798\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -5198219374380660379 Time: 0.943056\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4954692664176521434 Time: 0.793124\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4627695383426341593 Time: 1.56217\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4534876761957424274 Time: 1.24367\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4142141368456048176 Time: 1.47387\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -4116131327756252574 Time: 1.96946\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3968200906158272636 Time: 2.35767\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3784342055748695733 Time: 1.62733\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3425274793298557239 Time: 1.08648\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3271955096576257018 Time: 1.11371\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3237051169894153788 Time: 1.4003\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -3136088851200285532 Time: 0.735864\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2871615028541756894 Time: 2.21036\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2751179716463646694 Time: 1.49136\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2634388175487609605 Time: 1.8301\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -2586046817576862066 Time: 0.75698\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1708101578041178688 Time: 1.37162\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1586820571068855896 Time: 1.55847\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -1020632631321619146 Time: 1.24271\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -907287437357565279 Time: 1.43309\n", - "[03/14/2023-21:27:02] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:02] [V] [TRT] Tactic: -229563042944049199 Time: 0.708164\n", - "[03/14/2023-21:27:02] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.708164\n", - "[03/14/2023-21:27:02] [V] [TRT] Setting workspace to 104990720enables more tactics for profiling\n", - "[03/14/2023-21:27:02] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:02] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:02] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:02] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 0 Time: 10.2694\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1 Time: 8.49866\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 56 Time: 10.2792\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 57 Time: 8.48776\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:27:03] [V] [TRT] Fastest Tactic: 57 Time: 8.48776\n", - "[03/14/2023-21:27:03] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:03] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:03] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1754569683116234317 Time: 2.97824\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 1825138533642645384 Time: 3.08758\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 2733356012094739613 Time: 5.40646\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 3915320020053085238 Time: 3.01427\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 6808617066150061604 Time: 3.58104\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: 9091006216302412844 Time: 3.59041\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:03] [V] [TRT] Tactic: -8060443123034038864 Time: 3.58372\n", - "[03/14/2023-21:27:03] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -4420849921117327522 Time: 5.37035\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -3946921629105938337 Time: 5.43739\n", - "[03/14/2023-21:27:04] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.97824\n", - "[03/14/2023-21:27:04] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:27:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:04] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:04] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:04] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: 861694390046228376 Time: 3.00764\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5258189349241541167 Time: 2.864\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5821621277990374316 Time: 3.10806\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: 5863767799113001648 Time: 5.23724\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -9147980667639709536 Time: 2.77082\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8892196987859366827 Time: 2.9206\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8850904373104590857 Time: 2.8774\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -8010679767156598961 Time: 5.22273\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -7751035352149795660 Time: 2.80312\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -5115676123557684531 Time: 3.06658\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -493597327599791285 Time: 2.85518\n", - "[03/14/2023-21:27:04] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:04] [V] [TRT] Tactic: -423878181466897819 Time: 5.32222\n", - "[03/14/2023-21:27:04] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.77082\n", - "[03/14/2023-21:27:04] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:04] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:04] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 0 Time: 7.08608\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 1 Time: 6.15414\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 5 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 56 Time: 7.39452\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 60 skipped. Scratch requested: 713293824, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 61 skipped. Scratch requested: 320864256, available: 16777216\n", - "[03/14/2023-21:27:05] [V] [TRT] Fastest Tactic: 1 Time: 6.15414\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] Setting workspace to 320864256enables more tactics for profiling\n", - "[03/14/2023-21:27:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 1651411198763708804 Time: 1.7824\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 2418518597804310654 Time: 1.81087\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4318470497547290900 Time: 1.80407\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 4930470141256631146 Time: 2.63141\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 8292881859266835088 Time: 2.68841\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: 8401509141903434922 Time: 1.8135\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -8654297089785671176 Time: 1.85299\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -7516584506774355935 Time: 2.63706\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -7140760933967189247 Time: 1.79794\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -6004726995029373073 Time: 2.63066\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -5719726816705110014 Time: 1.6604\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -4097850214384059472 Time: 2.68926\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -3717489476759089008 Time: 1.77061\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -3689982367035295496 Time: 1.78657\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2640575123064142123 Time: 1.56488\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2534402059426524406 Time: 1.59222\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -2027588946874785071 Time: 2.68608\n", - "[03/14/2023-21:27:05] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:05] [V] [TRT] Tactic: -1968398013367819764 Time: 1.67973\n", - "[03/14/2023-21:27:05] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.56488\n", - "[03/14/2023-21:27:05] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:05] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:05] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CudnnConvolution)\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 0 Time: 8.92433\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 1 skipped. Scratch requested: 128588800, available: 16777216\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 56 Time: 8.89007\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:06] [V] [TRT] Fastest Tactic: 56 Time: 8.89007\n", - "[03/14/2023-21:27:06] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CublasConvolution)\n", - "[03/14/2023-21:27:06] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:06] [V] [TRT] --------------- Timing Runner: Conv_37 + Add_38 + Relu_39 (CaskConvolution)\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 83696452256923412 Time: 1.1347\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 106549059816437840 Time: 1.2067\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 1179757074518529353 Time: 1.11472\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2105695814191699972 Time: 1.40258\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2148106709480872763 Time: 1.20205\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2410442691266548717 Time: 1.21039\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2511830168590723349 Time: 0.980432\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2634905271404611895 Time: 1.02869\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2689212690707793357 Time: 1.03634\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08133\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3041642431972138763 Time: 1.02504\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3091156937974993800 Time: 1.08016\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3199589679702517123 Time: 0.980388\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3754069740140581927 Time: 1.1874\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 3932578551652369355 Time: 1.02671\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4149021101886580762 Time: 1.02622\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4555462412611657028 Time: 1.19327\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 4749226340913476230 Time: 1.1721\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5483093640784800285 Time: 1.07067\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5666160310350604399 Time: 1.25658\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5900614001783877430 Time: 1.21133\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5925270497649423688 Time: 1.4448\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 5999406432703271895 Time: 1.02191\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29577\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7107292614492808590 Time: 1.00331\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7158029511300006471 Time: 1.43959\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 7859952145590271433 Time: 1.27248\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8283847742354150423 Time: 1.18373\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8468288610222482742 Time: 1.1842\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8620567263556985011 Time: 1.1336\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8642279798680442080 Time: 1.02731\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:06] [V] [TRT] Tactic: 8980274178270132023 Time: 1.13476\n", - "[03/14/2023-21:27:06] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: 9108067304506990859 Time: 1.02381\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -9104099172933216230 Time: 1.55194\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8992262742606384444 Time: 1.1817\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8956720569082607796 Time: 1.2294\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8952042869709043207 Time: 1.25144\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8898856569474934280 Time: 1.0615\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8774805574135441656 Time: 1.06609\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8749513212655756001 Time: 1.12824\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8520017388966620486 Time: 1.03249\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8487084252145372186 Time: 1.03382\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -8391760416076885205 Time: 1.43322\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7990268040387498660 Time: 1.28352\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7849113095413980300 Time: 1.11822\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -7533167286135592323 Time: 1.06111\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -6273232454637933930 Time: 1.10816\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5818527483287834165 Time: 1.12731\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5590418898350402100 Time: 1.06422\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5505475137955795830 Time: 0.999724\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5389631537202601150 Time: 1.16108\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5332866838585594777 Time: 1.0601\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5121883532434354186 Time: 1.04414\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -5006039300385557796 Time: 1.16994\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4534876761957424274 Time: 1.4054\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4352168563838861262 Time: 1.00279\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -4109084522508697633 Time: 1.01768\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -3237051169894153788 Time: 1.36276\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -3136088851200285532 Time: 1.0416\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2827934362840121038 Time: 1.09262\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2676138141351394855 Time: 1.31149\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2601537631049973288 Time: 1.04024\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2586046817576862066 Time: 1.22183\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2569977342077121032 Time: 1.16761\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2422160065350346448 Time: 1.27794\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2125188058121029448 Time: 1.06846\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -2123887091022542343 Time: 1.23254\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -1838109259315759592 Time: 1.01194\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -1216445540764179377 Time: 1.23396\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -539379305772590030 Time: 1.52378\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -288413895057594820 Time: 1.17946\n", - "[03/14/2023-21:27:07] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:07] [V] [TRT] Tactic: -229563042944049199 Time: 1.03356\n", - "[03/14/2023-21:27:07] [V] [TRT] Fastest Tactic: 3199589679702517123 Time: 0.980388\n", - "[03/14/2023-21:27:07] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", - "[03/14/2023-21:27:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CudnnConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CublasConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_40 + Relu_41 (CaskConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CudnnConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_42 + Relu_43 (CaskConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CudnnConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CublasConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] --------------- Timing Runner: Conv_44 + Add_45 + Relu_46 (CaskConvolution)\n", - "[03/14/2023-21:27:07] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:07] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(100352,1,3584,128) ***************\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784,28,1) ***************\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CublasConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_47 + Relu_48 (CaskConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_49 + Relu_50 (CaskConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,3584,128) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(100352,784,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,784:2,28,1) -> Half(12544,1:8,448,16) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Float(100352,1,3584,128) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(100352,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,448,16) -> Half(50176,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,784,28,1), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(100352,1,3584,128), Float(401408,1,14336,512) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(100352,784,28,1), Half(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(50176,784:2,28,1), Half(200704,784:2,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Float(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CublasConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_51 + Add_52 + Relu_53 (CaskConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,448,16), Half(50176,1:8,1792,64) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1) -> Float(200704,784,28,1) ***************\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution)\r\n", - "[03/14/2023-21:27:08] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 0 Time: 8.22148\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1 Time: 6.19157\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 2 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 56 Time: 8.44039\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 57 Time: 6.09284\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 58 skipped. Scratch requested: 205520896, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216\n", - "[03/14/2023-21:27:08] [V] [TRT] Fastest Tactic: 57 Time: 6.09284\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:08] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1754569683116234317 Time: 4.07563\n", - "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 1825138533642645384 Time: 4.61236\n", - "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:08] [V] [TRT] Tactic: 2733356012094739613 Time: 7.85058\n", - "[03/14/2023-21:27:08] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 3915320020053085238 Time: 4.65714\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 6808617066150061604 Time: 4.99944\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 9091006216302412844 Time: 4.95252\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: -8060443123034038864 Time: 5.32269\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: -4420849921117327522 Time: 7.80813\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: -3946921629105938337 Time: 7.97312\n", - "[03/14/2023-21:27:09] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.07563\n", - "[03/14/2023-21:27:09] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling\n", - "[03/14/2023-21:27:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:09] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:09] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 861694390046228376 Time: 4.8228\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5258189349241541167 Time: 4.92789\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5821621277990374316 Time: 4.72412\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:09] [V] [TRT] Tactic: 5863767799113001648 Time: 5.53998\n", - "[03/14/2023-21:27:09] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -9147980667639709536 Time: 4.38173\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8892196987859366827 Time: 4.55085\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8850904373104590857 Time: 4.84613\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -8010679767156598961 Time: 5.47326\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -7751035352149795660 Time: 4.38617\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -5115676123557684531 Time: 4.73308\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -493597327599791285 Time: 4.83319\n", - "[03/14/2023-21:27:10] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: -423878181466897819 Time: 5.56093\n", - "[03/14/2023-21:27:10] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.38173\n", - "[03/14/2023-21:27:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:10] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:10] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 0 Time: 7.45683\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 1 Time: 5.9521\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1711800320, available: 16777216\n", - "[03/14/2023-21:27:10] [V] [TRT] Tactic: 5 skipped. Scratch requested: 392167424, available: 16777216\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 56 Time: 7.95761\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1711800320, available: 16777216\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 61 skipped. Scratch requested: 392167424, available: 16777216\n", - "[03/14/2023-21:27:11] [V] [TRT] Fastest Tactic: 1 Time: 5.9521\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] Setting workspace to 392167424enables more tactics for profiling\n", - "[03/14/2023-21:27:11] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:11] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:11] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 1651411198763708804 Time: 2.12578\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 2418518597804310654 Time: 2.54947\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 4318470497547290900 Time: 2.78566\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 4930470141256631146 Time: 3.7678\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 8292881859266835088 Time: 3.85839\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: 8401509141903434922 Time: 2.60323\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -8654297089785671176 Time: 2.66022\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -7516584506774355935 Time: 3.81824\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -7140760933967189247 Time: 2.74486\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -6004726995029373073 Time: 3.77338\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -5719726816705110014 Time: 2.64921\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -4097850214384059472 Time: 3.87391\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -3717489476759089008 Time: 2.48287\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -3689982367035295496 Time: 2.73897\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -2640575123064142123 Time: 2.36004\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:11] [V] [TRT] Tactic: -2534402059426524406 Time: 2.33963\n", - "[03/14/2023-21:27:11] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: -2027588946874785071 Time: 3.8638\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: -1968398013367819764 Time: 2.65654\n", - "[03/14/2023-21:27:12] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.12578\n", - "[03/14/2023-21:27:12] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CudnnConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 0 Time: 10.6581\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 1 skipped. Scratch requested: 154408960, available: 16777216\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2 skipped. Scratch requested: 154141184, available: 16777216\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 56 Time: 10.5892\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 58 skipped. Scratch requested: 154141184, available: 16777216\n", - "[03/14/2023-21:27:12] [V] [TRT] Fastest Tactic: 56 Time: 10.5892\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CublasConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:12] [V] [TRT] --------------- Timing Runner: Conv_54 + Relu_55 (CaskConvolution)\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 83696452256923412 Time: 1.54752\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 106549059816437840 Time: 1.5916\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 1179757074518529353 Time: 1.04905\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2105695814191699972 Time: 1.59648\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2148106709480872763 Time: 0.993636\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2410442691266548717 Time: 0.910788\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2511830168590723349 Time: 1.0086\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2634905271404611895 Time: 1.1448\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2689212690707793357 Time: 1.2773\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 2798075085844016892 Time: 1.20733\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3041642431972138763 Time: 0.820816\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3091156937974993800 Time: 1.19574\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3199589679702517123 Time: 1.05843\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3754069740140581927 Time: 1.61297\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 3932578551652369355 Time: 1.68968\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4149021101886580762 Time: 1.16192\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4555462412611657028 Time: 1.04832\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:12] [V] [TRT] Tactic: 4749226340913476230 Time: 1.81087\n", - "[03/14/2023-21:27:12] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5483093640784800285 Time: 1.56321\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5666160310350604399 Time: 1.6444\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5900614001783877430 Time: 1.88368\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5925270497649423688 Time: 1.36242\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 5999406432703271895 Time: 1.59223\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 6680916730816870145 Time: 1.50352\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7107292614492808590 Time: 1.24439\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7158029511300006471 Time: 1.61577\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 7859952145590271433 Time: 1.50178\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8283847742354150423 Time: 1.58403\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8468288610222482742 Time: 1.09822\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8620567263556985011 Time: 1.08266\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8642279798680442080 Time: 1.11668\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 8980274178270132023 Time: 1.45148\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: 9108067304506990859 Time: 1.49304\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -9104099172933216230 Time: 2.25306\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8992262742606384444 Time: 1.01871\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8956720569082607796 Time: 1.86004\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8952042869709043207 Time: 1.26285\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8898856569474934280 Time: 1.1963\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8774805574135441656 Time: 1.30319\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8749513212655756001 Time: 1.10249\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8520017388966620486 Time: 1.69043\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8487084252145372186 Time: 1.24657\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -8391760416076885205 Time: 1.35121\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7990268040387498660 Time: 2.17045\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7849113095413980300 Time: 1.2397\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -7533167286135592323 Time: 1.13956\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -6273232454637933930 Time: 1.07438\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5818527483287834165 Time: 1.05551\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5590418898350402100 Time: 1.50917\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5505475137955795830 Time: 0.831216\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5389631537202601150 Time: 1.26113\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5332866838585594777 Time: 1.16131\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5121883532434354186 Time: 0.980724\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -5006039300385557796 Time: 1.06602\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:13] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38994\n", - "[03/14/2023-21:27:13] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -4352168563838861262 Time: 0.817376\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -4109084522508697633 Time: 1.08952\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -3237051169894153788 Time: 1.5659\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -3136088851200285532 Time: 0.820696\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2827934362840121038 Time: 1.62696\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2676138141351394855 Time: 2.41199\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2601537631049973288 Time: 0.995184\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2586046817576862066 Time: 0.942312\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2569977342077121032 Time: 1.56502\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2422160065350346448 Time: 1.49242\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2125188058121029448 Time: 1.28749\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -2123887091022542343 Time: 1.2756\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -1838109259315759592 Time: 1.28986\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -1216445540764179377 Time: 0.953236\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -539379305772590030 Time: 2.25266\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -288413895057594820 Time: 1.06699\n", - "[03/14/2023-21:27:14] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: -229563042944049199 Time: 0.827476\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: -4352168563838861262 Time: 0.817376\n", - "[03/14/2023-21:27:14] [V] [TRT] Setting workspace to 154141184enables more tactics for profiling\n", - "[03/14/2023-21:27:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.946676\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.20851\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.946676\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.793924\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.78732\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.78732\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.867452\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.626904\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.626904\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,784,28,1) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.644844\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.6433\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.6433\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.29328\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.18606\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 1.18606\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.896676\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.1286\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.896676\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.853668\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.24482\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.853668\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,7168,256) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.625728\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.7506\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.625728\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.929264\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 1.01526\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.929264\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.811364\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.928812\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.811364\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.748652\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.556484\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.556484\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(200704,784,28,1) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.687964\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.469332\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.469332\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.12464\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.66206\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.66206\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.843392\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.86616\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 1002 Time: 0.843392\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 1.2542\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 0 Time: 0.550208\n", - "[03/14/2023-21:27:14] [V] [TRT] Fastest Tactic: 0 Time: 0.550208\n", - "[03/14/2023-21:27:14] [V] [TRT] *************** Autotuning Reformat:Half(100352,784:2,28,1) -> Half(25088,1:8,896,32) ***************\n", - "[03/14/2023-21:27:14] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:14] [V] [TRT] Tactic: 1002 Time: 0.482812\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.47076\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.47076\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 1.08931\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.734576\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.734576\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Float(200704,1,7168,256) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.784416\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.70308\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.70308\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(200704,784,28,1) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.881348\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.441932\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.441932\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,896,32) -> Half(100352,784:2,28,1) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1002 Time: 0.6603\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 0.444328\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 0.444328\n", - "[03/14/2023-21:27:15] [V] [TRT] *************** Autotuning format combination: Float(200704,784,28,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:15] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 0 Time: 7.69195\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1 skipped. Scratch requested: 19773952, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 56 Time: 7.99244\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 57 skipped. Scratch requested: 19773952, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:15] [V] [TRT] Fastest Tactic: 0 Time: 7.69195\n", - "[03/14/2023-21:27:15] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 1825138533642645384 Time: 4.26968\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 2842488832350522458 Time: 5.25534\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 3915320020053085238 Time: 4.9442\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 6448355332020552203 Time: 4.89524\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:15] [V] [TRT] Tactic: 6808617066150061604 Time: 5.26744\n", - "[03/14/2023-21:27:15] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -8060443123034038864 Time: 5.72979\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -4420849921117327522 Time: 8.53264\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -3946921629105938337 Time: 8.00678\n", - "[03/14/2023-21:27:16] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.26968\n", - "[03/14/2023-21:27:16] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling\n", - "[03/14/2023-21:27:16] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:16] [V] [TRT] *************** Autotuning format combination: Float(200704,1,7168,256) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:16] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:16] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:16] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 861694390046228376 Time: 5.18411\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 1017870653102653567 Time: 4.86974\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5258189349241541167 Time: 5.0898\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5821621277990374316 Time: 4.91483\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: 5863767799113001648 Time: 5.42973\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -9147980667639709536 Time: 4.76073\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:16] [V] [TRT] Tactic: -8850904373104590857 Time: 5.00928\n", - "[03/14/2023-21:27:16] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: -7751035352149795660 Time: 4.82851\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: -3853827649136781465 Time: 4.95081\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: -3263369460438823196 Time: 5.1293\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: -423878181466897819 Time: 5.53322\n", - "[03/14/2023-21:27:17] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.76073\n", - "[03/14/2023-21:27:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:17] [V] [TRT] *************** Autotuning format combination: Half(200704,784,28,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 0 Time: 7.24836\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1 Time: 5.9822\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 56 Time: 7.65154\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:17] [V] [TRT] Fastest Tactic: 1 Time: 5.9822\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:17] [V] [TRT] Setting workspace to 570425344enables more tactics for profiling\n", - "[03/14/2023-21:27:17] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:17] [V] [TRT] *************** Autotuning format combination: Half(100352,784:2,28,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:17] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1145226902788474763 Time: 2.20914\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 1651411198763708804 Time: 2.9062\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:17] [V] [TRT] Tactic: 2418518597804310654 Time: 2.90498\n", - "[03/14/2023-21:27:17] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4318470497547290900 Time: 2.81898\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4653005425971292725 Time: 2.86113\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 4930470141256631146 Time: 3.51212\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 8292881859266835088 Time: 3.57718\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: 8401509141903434922 Time: 2.85372\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -8654297089785671176 Time: 2.69216\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -7448936905981214224 Time: 3.34455\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -6004726995029373073 Time: 3.78375\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -5719726816705110014 Time: 2.69814\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -3754890472406891741 Time: 2.51519\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -3689982367035295496 Time: 2.47808\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -2894005464278291378 Time: 3.36112\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -2027588946874785071 Time: 3.56834\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -1968398013367819764 Time: 2.82559\n", - "[03/14/2023-21:27:18] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:27:18] [V] [TRT] Tactic: -245090590808296743 Time: 2.57878\n", - "[03/14/2023-21:27:18] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.20914\n", - "[03/14/2023-21:27:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:27:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:18] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:18] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,896,32) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:18] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CudnnConvolution)\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 0 Time: 11.4159\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1 skipped. Scratch requested: 65407488, available: 16777216\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 56 Time: 11.4985\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:19] [V] [TRT] Fastest Tactic: 0 Time: 11.4159\n", - "[03/14/2023-21:27:19] [V] [TRT] --------------- Timing Runner: Conv_56 + Relu_57 (CaskConvolution)\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 46202665595848747 Time: 1.10613\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 239013563835492727 Time: 1.61373\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 385569945292539752 Time: 2.39901\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 671037109694951988 Time: 1.24064\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 833287959109025818 Time: 1.47474\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 864841579020773074 Time: 0.752764\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 912634305247603909 Time: 1.21153\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1013168150133367738 Time: 1.05178\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1014187170474222133 Time: 1.2295\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1067227531433278814 Time: 0.881108\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1554365048685552334 Time: 1.24122\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1579845938601132607 Time: 0.85092\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1796821236841789338 Time: 1.75454\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1837941418294761657 Time: 1.21755\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1948263663414159978 Time: 1.43807\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 1989668371181446952 Time: 1.83085\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2027733232253711640 Time: 0.962012\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2148106709480872763 Time: 1.00557\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2154731107061273008 Time: 1.17954\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 2410442691266548717 Time: 0.725628\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3464689803495983377 Time: 0.963408\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3636831327753843771 Time: 0.855772\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3745975654290680669 Time: 1.26101\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3754069740140581927 Time: 1.45865\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3784804427912340706 Time: 1.58254\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3823144360994712832 Time: 0.880064\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:27:19] [V] [TRT] Tactic: 3919868136802676679 Time: 1.35122\n", - "[03/14/2023-21:27:19] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5263029549013613567 Time: 0.834104\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5506334059535811602 Time: 0.786344\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5635311898703673455 Time: 0.751884\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5786991692145244692 Time: 2.31848\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5848150552772236982 Time: 1.19635\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5925270497649423688 Time: 1.28091\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 5932046018238429951 Time: 1.61756\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6103089697398018604 Time: 1.22826\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6195603576432354734 Time: 1.65681\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6252808259936499253 Time: 1.54732\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6408235920257988861 Time: 1.28837\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6623704051070449703 Time: 1.37428\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 6680916730816870145 Time: 1.31587\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7114340626053367917 Time: 1.59053\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7158029511300006471 Time: 1.44833\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7612687199567064086 Time: 1.26576\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7729555994715864793 Time: 1.26295\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7844857443355818347 Time: 1.37872\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7849296535223586261 Time: 1.38402\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 7859952145590271433 Time: 1.45984\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8219150286974756863 Time: 2.07068\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8283847742354150423 Time: 1.3616\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8455608235315878803 Time: 1.61859\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: 8668812313058150080 Time: 1.29485\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8992262742606384444 Time: 1.00237\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8750433364328295059 Time: 1.28248\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8682550625095202832 Time: 0.989088\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8392835332206231687 Time: 1.77698\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -8254009616492665198 Time: 0.768604\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7615325597099025933 Time: 0.832276\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7594446953125532601 Time: 1.26043\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -7345578023323941164 Time: 2.11192\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6828337260021572283 Time: 1.88922\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6711815420995272523 Time: 1.68904\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6636202818604544855 Time: 2.30506\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:27:20] [V] [TRT] Tactic: -6489479581011009593 Time: 0.939464\n", - "[03/14/2023-21:27:20] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6320761427625651496 Time: 0.90954\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6273232454637933930 Time: 0.838048\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6080892721161662420 Time: 0.777096\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -6032793021868796623 Time: 1.1938\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5818527483287834165 Time: 0.832496\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5710735840878760115 Time: 0.92626\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5589367647444470524 Time: 1.85126\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5546257196173962281 Time: 1.17739\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -5198219374380660379 Time: 1.02578\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4954692664176521434 Time: 0.767708\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4627695383426341593 Time: 1.63449\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4534876761957424274 Time: 1.30054\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4142141368456048176 Time: 1.57069\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -4116131327756252574 Time: 2.03052\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3968200906158272636 Time: 1.21621\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3784342055748695733 Time: 1.70926\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3425274793298557239 Time: 1.18469\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3271955096576257018 Time: 1.21236\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3237051169894153788 Time: 1.52448\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -3136088851200285532 Time: 0.771308\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2871615028541756894 Time: 2.35607\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2751179716463646694 Time: 1.55925\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2634388175487609605 Time: 1.90983\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -2586046817576862066 Time: 0.71486\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1708101578041178688 Time: 0.780016\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1586820571068855896 Time: 1.58119\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -1020632631321619146 Time: 1.27072\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -907287437357565279 Time: 0.760308\n", - "[03/14/2023-21:27:21] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: -229563042944049199 Time: 0.739364\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.71486\n", - "[03/14/2023-21:27:21] [V] [TRT] Setting workspace to 128451072enables more tactics for profiling\n", - "[03/14/2023-21:27:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22958\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.280952\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22958\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 2.62225\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.203308\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.203308\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.233536\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.161916\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.161916\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.166296\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.161668\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.161668\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.334508\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.280236\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.280236\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22954\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.257584\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22954\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.22908\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.276612\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.22908\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.160576\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.1741\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.160576\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 2.32066\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.254292\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.254292\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.189172\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.241424\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.189172\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.19188\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.138012\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.138012\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.177268\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.122324\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.122324\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 1002 Time: 0.306444\n", - "[03/14/2023-21:27:21] [V] [TRT] Tactic: 0 Time: 0.165252\n", - "[03/14/2023-21:27:21] [V] [TRT] Fastest Tactic: 0 Time: 0.165252\n", - "[03/14/2023-21:27:21] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.19872\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.203748\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.19872\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.351644\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.1311\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.1311\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.1357\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.117164\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.117164\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.293288\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.192368\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.192368\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.196964\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.178268\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.178268\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.289304\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.13622\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.13622\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1002 Time: 0.178876\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 0.121804\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 0 Time: 0.121804\n", - "[03/14/2023-21:27:22] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 0 Time: 4.33168\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1 Time: 3.35294\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 56 Time: 4.5544\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 57 Time: 3.32306\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 57 Time: 3.32306\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:22] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1754569683116234317 Time: 2.15222\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 1825138533642645384 Time: 2.2508\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 2733356012094739613 Time: 4.43325\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 3915320020053085238 Time: 2.41336\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 6808617066150061604 Time: 2.57061\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: 9091006216302412844 Time: 2.6593\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: -8060443123034038864 Time: 2.71456\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: -4420849921117327522 Time: 4.25716\n", - "[03/14/2023-21:27:22] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:22] [V] [TRT] Tactic: -3946921629105938337 Time: 4.53742\n", - "[03/14/2023-21:27:22] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.15222\n", - "[03/14/2023-21:27:22] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:22] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:23] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 861694390046228376 Time: 2.52945\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5258189349241541167 Time: 2.42177\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5821621277990374316 Time: 2.4883\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5863767799113001648 Time: 3.173\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -9147980667639709536 Time: 2.31778\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8892196987859366827 Time: 2.28365\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8850904373104590857 Time: 2.35062\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -8010679767156598961 Time: 3.15767\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -7751035352149795660 Time: 2.30284\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -5115676123557684531 Time: 2.4718\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -493597327599791285 Time: 2.26864\n", - "[03/14/2023-21:27:23] [V] [TRT] Conv_58 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: -423878181466897819 Time: 3.18248\n", - "[03/14/2023-21:27:23] [V] [TRT] Fastest Tactic: -493597327599791285 Time: 2.26864\n", - "[03/14/2023-21:27:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -493597327599791285\n", - "[03/14/2023-21:27:23] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:23] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 0 Time: 3.70964\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 1 Time: 3.18565\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 2 Time: 4.33706\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:23] [V] [TRT] Tactic: 56 Time: 4.05456\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 58 Time: 4.3738\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 1 Time: 3.18565\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1651411198763708804 Time: 1.21512\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2418518597804310654 Time: 1.25323\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 4318470497547290900 Time: 1.32042\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 4930470141256631146 Time: 2.09607\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 8292881859266835088 Time: 2.13695\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 8401509141903434922 Time: 1.28762\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -8654297089785671176 Time: 1.43703\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -7516584506774355935 Time: 2.08596\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -7140760933967189247 Time: 1.28554\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -6004726995029373073 Time: 2.08191\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -5719726816705110014 Time: 1.36357\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -4097850214384059472 Time: 2.13158\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -3717489476759089008 Time: 1.27785\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -3689982367035295496 Time: 1.41717\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2640575123064142123 Time: 1.24813\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2534402059426524406 Time: 1.25373\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -2027588946874785071 Time: 2.13698\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: -1968398013367819764 Time: 1.36678\n", - "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.21512\n", - "[03/14/2023-21:27:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CudnnConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 0 Time: 5.28838\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 56 Time: 5.3628\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:24] [V] [TRT] Fastest Tactic: 0 Time: 5.28838\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CublasConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:24] [V] [TRT] --------------- Timing Runner: Conv_58 (CaskConvolution)\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 83696452256923412 Time: 0.807152\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 106549059816437840 Time: 0.828976\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 1179757074518529353 Time: 0.5673\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2105695814191699972 Time: 0.804812\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2148106709480872763 Time: 0.46682\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2410442691266548717 Time: 0.506512\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2511830168590723349 Time: 0.588884\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:24] [V] [TRT] Tactic: 2634905271404611895 Time: 0.548152\n", - "[03/14/2023-21:27:24] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 2689212690707793357 Time: 0.632512\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 2798075085844016892 Time: 0.556904\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3041642431972138763 Time: 0.362136\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3091156937974993800 Time: 0.528304\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3199589679702517123 Time: 0.552324\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3754069740140581927 Time: 0.7511\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 3932578551652369355 Time: 0.774484\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4149021101886580762 Time: 0.518148\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4555462412611657028 Time: 0.44184\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 4749226340913476230 Time: 0.782448\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5483093640784800285 Time: 0.67192\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.794136\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.94592\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.759284\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.732544\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.797848\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.620344\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.839124\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.806672\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.789228\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.543044\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.536252\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.60018\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.74182\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.737648\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -9104099172933216230 Time: 1.11424\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.493652\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.915216\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.61956\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.620652\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8774805574135441656 Time: 0.715584\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.552656\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8520017388966620486 Time: 0.8318\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8487084252145372186 Time: 0.656408\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -8391760416076885205 Time: 0.724256\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7990268040387498660 Time: 1.08006\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7849113095413980300 Time: 0.67402\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -7533167286135592323 Time: 0.562948\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -6273232454637933930 Time: 0.64778\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5818527483287834165 Time: 0.630632\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5590418898350402100 Time: 0.766356\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5505475137955795830 Time: 0.424716\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5389631537202601150 Time: 0.69984\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5332866838585594777 Time: 0.586696\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5121883532434354186 Time: 0.43314\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -5006039300385557796 Time: 0.526612\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4534876761957424274 Time: 0.786864\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4352168563838861262 Time: 0.455516\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -4109084522508697633 Time: 0.554464\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -3237051169894153788 Time: 0.841592\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -3136088851200285532 Time: 0.40082\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2827934362840121038 Time: 0.901332\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2676138141351394855 Time: 1.13598\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2601537631049973288 Time: 0.427336\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2586046817576862066 Time: 0.521132\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2569977342077121032 Time: 0.760836\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2422160065350346448 Time: 0.806004\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2125188058121029448 Time: 0.707504\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -2123887091022542343 Time: 0.611776\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -1838109259315759592 Time: 0.620512\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -1216445540764179377 Time: 0.505648\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -539379305772590030 Time: 1.10703\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -288413895057594820 Time: 0.49552\n", - "[03/14/2023-21:27:25] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:25] [V] [TRT] Tactic: -229563042944049199 Time: 0.405064\n", - "[03/14/2023-21:27:25] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.362136\n", - "[03/14/2023-21:27:25] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", - "[03/14/2023-21:27:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(401408,1,14336,512) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(401408,784,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(200704,784:2,28,1) -> Half(50176,1:8,1792,64) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Float(401408,1,14336,512) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(401408,784,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Half(50176,1:8,1792,64) -> Half(200704,784:2,28,1) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:25] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.9199\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.25854\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.9199\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 10.7864\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.787492\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.787492\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.936468\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.629776\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.629776\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.668796\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.626732\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.626732\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.32549\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.1568\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 1.1568\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.896692\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.14343\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.896692\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.882408\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.2569\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.882408\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.615012\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.75462\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.615012\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 10.7569\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.00748\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 1.00748\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.768584\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 1.01942\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.768584\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.76088\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.55708\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.55708\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.717912\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.4658\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.4658\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.20714\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.65476\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.65476\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.789512\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.856116\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 1002 Time: 0.789512\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.51688\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.569912\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.569912\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.550224\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.45888\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.45888\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.15882\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.76766\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.76766\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 0.780536\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 0 Time: 0.702796\n", - "[03/14/2023-21:27:26] [V] [TRT] Fastest Tactic: 0 Time: 0.702796\n", - "[03/14/2023-21:27:26] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:26] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:26] [V] [TRT] Tactic: 1002 Time: 1.16375\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 0.538708\n", - "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 0 Time: 0.538708\n", - "[03/14/2023-21:27:27] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1002 Time: 0.69658\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 0.482852\n", - "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 0 Time: 0.482852\n", - "[03/14/2023-21:27:27] [V] [TRT] *************** Autotuning format combination: Float(401408,784,28,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:27] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:27] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 0 Time: 10.256\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1 Time: 8.60157\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 56 Time: 10.4224\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 57 Time: 8.58838\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:27] [V] [TRT] Fastest Tactic: 57 Time: 8.58838\n", - "[03/14/2023-21:27:27] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1754569683116234317 Time: 6.16126\n", - "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:27] [V] [TRT] Tactic: 1825138533642645384 Time: 6.33032\n", - "[03/14/2023-21:27:27] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:28] [V] [TRT] Tactic: 2733356012094739613 Time: 21.6773\n", - "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:28] [V] [TRT] Tactic: 3915320020053085238 Time: 6.19745\n", - "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:28] [V] [TRT] Tactic: 6808617066150061604 Time: 11.3962\n", - "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:28] [V] [TRT] Tactic: 9091006216302412844 Time: 11.4783\n", - "[03/14/2023-21:27:28] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: -8060443123034038864 Time: 11.4039\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: -4420849921117327522 Time: 21.0109\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: -3946921629105938337 Time: 21.616\n", - "[03/14/2023-21:27:29] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 6.16126\n", - "[03/14/2023-21:27:29] [V] [TRT] Setting workspace to 51380224enables more tactics for profiling\n", - "[03/14/2023-21:27:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:29] [V] [TRT] *************** Autotuning format combination: Float(401408,1,14336,512), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:29] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: 861694390046228376 Time: 4.43096\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: 5258189349241541167 Time: 5.26281\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:29] [V] [TRT] Tactic: 5821621277990374316 Time: 5.15294\n", - "[03/14/2023-21:27:29] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: 5863767799113001648 Time: 6.24576\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -9147980667639709536 Time: 4.5448\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8892196987859366827 Time: 4.68879\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8850904373104590857 Time: 4.8431\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -8010679767156598961 Time: 6.11518\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -7751035352149795660 Time: 4.53776\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -5115676123557684531 Time: 4.80249\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -493597327599791285 Time: 4.66118\n", - "[03/14/2023-21:27:30] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:30] [V] [TRT] Tactic: -423878181466897819 Time: 6.2028\n", - "[03/14/2023-21:27:30] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.43096\n", - "[03/14/2023-21:27:30] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376\n", - "[03/14/2023-21:27:30] [V] [TRT] *************** Autotuning format combination: Half(401408,784,28,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:30] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 0 Time: 8.67031\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 1 Time: 16.1651\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 56 Time: 8.91692\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:31] [V] [TRT] Fastest Tactic: 0 Time: 8.67031\n", - "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:31] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling\n", - "[03/14/2023-21:27:31] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 0\n", - "[03/14/2023-21:27:31] [V] [TRT] *************** Autotuning format combination: Half(200704,784:2,28,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:31] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 1651411198763708804 Time: 7.34175\n", - "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 2418518597804310654 Time: 5.78413\n", - "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:31] [V] [TRT] Tactic: 4318470497547290900 Time: 7.3451\n", - "[03/14/2023-21:27:31] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: 4930470141256631146 Time: 14.0257\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: 8292881859266835088 Time: 10.8403\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: 8401509141903434922 Time: 5.78671\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: -8654297089785671176 Time: 3.00186\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: -7516584506774355935 Time: 13.969\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: -7140760933967189247 Time: 5.70382\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:32] [V] [TRT] Tactic: -6004726995029373073 Time: 14.03\n", - "[03/14/2023-21:27:32] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -5719726816705110014 Time: 3.6492\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -4097850214384059472 Time: 10.8119\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -3717489476759089008 Time: 7.24952\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -3689982367035295496 Time: 3.01489\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2640575123064142123 Time: 3.90024\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2534402059426524406 Time: 3.25045\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -2027588946874785071 Time: 10.8604\n", - "[03/14/2023-21:27:33] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:33] [V] [TRT] Tactic: -1968398013367819764 Time: 3.64812\n", - "[03/14/2023-21:27:33] [V] [TRT] Fastest Tactic: -8654297089785671176 Time: 3.00186\n", - "[03/14/2023-21:27:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:33] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:33] [V] [TRT] *************** Autotuning format combination: Half(50176,1:8,1792,64), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:33] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:33] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CudnnConvolution)\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 0 Time: 11.3234\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1 skipped. Scratch requested: 155194880, available: 16777216\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 56 Time: 11.4147\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216\n", - "[03/14/2023-21:27:34] [V] [TRT] Fastest Tactic: 0 Time: 11.3234\n", - "[03/14/2023-21:27:34] [V] [TRT] --------------- Timing Runner: Conv_59 + Add_60 + Relu_61 (CaskConvolution)\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 385569945292539752 Time: 2.08585\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 833287959109025818 Time: 1.81626\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1013168150133367738 Time: 1.01789\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1067227531433278814 Time: 0.977328\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1179757074518529353 Time: 1.12077\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1554365048685552334 Time: 1.32817\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1579845938601132607 Time: 0.928916\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1796821236841789338 Time: 1.78944\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1948263663414159978 Time: 1.53496\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 1989668371181446952 Time: 1.87584\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2027733232253711640 Time: 1.11831\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2105695814191699972 Time: 1.6991\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2148106709480872763 Time: 1.05064\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2410442691266548717 Time: 0.976044\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2511830168590723349 Time: 1.04586\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 2798075085844016892 Time: 1.1578\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3041642431972138763 Time: 0.861512\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3745975654290680669 Time: 1.38539\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3754069740140581927 Time: 1.6714\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3784804427912340706 Time: 1.47163\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 3919868136802676679 Time: 1.19902\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4149021101886580762 Time: 1.19442\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4555462412611657028 Time: 1.08832\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 4749226340913476230 Time: 1.74955\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 5483093640784800285 Time: 1.54105\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:34] [V] [TRT] Tactic: 5666160310350604399 Time: 1.716\n", - "[03/14/2023-21:27:34] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5848150552772236982 Time: 1.2459\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5900614001783877430 Time: 1.82894\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5925270497649423688 Time: 1.46348\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 5999406432703271895 Time: 1.44396\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6103089697398018604 Time: 1.32717\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6195603576432354734 Time: 1.61622\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6408235920257988861 Time: 1.30004\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6623704051070449703 Time: 1.41946\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 6680916730816870145 Time: 1.65848\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55902\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7158029511300006471 Time: 1.71584\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7612687199567064086 Time: 1.15562\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7729555994715864793 Time: 1.19568\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7844857443355818347 Time: 1.24287\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 7859952145590271433 Time: 1.54286\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8283847742354150423 Time: 1.65546\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8455608235315878803 Time: 1.75168\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: 8668812313058150080 Time: 1.33911\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8992262742606384444 Time: 1.08977\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8952042869709043207 Time: 1.29376\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17714\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8774805574135441656 Time: 1.34494\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8750433364328295059 Time: 1.3067\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8749513212655756001 Time: 1.01081\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8520017388966620486 Time: 1.7282\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8487084252145372186 Time: 1.35687\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8392835332206231687 Time: 1.61481\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8391760416076885205 Time: 1.45276\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -8254009616492665198 Time: 1.01082\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7849113095413980300 Time: 1.33658\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7615325597099025933 Time: 1.01442\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7594446953125532601 Time: 1.36936\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7533167286135592323 Time: 1.04579\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -7345578023323941164 Time: 2.1493\n", - "[03/14/2023-21:27:35] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:27:35] [V] [TRT] Tactic: -6828337260021572283 Time: 2.02501\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6711815420995272523 Time: 1.73803\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6636202818604544855 Time: 2.3332\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6489479581011009593 Time: 1.10392\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6273232454637933930 Time: 1.15811\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -6080892721161662420 Time: 0.84602\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5818527483287834165 Time: 1.15444\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5710735840878760115 Time: 1.03452\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5589367647444470524 Time: 1.78889\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5198219374380660379 Time: 1.08958\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5121883532434354186 Time: 0.93012\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -5006039300385557796 Time: 1.04397\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4627695383426341593 Time: 1.57866\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4534876761957424274 Time: 1.51838\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4352168563838861262 Time: 0.858084\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4116131327756252574 Time: 1.97878\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -4109084522508697633 Time: 1.01153\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3968200906158272636 Time: 1.35221\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3425274793298557239 Time: 1.14552\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3271955096576257018 Time: 1.16526\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3237051169894153788 Time: 1.74762\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -3136088851200285532 Time: 0.857652\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2871615028541756894 Time: 2.17135\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2827934362840121038 Time: 1.66672\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2676138141351394855 Time: 2.31267\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2586046817576862066 Time: 0.991468\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2569977342077121032 Time: 1.45537\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -2422160065350346448 Time: 1.54196\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1838109259315759592 Time: 1.20507\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1708101578041178688 Time: 1.03248\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1586820571068855896 Time: 1.53841\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1216445540764179377 Time: 1.00154\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -1020632631321619146 Time: 1.38666\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -907287437357565279 Time: 1.0158\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -539379305772590030 Time: 2.09696\n", - "[03/14/2023-21:27:36] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: -229563042944049199 Time: 0.87944\n", - "[03/14/2023-21:27:36] [V] [TRT] Fastest Tactic: -6080892721161662420 Time: 0.84602\n", - "[03/14/2023-21:27:36] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling\n", - "[03/14/2023-21:27:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:36] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:36] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:36] [V] [TRT] Tactic: 1002 Time: 0.91958\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.28454\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.91958\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 11.0014\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.78726\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.78726\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.936968\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.631388\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.631388\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.669212\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.626756\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.626756\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.32433\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.17729\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 1.17729\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.897072\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.129\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.897072\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.884016\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.2599\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.884016\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.614484\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.794536\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.614484\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 10.9785\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.00794\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 1.00794\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.769848\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 1.02016\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.769848\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.760524\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.552516\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.552516\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.720156\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.464716\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.464716\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.20727\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.657724\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.657724\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.791828\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.856336\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.791828\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.51473\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.552796\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.552796\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.545124\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.455608\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.455608\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.16279\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.768408\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.768408\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 0.781012\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.706508\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.706508\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 1002 Time: 1.17135\n", - "[03/14/2023-21:27:37] [V] [TRT] Tactic: 0 Time: 0.53864\n", - "[03/14/2023-21:27:37] [V] [TRT] Fastest Tactic: 0 Time: 0.53864\n", - "[03/14/2023-21:27:37] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1002 Time: 0.696996\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 0 Time: 0.482784\n", - "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 0 Time: 0.482784\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 0 Time: 3.44829\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20723712, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 56 Time: 3.64564\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20723712, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 0 Time: 3.44829\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1754569683116234317 Time: 1.9131\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 1825138533642645384 Time: 2.11537\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 2733356012094739613 Time: 4.01221\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 3915320020053085238 Time: 2.32255\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 6808617066150061604 Time: 2.46608\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 9091006216302412844 Time: 2.46988\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: -8060443123034038864 Time: 2.55578\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: -4420849921117327522 Time: 3.79756\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: -3946921629105938337 Time: 4.09171\n", - "[03/14/2023-21:27:38] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.9131\n", - "[03/14/2023-21:27:38] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:38] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:38] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 861694390046228376 Time: 2.31648\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5258189349241541167 Time: 2.41819\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5821621277990374316 Time: 2.29666\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: 5863767799113001648 Time: 2.64553\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:38] [V] [TRT] Tactic: -9147980667639709536 Time: 2.12199\n", - "[03/14/2023-21:27:38] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8892196987859366827 Time: 2.19052\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8850904373104590857 Time: 2.4243\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8010679767156598961 Time: 2.6715\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7751035352149795660 Time: 2.21076\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -5115676123557684531 Time: 2.46195\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -493597327599791285 Time: 2.36172\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -423878181466897819 Time: 2.64698\n", - "[03/14/2023-21:27:39] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.12199\n", - "[03/14/2023-21:27:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 0 Time: 3.25261\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 1 Time: 2.71618\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4 skipped. Scratch requested: 907018240, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 56 Time: 3.62754\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 60 skipped. Scratch requested: 907018240, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:39] [V] [TRT] Fastest Tactic: 1 Time: 2.71618\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:39] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 1651411198763708804 Time: 1.0792\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 2418518597804310654 Time: 1.08666\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4318470497547290900 Time: 1.20816\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 4930470141256631146 Time: 1.8547\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 8292881859266835088 Time: 1.8783\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: 8401509141903434922 Time: 1.29809\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -8654297089785671176 Time: 1.21856\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7516584506774355935 Time: 1.9518\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -7140760933967189247 Time: 1.20345\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -6004726995029373073 Time: 1.86577\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -5719726816705110014 Time: 1.18707\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -4097850214384059472 Time: 1.91444\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:39] [V] [TRT] Tactic: -3717489476759089008 Time: 1.19569\n", - "[03/14/2023-21:27:39] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -3689982367035295496 Time: 1.2084\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2640575123064142123 Time: 1.1552\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2534402059426524406 Time: 1.15409\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -2027588946874785071 Time: 1.88887\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -1968398013367819764 Time: 1.20356\n", - "[03/14/2023-21:27:40] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.0792\n", - "[03/14/2023-21:27:40] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:40] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CudnnConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 0 Time: 4.7753\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64752128, available: 16777216\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 56 Time: 4.90779\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:40] [V] [TRT] Fastest Tactic: 0 Time: 4.7753\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CublasConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:40] [V] [TRT] --------------- Timing Runner: Conv_62 + Relu_63 (CaskConvolution)\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 83696452256923412 Time: 0.73678\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 106549059816437840 Time: 0.665968\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 1179757074518529353 Time: 0.43672\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2105695814191699972 Time: 0.685616\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2148106709480872763 Time: 0.455124\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2410442691266548717 Time: 0.383404\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2511830168590723349 Time: 0.44988\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2634905271404611895 Time: 0.534916\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2689212690707793357 Time: 0.55868\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 2798075085844016892 Time: 0.547604\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3041642431972138763 Time: 0.37766\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3091156937974993800 Time: 0.543236\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3199589679702517123 Time: 0.462784\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3754069740140581927 Time: 0.74766\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 3932578551652369355 Time: 0.80496\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4149021101886580762 Time: 0.5424\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4555462412611657028 Time: 0.458696\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 4749226340913476230 Time: 0.78352\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5483093640784800285 Time: 0.699348\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5666160310350604399 Time: 0.707548\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5900614001783877430 Time: 0.863584\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5925270497649423688 Time: 0.60544\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 5999406432703271895 Time: 0.709752\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 6680916730816870145 Time: 0.624388\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7107292614492808590 Time: 0.56664\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7158029511300006471 Time: 0.68668\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 7859952145590271433 Time: 0.592212\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8283847742354150423 Time: 0.68452\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8468288610222482742 Time: 0.465744\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8620567263556985011 Time: 0.466984\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8642279798680442080 Time: 0.514904\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 8980274178270132023 Time: 0.674124\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: 9108067304506990859 Time: 0.6928\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -9104099172933216230 Time: 0.959168\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8992262742606384444 Time: 0.447724\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8956720569082607796 Time: 0.854384\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8952042869709043207 Time: 0.604\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8898856569474934280 Time: 0.538952\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8774805574135441656 Time: 0.565436\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8749513212655756001 Time: 0.470684\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8520017388966620486 Time: 0.78768\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:40] [V] [TRT] Tactic: -8487084252145372186 Time: 0.567484\n", - "[03/14/2023-21:27:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -8391760416076885205 Time: 0.588196\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7990268040387498660 Time: 1.0377\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7849113095413980300 Time: 0.591488\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -7533167286135592323 Time: 0.561524\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -6273232454637933930 Time: 0.455048\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5818527483287834165 Time: 0.44582\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5590418898350402100 Time: 0.704128\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5505475137955795830 Time: 0.392036\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5389631537202601150 Time: 0.577308\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5332866838585594777 Time: 0.557224\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5121883532434354186 Time: 0.488308\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -5006039300385557796 Time: 0.515204\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4534876761957424274 Time: 0.627236\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4352168563838861262 Time: 0.401604\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -4109084522508697633 Time: 0.472572\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -3237051169894153788 Time: 0.70958\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -3136088851200285532 Time: 0.385108\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2827934362840121038 Time: 0.7486\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2676138141351394855 Time: 1.04535\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2601537631049973288 Time: 0.482548\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2586046817576862066 Time: 0.393088\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2569977342077121032 Time: 0.69002\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2422160065350346448 Time: 0.619692\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2125188058121029448 Time: 0.543328\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -2123887091022542343 Time: 0.587212\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -1838109259315759592 Time: 0.538324\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -1216445540764179377 Time: 0.394544\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -539379305772590030 Time: 0.966244\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -288413895057594820 Time: 0.502812\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: -229563042944049199 Time: 0.383052\n", - "[03/14/2023-21:27:41] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.37766\n", - "[03/14/2023-21:27:41] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", - "[03/14/2023-21:27:41] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:41] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:41] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 0 Time: 7.29074\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 1 skipped. Scratch requested: 20777472, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 2 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 6 Time: 4.11342\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 56 Time: 8.13078\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 57 skipped. Scratch requested: 20777472, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 58 skipped. Scratch requested: 231211008, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:41] [V] [TRT] Tactic: 62 Time: 4.08758\n", - "[03/14/2023-21:27:41] [V] [TRT] Fastest Tactic: 62 Time: 4.08758\n", - "[03/14/2023-21:27:41] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:41] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 1825138533642645384 Time: 4.70493\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 2775507031594384867 Time: 4.03184\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 2842488832350522458 Time: 4.84664\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 3915320020053085238 Time: 4.70686\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 6448355332020552203 Time: 4.84312\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 6808617066150061604 Time: 4.95476\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: -8060443123034038864 Time: 5.10379\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: -4420849921117327522 Time: 6.95978\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: -3946921629105938337 Time: 6.15399\n", - "[03/14/2023-21:27:42] [V] [TRT] Fastest Tactic: 2775507031594384867 Time: 4.03184\n", - "[03/14/2023-21:27:42] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 2775507031594384867\n", - "[03/14/2023-21:27:42] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:42] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:42] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:42] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 861694390046228376 Time: 4.76917\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:27:42] [V] [TRT] Tactic: 1017870653102653567 Time: 4.67556\n", - "[03/14/2023-21:27:42] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5258189349241541167 Time: 4.89284\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5821621277990374316 Time: 4.61819\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: 5863767799113001648 Time: 5.29196\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -9147980667639709536 Time: 4.55828\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -8850904373104590857 Time: 4.93142\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -7751035352149795660 Time: 4.58324\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -3853827649136781465 Time: 4.67386\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -3263369460438823196 Time: 4.90827\n", - "[03/14/2023-21:27:43] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: -423878181466897819 Time: 5.38684\n", - "[03/14/2023-21:27:43] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.55828\n", - "[03/14/2023-21:27:43] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:43] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:43] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:43] [V] [TRT] Tactic: 0 Time: 7.03663\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1 Time: 5.36294\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4 skipped. Scratch requested: 228851712, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 5 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 56 Time: 7.27376\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 60 skipped. Scratch requested: 228851712, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 61 skipped. Scratch requested: 570425344, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216\n", - "[03/14/2023-21:27:44] [V] [TRT] Fastest Tactic: 1 Time: 5.36294\n", - "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:44] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:44] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling\n", - "[03/14/2023-21:27:44] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:44] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:44] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:44] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:44] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1145226902788474763 Time: 2.16571\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 1651411198763708804 Time: 2.77329\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 2418518597804310654 Time: 2.6906\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4318470497547290900 Time: 2.62294\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4653005425971292725 Time: 2.67876\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 4930470141256631146 Time: 3.02971\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 8292881859266835088 Time: 3.16214\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: 8401509141903434922 Time: 2.68726\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -8654297089785671176 Time: 2.55981\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -7448936905981214224 Time: 3.03929\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -6004726995029373073 Time: 2.89594\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -5719726816705110014 Time: 2.51666\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3754890472406891741 Time: 2.57089\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3689982367035295496 Time: 2.49581\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", - "[03/14/2023-21:27:44] [V] [TRT] Tactic: -3140347171730126532 Time: 2.027\n", - "[03/14/2023-21:27:44] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: -2894005464278291378 Time: 2.83959\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: -2027588946874785071 Time: 3.01504\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: -1968398013367819764 Time: 2.93319\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: -245090590808296743 Time: 2.58795\n", - "[03/14/2023-21:27:45] [V] [TRT] Fastest Tactic: -3140347171730126532 Time: 2.027\n", - "[03/14/2023-21:27:45] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3140347171730126532\n", - "[03/14/2023-21:27:45] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:45] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CudnnConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 0 Time: 10.222\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1 skipped. Scratch requested: 26872320, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 2 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 6 skipped. Scratch requested: 60295680, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 56 Time: 10.2494\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 58 skipped. Scratch requested: 128451072, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 62 skipped. Scratch requested: 60295680, available: 16777216\n", - "[03/14/2023-21:27:45] [V] [TRT] Fastest Tactic: 0 Time: 10.222\n", - "[03/14/2023-21:27:45] [V] [TRT] --------------- Timing Runner: Conv_64 + Relu_65 (CaskConvolution)\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 46202665595848747 Time: 1.02174\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 239013563835492727 Time: 1.51\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 385569945292539752 Time: 2.30436\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 671037109694951988 Time: 1.15781\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 833287959109025818 Time: 1.33274\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 864841579020773074 Time: 0.664988\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 912634305247603909 Time: 1.12245\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1013168150133367738 Time: 0.888488\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1014187170474222133 Time: 1.14983\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1067227531433278814 Time: 0.778124\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1554365048685552334 Time: 1.17913\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:27:45] [V] [TRT] Tactic: 1579845938601132607 Time: 0.753724\n", - "[03/14/2023-21:27:45] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1796821236841789338 Time: 1.66949\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1837941418294761657 Time: 1.15567\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1948263663414159978 Time: 1.34183\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 1989668371181446952 Time: 1.69292\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2027733232253711640 Time: 0.846576\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2148106709480872763 Time: 0.864664\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2154731107061273008 Time: 1.1006\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 2410442691266548717 Time: 0.660004\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3464689803495983377 Time: 0.848256\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3636831327753843771 Time: 0.749564\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3745975654290680669 Time: 1.183\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3754069740140581927 Time: 1.31847\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3784804427912340706 Time: 1.47599\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3823144360994712832 Time: 0.763452\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 3919868136802676679 Time: 1.15885\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5263029549013613567 Time: 0.68098\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5506334059535811602 Time: 0.667836\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5635311898703673455 Time: 0.672904\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5786991692145244692 Time: 2.26509\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5848150552772236982 Time: 1.17226\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5925270497649423688 Time: 1.16248\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 5932046018238429951 Time: 1.45362\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6103089697398018604 Time: 1.16576\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6195603576432354734 Time: 1.5014\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6252808259936499253 Time: 1.4127\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6408235920257988861 Time: 1.20643\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6623704051070449703 Time: 1.29608\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 6680916730816870145 Time: 1.33349\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7114340626053367917 Time: 1.52829\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7158029511300006471 Time: 1.28395\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7612687199567064086 Time: 1.13405\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7729555994715864793 Time: 1.1146\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7844857443355818347 Time: 1.15594\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7849296535223586261 Time: 1.17847\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 7859952145590271433 Time: 1.29449\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8219150286974756863 Time: 1.95781\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8283847742354150423 Time: 1.30033\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8455608235315878803 Time: 1.57534\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: 8668812313058150080 Time: 1.28598\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: -8992262742606384444 Time: 0.920436\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:27:46] [V] [TRT] Tactic: -8750433364328295059 Time: 1.21914\n", - "[03/14/2023-21:27:46] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8682550625095202832 Time: 0.89254\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8392835332206231687 Time: 1.7085\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -8254009616492665198 Time: 0.713324\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7615325597099025933 Time: 0.728212\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7594446953125532601 Time: 1.13632\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -7345578023323941164 Time: 1.94267\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6828337260021572283 Time: 1.74472\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6711815420995272523 Time: 1.53732\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6636202818604544855 Time: 2.11446\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6489479581011009593 Time: 0.86068\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6320761427625651496 Time: 0.826856\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6273232454637933930 Time: 0.76856\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6080892721161662420 Time: 0.690432\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -6032793021868796623 Time: 1.15916\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5818527483287834165 Time: 0.75198\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5710735840878760115 Time: 0.785712\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5589367647444470524 Time: 1.78074\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5546257196173962281 Time: 1.07922\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -5198219374380660379 Time: 0.852516\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4954692664176521434 Time: 0.679968\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4627695383426341593 Time: 1.4958\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4534876761957424274 Time: 1.17158\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4142141368456048176 Time: 1.44631\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -4116131327756252574 Time: 1.86934\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3968200906158272636 Time: 1.17586\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3784342055748695733 Time: 1.65344\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3425274793298557239 Time: 1.09023\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3271955096576257018 Time: 1.1035\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3237051169894153788 Time: 1.3053\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -3136088851200285532 Time: 0.657324\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2871615028541756894 Time: 2.12178\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2751179716463646694 Time: 1.45417\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2634388175487609605 Time: 1.77961\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -2586046817576862066 Time: 0.656252\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1708101578041178688 Time: 0.69344\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1586820571068855896 Time: 1.5314\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -1020632631321619146 Time: 1.17962\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -907287437357565279 Time: 0.688848\n", - "[03/14/2023-21:27:47] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:47] [V] [TRT] Tactic: -229563042944049199 Time: 0.672872\n", - "[03/14/2023-21:27:47] [V] [TRT] Fastest Tactic: -2586046817576862066 Time: 0.656252\n", - "[03/14/2023-21:27:47] [V] [TRT] Setting workspace to 60295680enables more tactics for profiling\n", - "[03/14/2023-21:27:47] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:47] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:47] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:47] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 0 Time: 6.7782\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1 Time: 5.38725\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 56 Time: 6.83429\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 57 Time: 5.37672\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:48] [V] [TRT] Fastest Tactic: 57 Time: 5.37672\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1754569683116234317 Time: 2.60479\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 1825138533642645384 Time: 2.68982\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 2733356012094739613 Time: 5.08146\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 3915320020053085238 Time: 2.66005\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 6808617066150061604 Time: 2.99429\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 9091006216302412844 Time: 3.05313\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: -8060443123034038864 Time: 3.07859\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: -4420849921117327522 Time: 4.79393\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: -3946921629105938337 Time: 5.17054\n", - "[03/14/2023-21:27:48] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.60479\n", - "[03/14/2023-21:27:48] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:48] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:48] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:48] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:48] [V] [TRT] Tactic: 861694390046228376 Time: 2.53878\n", - "[03/14/2023-21:27:48] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5258189349241541167 Time: 2.5939\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5821621277990374316 Time: 2.64218\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5863767799113001648 Time: 3.8407\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -9147980667639709536 Time: 2.45502\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8892196987859366827 Time: 2.53402\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8850904373104590857 Time: 2.5318\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -8010679767156598961 Time: 3.82342\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -7751035352149795660 Time: 2.45689\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -5115676123557684531 Time: 2.59421\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -493597327599791285 Time: 2.48092\n", - "[03/14/2023-21:27:49] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: -423878181466897819 Time: 3.88806\n", - "[03/14/2023-21:27:49] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 2.45502\n", - "[03/14/2023-21:27:49] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:49] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:49] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 0 Time: 5.28702\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 1 Time: 4.45716\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 2 Time: 5.62684\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 4 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 5 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:49] [V] [TRT] Tactic: 56 Time: 5.57068\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 58 Time: 5.53874\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 60 skipped. Scratch requested: 680525824, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 61 skipped. Scratch requested: 347602944, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: 1 Time: 4.45716\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] Setting workspace to 347602944enables more tactics for profiling\n", - "[03/14/2023-21:27:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1651411198763708804 Time: 1.45914\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2418518597804310654 Time: 1.50268\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 4318470497547290900 Time: 1.57712\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 4930470141256631146 Time: 2.39264\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 8292881859266835088 Time: 2.44547\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 8401509141903434922 Time: 1.53249\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -8654297089785671176 Time: 1.56293\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -7516584506774355935 Time: 2.38414\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -7140760933967189247 Time: 1.49449\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -6004726995029373073 Time: 2.38115\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -5719726816705110014 Time: 1.48469\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -4097850214384059472 Time: 2.44066\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -3717489476759089008 Time: 1.46596\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -3689982367035295496 Time: 1.4893\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2640575123064142123 Time: 1.35715\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2534402059426524406 Time: 1.35764\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -2027588946874785071 Time: 2.44684\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: -1968398013367819764 Time: 1.53202\n", - "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: -2640575123064142123 Time: 1.35715\n", - "[03/14/2023-21:27:50] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CudnnConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 0 Time: 7.00073\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1 skipped. Scratch requested: 64755200, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 56 Time: 6.96336\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:27:50] [V] [TRT] Fastest Tactic: 56 Time: 6.96336\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CublasConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:50] [V] [TRT] --------------- Timing Runner: Conv_66 + Add_67 + Relu_68 (CaskConvolution)\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 83696452256923412 Time: 0.886108\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 106549059816437840 Time: 0.928792\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 1179757074518529353 Time: 0.72442\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:50] [V] [TRT] Tactic: 2105695814191699972 Time: 1.04258\n", - "[03/14/2023-21:27:50] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2148106709480872763 Time: 0.61604\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2410442691266548717 Time: 0.720084\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2511830168590723349 Time: 0.641928\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2634905271404611895 Time: 0.580428\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2689212690707793357 Time: 0.837096\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 2798075085844016892 Time: 0.658008\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3041642431972138763 Time: 0.610908\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3091156937974993800 Time: 0.648548\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3199589679702517123 Time: 0.684068\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3754069740140581927 Time: 0.969144\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 3932578551652369355 Time: 0.88636\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4149021101886580762 Time: 0.6063\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4555462412611657028 Time: 0.61304\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 4749226340913476230 Time: 1.01446\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5483093640784800285 Time: 0.838024\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5666160310350604399 Time: 0.98014\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5900614001783877430 Time: 0.979652\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5925270497649423688 Time: 0.951736\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 5999406432703271895 Time: 0.763456\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 6680916730816870145 Time: 0.923892\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7107292614492808590 Time: 0.658864\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7158029511300006471 Time: 1.01507\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 7859952145590271433 Time: 0.907776\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8283847742354150423 Time: 0.92\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8468288610222482742 Time: 0.723992\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8620567263556985011 Time: 0.721072\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8642279798680442080 Time: 0.615108\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 8980274178270132023 Time: 0.78434\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: 9108067304506990859 Time: 0.77074\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -9104099172933216230 Time: 1.18786\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8992262742606384444 Time: 0.665704\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8956720569082607796 Time: 1.0324\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8952042869709043207 Time: 0.724772\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8898856569474934280 Time: 0.710664\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8774805574135441656 Time: 0.84016\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8749513212655756001 Time: 0.73464\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8520017388966620486 Time: 0.887628\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8487084252145372186 Time: 0.837556\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -8391760416076885205 Time: 0.951252\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7990268040387498660 Time: 1.11708\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7849113095413980300 Time: 0.86216\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -7533167286135592323 Time: 0.605532\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -6273232454637933930 Time: 0.74324\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5818527483287834165 Time: 0.751392\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5590418898350402100 Time: 0.78918\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5505475137955795830 Time: 0.526952\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5389631537202601150 Time: 0.918912\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5332866838585594777 Time: 0.5997\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5121883532434354186 Time: 0.5491\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -5006039300385557796 Time: 0.60832\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4534876761957424274 Time: 0.99248\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4352168563838861262 Time: 0.533424\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -4109084522508697633 Time: 0.713596\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -3237051169894153788 Time: 1.00873\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -3136088851200285532 Time: 0.625964\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -2827934362840121038 Time: 0.890276\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:51] [V] [TRT] Tactic: -2676138141351394855 Time: 1.16678\n", - "[03/14/2023-21:27:51] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2601537631049973288 Time: 0.549652\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2586046817576862066 Time: 0.75226\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2569977342077121032 Time: 0.829232\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2422160065350346448 Time: 0.9316\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2125188058121029448 Time: 0.781932\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -2123887091022542343 Time: 0.676672\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -1838109259315759592 Time: 0.65152\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -1216445540764179377 Time: 0.735832\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -539379305772590030 Time: 1.18036\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -288413895057594820 Time: 0.618404\n", - "[03/14/2023-21:27:52] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: -229563042944049199 Time: 0.621264\n", - "[03/14/2023-21:27:52] [V] [TRT] Fastest Tactic: -5505475137955795830 Time: 0.526952\n", - "[03/14/2023-21:27:52] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", - "[03/14/2023-21:27:52] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CublasConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_69 + Relu_70 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_71 + Relu_72 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CublasConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_73 + Add_74 + Relu_75 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_76 + Relu_77 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_78 + Relu_79 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_80 + Add_81 + Relu_82 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_83 + Relu_84 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_85 + Relu_86 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_87 + Add_88 + Relu_89 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CublasConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_90 + Relu_91 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CudnnConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_92 + Relu_93 (CaskConvolution)\r\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(50176,1,3584,256) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(50176,196,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,196:2,14,1) -> Half(6272,1:8,448,32) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Float(50176,1,3584,256) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(50176,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(6272,1:8,448,32) -> Half(25088,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,196,14,1), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(50176,1,3584,256), Float(200704,1,14336,1024) -> Float(200704,1,14336,1024) ***************\r\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(50176,196,14,1), Half(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(25088,196:2,14,1), Half(100352,196:2,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Float(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CublasConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_94 + Add_95 + Relu_96 (CaskConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Half(6272,1:8,448,32), Half(25088,1:8,1792,128) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:52] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 0 Time: 7.32004\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 1 Time: 5.09163\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 2 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216\n", - "[03/14/2023-21:27:52] [V] [TRT] Tactic: 56 Time: 7.6905\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 57 Time: 5.20313\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 58 skipped. Scratch requested: 102760448, available: 16777216\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216\n", - "[03/14/2023-21:27:53] [V] [TRT] Fastest Tactic: 1 Time: 5.09163\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 1754569683116234317 Time: 4.07314\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 1825138533642645384 Time: 4.53392\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 2733356012094739613 Time: 8.12179\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 3915320020053085238 Time: 4.70394\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 6808617066150061604 Time: 5.07384\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: 9091006216302412844 Time: 5.0079\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: -8060443123034038864 Time: 5.29493\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: -4420849921117327522 Time: 7.65894\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:27:53] [V] [TRT] Tactic: -3946921629105938337 Time: 8.23913\n", - "[03/14/2023-21:27:53] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 4.07314\n", - "[03/14/2023-21:27:53] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling\n", - "[03/14/2023-21:27:53] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:27:53] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:53] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:53] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: 861694390046228376 Time: 4.61568\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5258189349241541167 Time: 4.68694\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5821621277990374316 Time: 4.62898\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: 5863767799113001648 Time: 5.18788\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -9147980667639709536 Time: 4.29448\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8892196987859366827 Time: 4.38434\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8850904373104590857 Time: 4.69181\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -8010679767156598961 Time: 5.09774\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -7751035352149795660 Time: 4.33382\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -5115676123557684531 Time: 4.55423\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -493597327599791285 Time: 4.44888\n", - "[03/14/2023-21:27:54] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:27:54] [V] [TRT] Tactic: -423878181466897819 Time: 5.23105\n", - "[03/14/2023-21:27:54] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.29448\n", - "[03/14/2023-21:27:54] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:27:54] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 0 Time: 6.93034\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 1 Time: 5.4689\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4 skipped. Scratch requested: 1512046592, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 5 skipped. Scratch requested: 445644800, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 56 Time: 7.4906\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 60 skipped. Scratch requested: 1512046592, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 61 skipped. Scratch requested: 445644800, available: 16777216\n", - "[03/14/2023-21:27:55] [V] [TRT] Fastest Tactic: 1 Time: 5.4689\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] Setting workspace to 445644800enables more tactics for profiling\n", - "[03/14/2023-21:27:55] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:27:55] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:55] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 1651411198763708804 Time: 2.06346\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 2418518597804310654 Time: 2.94045\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4318470497547290900 Time: 2.78667\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 4930470141256631146 Time: 3.80528\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 8292881859266835088 Time: 3.82994\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: 8401509141903434922 Time: 2.67526\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: -8654297089785671176 Time: 2.52124\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: -7516584506774355935 Time: 3.91849\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:27:55] [V] [TRT] Tactic: -7140760933967189247 Time: 2.68474\n", - "[03/14/2023-21:27:55] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -6004726995029373073 Time: 3.81678\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -5719726816705110014 Time: 2.55646\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -4097850214384059472 Time: 3.8804\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -3717489476759089008 Time: 2.49708\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -3689982367035295496 Time: 2.61412\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2640575123064142123 Time: 2.37975\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2534402059426524406 Time: 2.32536\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -2027588946874785071 Time: 3.85626\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: -1968398013367819764 Time: 2.51582\n", - "[03/14/2023-21:27:56] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 2.06346\n", - "[03/14/2023-21:27:56] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:27:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CudnnConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 0 Time: 10.0588\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 1 skipped. Scratch requested: 78122496, available: 16777216\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 2 skipped. Scratch requested: 77070848, available: 16777216\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 56 Time: 10.0608\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 58 skipped. Scratch requested: 77070848, available: 16777216\n", - "[03/14/2023-21:27:56] [V] [TRT] Fastest Tactic: 0 Time: 10.0588\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CublasConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:56] [V] [TRT] --------------- Timing Runner: Conv_97 + Relu_98 (CaskConvolution)\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 83696452256923412 Time: 1.38458\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 106549059816437840 Time: 1.41377\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:27:56] [V] [TRT] Tactic: 1179757074518529353 Time: 0.861732\n", - "[03/14/2023-21:27:56] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2105695814191699972 Time: 1.44226\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2148106709480872763 Time: 0.869072\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2410442691266548717 Time: 0.689744\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2511830168590723349 Time: 0.913796\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2634905271404611895 Time: 1.06948\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2689212690707793357 Time: 1.15134\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 2798075085844016892 Time: 1.09458\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3041642431972138763 Time: 0.657196\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3091156937974993800 Time: 1.07879\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3199589679702517123 Time: 0.899508\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3754069740140581927 Time: 1.41267\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 3932578551652369355 Time: 1.6\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4149021101886580762 Time: 1.07146\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4555462412611657028 Time: 0.856776\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 4749226340913476230 Time: 1.61722\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5483093640784800285 Time: 1.43499\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5666160310350604399 Time: 1.33515\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5900614001783877430 Time: 1.69715\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5925270497649423688 Time: 1.18569\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 5999406432703271895 Time: 1.42838\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29689\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7107292614492808590 Time: 1.16041\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7158029511300006471 Time: 1.40671\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 7859952145590271433 Time: 1.27106\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8283847742354150423 Time: 1.37864\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8468288610222482742 Time: 0.775972\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8620567263556985011 Time: 0.798044\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8642279798680442080 Time: 1.1173\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 8980274178270132023 Time: 1.43027\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: 9108067304506990859 Time: 1.4313\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -9104099172933216230 Time: 2.02912\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8992262742606384444 Time: 0.8695\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8956720569082607796 Time: 1.79932\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8952042869709043207 Time: 1.15083\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8898856569474934280 Time: 1.10996\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8774805574135441656 Time: 1.18458\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8749513212655756001 Time: 0.803744\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8520017388966620486 Time: 1.62027\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8487084252145372186 Time: 1.11394\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:27:57] [V] [TRT] Tactic: -8391760416076885205 Time: 1.1375\n", - "[03/14/2023-21:27:57] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7990268040387498660 Time: 2.06404\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7849113095413980300 Time: 1.0956\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -7533167286135592323 Time: 1.04058\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -6273232454637933930 Time: 0.851528\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5818527483287834165 Time: 0.843872\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5590418898350402100 Time: 1.45715\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5505475137955795830 Time: 0.705064\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5389631537202601150 Time: 1.13388\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5332866838585594777 Time: 1.06662\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5121883532434354186 Time: 0.774492\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -5006039300385557796 Time: 0.917348\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4534876761957424274 Time: 1.24594\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4352168563838861262 Time: 0.731344\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -4109084522508697633 Time: 0.809124\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -3237051169894153788 Time: 1.35648\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -3136088851200285532 Time: 0.642624\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2827934362840121038 Time: 1.4359\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2676138141351394855 Time: 2.08636\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2601537631049973288 Time: 0.773076\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2586046817576862066 Time: 0.687704\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2569977342077121032 Time: 1.39307\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2422160065350346448 Time: 1.26246\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2125188058121029448 Time: 1.18242\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -2123887091022542343 Time: 1.14681\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -1838109259315759592 Time: 1.17478\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -1216445540764179377 Time: 0.712832\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -539379305772590030 Time: 2.00677\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -288413895057594820 Time: 0.879612\n", - "[03/14/2023-21:27:58] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: -229563042944049199 Time: 0.711368\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.642624\n", - "[03/14/2023-21:27:58] [V] [TRT] Setting workspace to 77070848enables more tactics for profiling\n", - "[03/14/2023-21:27:58] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.45432\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.629708\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.45432\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 5.46931\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.398064\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.398064\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.464352\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.317456\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.317456\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,196,14,1) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.331608\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.316348\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.316348\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.66332\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.561084\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 0 Time: 0.561084\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.452096\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.510928\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.452096\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.44676\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.57574\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.44676\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,7168,512) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 0.313516\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 0 Time: 0.351016\n", - "[03/14/2023-21:27:58] [V] [TRT] Fastest Tactic: 1002 Time: 0.313516\n", - "[03/14/2023-21:27:58] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:58] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:58] [V] [TRT] Tactic: 1002 Time: 4.90214\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.503896\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.503896\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.375112\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.500324\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.375112\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.379588\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.27612\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.27612\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(100352,196,14,1) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.353476\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.236488\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.236488\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.605968\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.329592\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.329592\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.388616\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.413492\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 1002 Time: 0.388616\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.722016\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.265392\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.265392\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(50176,196:2,14,1) -> Half(12544,1:8,896,64) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.270412\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.230252\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.230252\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.582964\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.385872\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.385872\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Float(100352,1,7168,512) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.390084\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.353288\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.353288\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(100352,196,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.566276\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.271384\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.271384\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,896,64) -> Half(50176,196:2,14,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1002 Time: 0.350004\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 0.2428\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 0.2428\n", - "[03/14/2023-21:27:59] [V] [TRT] *************** Autotuning format combination: Float(100352,196,14,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution)\n", - "[03/14/2023-21:27:59] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:27:59] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 0 Time: 7.74612\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1 skipped. Scratch requested: 66544128, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 56 Time: 7.8814\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 57 skipped. Scratch requested: 66544128, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:27:59] [V] [TRT] Fastest Tactic: 0 Time: 7.74612\n", - "[03/14/2023-21:27:59] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 1825138533642645384 Time: 4.2295\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 2842488832350522458 Time: 5.34261\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 3915320020053085238 Time: 4.82215\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:27:59] [V] [TRT] Tactic: 6448355332020552203 Time: 4.85205\n", - "[03/14/2023-21:27:59] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 6808617066150061604 Time: 5.32218\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: -8060443123034038864 Time: 5.7266\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: -4420849921117327522 Time: 8.4602\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: -3946921629105938337 Time: 7.87141\n", - "[03/14/2023-21:28:00] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.2295\n", - "[03/14/2023-21:28:00] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling\n", - "[03/14/2023-21:28:00] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:00] [V] [TRT] *************** Autotuning format combination: Float(100352,1,7168,512) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:00] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:00] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:00] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 861694390046228376 Time: 5.02945\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 1017870653102653567 Time: 4.82654\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5258189349241541167 Time: 5.0426\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5821621277990374316 Time: 4.8364\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:00] [V] [TRT] Tactic: 5863767799113001648 Time: 5.35881\n", - "[03/14/2023-21:28:00] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -9147980667639709536 Time: 4.60907\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -8850904373104590857 Time: 5.11822\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -7751035352149795660 Time: 4.75957\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -3853827649136781465 Time: 4.79651\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -3263369460438823196 Time: 4.99725\n", - "[03/14/2023-21:28:01] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: -423878181466897819 Time: 5.43002\n", - "[03/14/2023-21:28:01] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.60907\n", - "[03/14/2023-21:28:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:01] [V] [TRT] *************** Autotuning format combination: Half(100352,196,14,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 0 Time: 7.26055\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 1 Time: 6.0078\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 56 Time: 7.72977\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216\n", - "[03/14/2023-21:28:01] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:01] [V] [TRT] Fastest Tactic: 1 Time: 6.0078\n", - "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:01] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:01] [V] [TRT] Setting workspace to 1711276032enables more tactics for profiling\n", - "[03/14/2023-21:28:01] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:01] [V] [TRT] *************** Autotuning format combination: Half(50176,196:2,14,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:01] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:01] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:02] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:02] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:02] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 1145226902788474763 Time: 2.23118\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 1651411198763708804 Time: 2.91315\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 2418518597804310654 Time: 2.78732\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4318470497547290900 Time: 2.84844\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4653005425971292725 Time: 2.86252\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 4930470141256631146 Time: 3.6804\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 8292881859266835088 Time: 3.78844\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: 8401509141903434922 Time: 2.94822\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -8654297089785671176 Time: 2.59144\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -7448936905981214224 Time: 3.53554\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -6004726995029373073 Time: 3.74688\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -5719726816705110014 Time: 2.58678\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -3754890472406891741 Time: 2.57763\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -3689982367035295496 Time: 2.35897\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -2894005464278291378 Time: 3.6689\n", - "[03/14/2023-21:28:02] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:02] [V] [TRT] Tactic: -2027588946874785071 Time: 3.73945\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: -1968398013367819764 Time: 2.67864\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: -245090590808296743 Time: 2.57706\n", - "[03/14/2023-21:28:03] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.23118\n", - "[03/14/2023-21:28:03] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:28:03] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:03] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,896,64) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CudnnConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 0 Time: 11.2575\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1 skipped. Scratch requested: 36833792, available: 16777216\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 56 Time: 11.2863\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:28:03] [V] [TRT] Fastest Tactic: 0 Time: 11.2575\n", - "[03/14/2023-21:28:03] [V] [TRT] --------------- Timing Runner: Conv_99 + Relu_100 (CaskConvolution)\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 46202665595848747 Time: 1.24071\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 239013563835492727 Time: 1.5457\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 385569945292539752 Time: 2.31519\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 671037109694951988 Time: 1.31677\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 833287959109025818 Time: 1.42292\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 864841579020773074 Time: 0.778484\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 912634305247603909 Time: 1.14673\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1013168150133367738 Time: 0.952616\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1014187170474222133 Time: 1.19668\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1067227531433278814 Time: 0.834532\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1554365048685552334 Time: 1.201\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1579845938601132607 Time: 0.780224\n", - "[03/14/2023-21:28:03] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:28:03] [V] [TRT] Tactic: 1796821236841789338 Time: 1.67076\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1837941418294761657 Time: 1.44288\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1948263663414159978 Time: 1.42161\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 1989668371181446952 Time: 1.8153\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2027733232253711640 Time: 0.934992\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2148106709480872763 Time: 0.912368\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2154731107061273008 Time: 1.13959\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 2410442691266548717 Time: 0.769652\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3464689803495983377 Time: 0.856944\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3636831327753843771 Time: 0.76594\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3745975654290680669 Time: 1.3852\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3754069740140581927 Time: 1.34814\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3784804427912340706 Time: 1.48321\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3823144360994712832 Time: 0.823704\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 3919868136802676679 Time: 1.29822\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5263029549013613567 Time: 0.781716\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5506334059535811602 Time: 0.839992\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5635311898703673455 Time: 0.700352\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5786991692145244692 Time: 2.26406\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5848150552772236982 Time: 1.24356\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42492\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 5932046018238429951 Time: 1.55493\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6103089697398018604 Time: 1.49398\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6195603576432354734 Time: 1.57454\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6252808259936499253 Time: 1.58442\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6408235920257988861 Time: 1.34203\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6623704051070449703 Time: 1.3544\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29508\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7114340626053367917 Time: 1.54674\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7158029511300006471 Time: 1.35601\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7612687199567064086 Time: 1.13844\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7729555994715864793 Time: 1.22025\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7844857443355818347 Time: 1.25578\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7849296535223586261 Time: 1.23378\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 7859952145590271433 Time: 1.4075\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:28:04] [V] [TRT] Tactic: 8219150286974756863 Time: 2.13491\n", - "[03/14/2023-21:28:04] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8283847742354150423 Time: 1.39864\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8455608235315878803 Time: 1.70438\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: 8668812313058150080 Time: 1.37787\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8992262742606384444 Time: 1.07565\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8750433364328295059 Time: 1.27292\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8682550625095202832 Time: 0.894308\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8392835332206231687 Time: 1.70245\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -8254009616492665198 Time: 0.830908\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7615325597099025933 Time: 0.868252\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7594446953125532601 Time: 1.3479\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -7345578023323941164 Time: 1.93388\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6828337260021572283 Time: 2.07156\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6711815420995272523 Time: 1.67937\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6636202818604544855 Time: 2.30665\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6489479581011009593 Time: 0.945396\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6320761427625651496 Time: 0.866692\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6273232454637933930 Time: 0.760628\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6080892721161662420 Time: 0.723488\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -6032793021868796623 Time: 1.14357\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5818527483287834165 Time: 0.756804\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5710735840878760115 Time: 0.862776\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5589367647444470524 Time: 1.88004\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5546257196173962281 Time: 1.15832\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -5198219374380660379 Time: 0.963788\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4954692664176521434 Time: 0.824176\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4627695383426341593 Time: 1.51457\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38954\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4142141368456048176 Time: 1.43012\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -4116131327756252574 Time: 1.93012\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3968200906158272636 Time: 1.18672\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3784342055748695733 Time: 1.71603\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3425274793298557239 Time: 1.1558\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3271955096576257018 Time: 1.23037\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3237051169894153788 Time: 1.4184\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -3136088851200285532 Time: 0.68026\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:28:05] [V] [TRT] Tactic: -2871615028541756894 Time: 2.19061\n", - "[03/14/2023-21:28:05] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2751179716463646694 Time: 1.54812\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2634388175487609605 Time: 1.9156\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -2586046817576862066 Time: 0.794828\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1708101578041178688 Time: 0.829452\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1586820571068855896 Time: 1.4947\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -1020632631321619146 Time: 1.43622\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -907287437357565279 Time: 0.801704\n", - "[03/14/2023-21:28:06] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: -229563042944049199 Time: 0.671056\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.671056\n", - "[03/14/2023-21:28:06] [V] [TRT] Setting workspace to 64225792enables more tactics for profiling\n", - "[03/14/2023-21:28:06] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.115736\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.141608\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.115736\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 1.45334\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.105728\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.105728\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.118272\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.082048\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.082048\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.084208\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.083364\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.083364\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.163836\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.129036\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.129036\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.111096\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.116168\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.111096\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.11636\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.122652\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.11636\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.082468\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.089656\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.082468\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 1.29553\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.128592\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.128592\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.092112\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.119332\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.092112\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.104424\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.06968\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.06968\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.10172\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.061096\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.061096\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.14848\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.083316\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.083316\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.092844\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.099896\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 1002 Time: 0.092844\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.159756\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.067376\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.067376\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.068168\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.068068\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.068068\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.140668\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.105488\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.105488\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.094676\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.091864\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.091864\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.132396\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.075528\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.075528\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1002 Time: 0.091652\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 0.065472\n", - "[03/14/2023-21:28:06] [V] [TRT] Fastest Tactic: 0 Time: 0.065472\n", - "[03/14/2023-21:28:06] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:06] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:06] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:06] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 0 Time: 3.59007\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 1 Time: 2.6594\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 2 Time: 3.97058\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 56 Time: 3.95542\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 57 Time: 2.69806\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 58 Time: 4.21634\n", - "[03/14/2023-21:28:06] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:07] [V] [TRT] Fastest Tactic: 1 Time: 2.6594\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 1754569683116234317 Time: 2.17841\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 1825138533642645384 Time: 2.24409\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 2733356012094739613 Time: 4.00972\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 3915320020053085238 Time: 2.33122\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 6808617066150061604 Time: 2.55934\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 9091006216302412844 Time: 2.52218\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8060443123034038864 Time: 2.65192\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -4420849921117327522 Time: 3.94232\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -3946921629105938337 Time: 4.09858\n", - "[03/14/2023-21:28:07] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 2.17841\n", - "[03/14/2023-21:28:07] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:07] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:07] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:07] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 861694390046228376 Time: 2.3409\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5258189349241541167 Time: 2.33206\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5821621277990374316 Time: 2.25309\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: 5863767799113001648 Time: 2.77606\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -9147980667639709536 Time: 2.1616\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8892196987859366827 Time: 2.16877\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8850904373104590857 Time: 2.25587\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -8010679767156598961 Time: 2.73436\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -7751035352149795660 Time: 2.14157\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:07] [V] [TRT] Tactic: -5115676123557684531 Time: 2.20082\n", - "[03/14/2023-21:28:07] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -493597327599791285 Time: 2.29974\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -423878181466897819 Time: 2.79602\n", - "[03/14/2023-21:28:08] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.14157\n", - "[03/14/2023-21:28:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 0 Time: 3.39653\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 1 Time: 2.76391\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 2 Time: 4.02812\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 56 Time: 3.69934\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 58 Time: 3.93592\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:08] [V] [TRT] Fastest Tactic: 1 Time: 2.76391\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:08] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:08] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 1651411198763708804 Time: 1.08406\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 2418518597804310654 Time: 1.20034\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4318470497547290900 Time: 1.3008\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 4930470141256631146 Time: 1.72656\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 8292881859266835088 Time: 1.73004\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: 8401509141903434922 Time: 1.29258\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -8654297089785671176 Time: 1.23912\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -7516584506774355935 Time: 1.75579\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -7140760933967189247 Time: 1.22788\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -6004726995029373073 Time: 1.63376\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -5719726816705110014 Time: 1.35299\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -4097850214384059472 Time: 1.71166\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -3717489476759089008 Time: 1.28689\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:08] [V] [TRT] Tactic: -3689982367035295496 Time: 1.29532\n", - "[03/14/2023-21:28:08] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2640575123064142123 Time: 1.18919\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2534402059426524406 Time: 1.17331\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -2027588946874785071 Time: 1.72004\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -1968398013367819764 Time: 1.26918\n", - "[03/14/2023-21:28:09] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.08406\n", - "[03/14/2023-21:28:09] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CudnnConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 0 Time: 4.86873\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 56 Time: 4.98544\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:09] [V] [TRT] Fastest Tactic: 0 Time: 4.86873\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CublasConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:09] [V] [TRT] --------------- Timing Runner: Conv_101 (CaskConvolution)\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 83696452256923412 Time: 0.7362\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 106549059816437840 Time: 0.707012\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 1179757074518529353 Time: 0.43902\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2105695814191699972 Time: 0.682748\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2148106709480872763 Time: 0.422244\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2410442691266548717 Time: 0.40212\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2511830168590723349 Time: 0.508472\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2634905271404611895 Time: 0.512208\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2689212690707793357 Time: 0.581876\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 2798075085844016892 Time: 0.511672\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3041642431972138763 Time: 0.340556\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3091156937974993800 Time: 0.493276\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3199589679702517123 Time: 0.490972\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3754069740140581927 Time: 0.687124\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 3932578551652369355 Time: 0.7518\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4149021101886580762 Time: 0.49716\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4555462412611657028 Time: 0.438104\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 4749226340913476230 Time: 0.7929\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5483093640784800285 Time: 0.691116\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5666160310350604399 Time: 0.697788\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5900614001783877430 Time: 0.843592\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5925270497649423688 Time: 0.623088\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 5999406432703271895 Time: 0.659428\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 6680916730816870145 Time: 0.644\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7107292614492808590 Time: 0.544772\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7158029511300006471 Time: 0.740832\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 7859952145590271433 Time: 0.694488\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8283847742354150423 Time: 0.708016\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8468288610222482742 Time: 0.427532\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8620567263556985011 Time: 0.418552\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8642279798680442080 Time: 0.498724\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 8980274178270132023 Time: 0.638888\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: 9108067304506990859 Time: 0.659136\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -9104099172933216230 Time: 0.975416\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8992262742606384444 Time: 0.450692\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8956720569082607796 Time: 0.860196\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8952042869709043207 Time: 0.56526\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8898856569474934280 Time: 0.545764\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8774805574135441656 Time: 0.639812\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:09] [V] [TRT] Tactic: -8749513212655756001 Time: 0.421016\n", - "[03/14/2023-21:28:09] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8520017388966620486 Time: 0.76096\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8487084252145372186 Time: 0.575008\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -8391760416076885205 Time: 0.59254\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7990268040387498660 Time: 0.951956\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7849113095413980300 Time: 0.568876\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -7533167286135592323 Time: 0.494332\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -6273232454637933930 Time: 0.4956\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5818527483287834165 Time: 0.474824\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5590418898350402100 Time: 0.698808\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5505475137955795830 Time: 0.357168\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5389631537202601150 Time: 0.577072\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5332866838585594777 Time: 0.51054\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5121883532434354186 Time: 0.391436\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -5006039300385557796 Time: 0.44268\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4534876761957424274 Time: 0.642212\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4352168563838861262 Time: 0.360496\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -4109084522508697633 Time: 0.422068\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -3237051169894153788 Time: 0.690948\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -3136088851200285532 Time: 0.357736\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2827934362840121038 Time: 0.751368\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2676138141351394855 Time: 1.0011\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2601537631049973288 Time: 0.37942\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2586046817576862066 Time: 0.405552\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2569977342077121032 Time: 0.676256\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2422160065350346448 Time: 0.65612\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2125188058121029448 Time: 0.622448\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -2123887091022542343 Time: 0.55672\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -1838109259315759592 Time: 0.533772\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -1216445540764179377 Time: 0.3902\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -539379305772590030 Time: 0.976472\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -288413895057594820 Time: 0.433252\n", - "[03/14/2023-21:28:10] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: -229563042944049199 Time: 0.36102\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.340556\n", - "[03/14/2023-21:28:10] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", - "[03/14/2023-21:28:10] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(200704,1,14336,1024) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(200704,196,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,196:2,14,1) -> Half(25088,1:8,1792,128) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Float(200704,1,14336,1024) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(200704,196,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(25088,1:8,1792,128) -> Half(100352,196:2,14,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.444624\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.614284\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.444624\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 5.92742\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.398608\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.398608\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.451868\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.31818\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.31818\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.321008\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.312708\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.312708\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.647124\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.481372\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.481372\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.42778\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.446968\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.42778\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.446664\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.4831\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.446664\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.314168\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.356248\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.314168\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 5.88498\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.504548\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.504548\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.35734\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.458464\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.35734\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.40054\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.274272\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.274272\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.40274\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.23812\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.23812\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.578308\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.328528\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.328528\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.36506\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.425088\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.36506\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.639172\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.266076\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.266076\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.249384\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.264124\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 1002 Time: 0.249384\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 1002 Time: 0.550064\n", - "[03/14/2023-21:28:10] [V] [TRT] Tactic: 0 Time: 0.410868\n", - "[03/14/2023-21:28:10] [V] [TRT] Fastest Tactic: 0 Time: 0.410868\n", - "[03/14/2023-21:28:10] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:10] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.373664\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.354312\n", - "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.354312\n", - "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.497216\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.2894\n", - "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.2894\n", - "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1002 Time: 0.348996\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 0.249548\n", - "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 0.249548\n", - "[03/14/2023-21:28:11] [V] [TRT] *************** Autotuning format combination: Float(200704,196,14,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:11] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:11] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 0 Time: 9.40732\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1 skipped. Scratch requested: 22842880, available: 16777216\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 56 Time: 9.55402\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 57 skipped. Scratch requested: 22842880, available: 16777216\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:28:11] [V] [TRT] Fastest Tactic: 0 Time: 9.40732\n", - "[03/14/2023-21:28:11] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1754569683116234317 Time: 7.33462\n", - "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:11] [V] [TRT] Tactic: 1825138533642645384 Time: 7.35192\n", - "[03/14/2023-21:28:11] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:12] [V] [TRT] Tactic: 2733356012094739613 Time: 27.3396\n", - "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:12] [V] [TRT] Tactic: 3915320020053085238 Time: 7.34324\n", - "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:12] [V] [TRT] Tactic: 6808617066150061604 Time: 14.2384\n", - "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:12] [V] [TRT] Tactic: 9091006216302412844 Time: 14.3443\n", - "[03/14/2023-21:28:12] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:13] [V] [TRT] Tactic: -8060443123034038864 Time: 14.2424\n", - "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:13] [V] [TRT] Tactic: -4420849921117327522 Time: 25.5956\n", - "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:13] [V] [TRT] Tactic: -3946921629105938337 Time: 27.2883\n", - "[03/14/2023-21:28:13] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 7.33462\n", - "[03/14/2023-21:28:13] [V] [TRT] Setting workspace to 25690112enables more tactics for profiling\n", - "[03/14/2023-21:28:13] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:13] [V] [TRT] *************** Autotuning format combination: Float(200704,1,14336,1024), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:13] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:13] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:13] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:13] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: 861694390046228376 Time: 4.09294\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5258189349241541167 Time: 5.14246\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5821621277990374316 Time: 4.71596\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: 5863767799113001648 Time: 5.45027\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -9147980667639709536 Time: 4.3399\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8892196987859366827 Time: 4.60346\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8850904373104590857 Time: 4.68114\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -8010679767156598961 Time: 5.44236\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -7751035352149795660 Time: 4.30252\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -5115676123557684531 Time: 4.54739\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -493597327599791285 Time: 4.72252\n", - "[03/14/2023-21:28:14] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:14] [V] [TRT] Tactic: -423878181466897819 Time: 5.55244\n", - "[03/14/2023-21:28:14] [V] [TRT] Fastest Tactic: 861694390046228376 Time: 4.09294\n", - "[03/14/2023-21:28:14] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 861694390046228376\n", - "[03/14/2023-21:28:14] [V] [TRT] *************** Autotuning format combination: Half(200704,196,14,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 0 Time: 7.87481\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 1 Time: 14.9791\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 2 Time: 7.65489\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 56 Time: 8.22612\n", - "[03/14/2023-21:28:15] [V] [TRT] Tactic: 58 Time: 8.10438\n", - "[03/14/2023-21:28:15] [V] [TRT] Fastest Tactic: 2 Time: 7.65489\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:15] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 2\n", - "[03/14/2023-21:28:15] [V] [TRT] *************** Autotuning format combination: Half(100352,196:2,14,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:15] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:15] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 1651411198763708804 Time: 7.01846\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 2418518597804310654 Time: 6.96938\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 4318470497547290900 Time: 7.03324\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 4930470141256631146 Time: 13.4944\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 8292881859266835088 Time: 13.3062\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: 8401509141903434922 Time: 6.98158\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:16] [V] [TRT] Tactic: -8654297089785671176 Time: 3.50769\n", - "[03/14/2023-21:28:16] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -7516584506774355935 Time: 13.7822\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -7140760933967189247 Time: 6.9936\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -6004726995029373073 Time: 13.5182\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -5719726816705110014 Time: 3.45193\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -4097850214384059472 Time: 13.5309\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:17] [V] [TRT] Tactic: -3717489476759089008 Time: 7.01136\n", - "[03/14/2023-21:28:17] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -3689982367035295496 Time: 3.50014\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2640575123064142123 Time: 3.60296\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2534402059426524406 Time: 3.65638\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -2027588946874785071 Time: 13.354\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: -1968398013367819764 Time: 3.4502\n", - "[03/14/2023-21:28:18] [V] [TRT] Fastest Tactic: -1968398013367819764 Time: 3.4502\n", - "[03/14/2023-21:28:18] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:18] [V] [TRT] *************** Autotuning format combination: Half(25088,1:8,1792,128), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CudnnConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 0 Time: 10.2999\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 1 skipped. Scratch requested: 81273344, available: 16777216\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 2 skipped. Scratch requested: 38535680, available: 16777216\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 56 Time: 10.4793\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 58 skipped. Scratch requested: 38535680, available: 16777216\n", - "[03/14/2023-21:28:18] [V] [TRT] Fastest Tactic: 0 Time: 10.2999\n", - "[03/14/2023-21:28:18] [V] [TRT] --------------- Timing Runner: Conv_102 + Add_103 + Relu_104 (CaskConvolution)\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:28:18] [V] [TRT] Tactic: 385569945292539752 Time: 2.0144\n", - "[03/14/2023-21:28:18] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 833287959109025818 Time: 1.55876\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1013168150133367738 Time: 1.0707\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1067227531433278814 Time: 0.946288\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1179757074518529353 Time: 0.955948\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1554365048685552334 Time: 1.27988\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1579845938601132607 Time: 0.94132\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1796821236841789338 Time: 1.79918\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1948263663414159978 Time: 1.65778\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 1989668371181446952 Time: 1.96766\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2027733232253711640 Time: 0.999572\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2105695814191699972 Time: 1.52606\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2148106709480872763 Time: 0.889792\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2410442691266548717 Time: 0.735824\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2511830168590723349 Time: 0.921352\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 2798075085844016892 Time: 1.08228\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3041642431972138763 Time: 0.721064\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3745975654290680669 Time: 1.16229\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3754069740140581927 Time: 1.48159\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3784804427912340706 Time: 1.53562\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 3919868136802676679 Time: 1.30873\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4149021101886580762 Time: 1.41094\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4555462412611657028 Time: 1.0188\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 4749226340913476230 Time: 1.8936\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5483093640784800285 Time: 1.61498\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5666160310350604399 Time: 1.63998\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5848150552772236982 Time: 1.22244\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5900614001783877430 Time: 1.87183\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5925270497649423688 Time: 1.27646\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 5999406432703271895 Time: 1.48674\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6103089697398018604 Time: 1.33987\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6195603576432354734 Time: 1.88652\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6408235920257988861 Time: 1.55215\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6623704051070449703 Time: 1.4285\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 6680916730816870145 Time: 1.42197\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:28:19] [V] [TRT] Tactic: 7114340626053367917 Time: 1.55915\n", - "[03/14/2023-21:28:19] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7158029511300006471 Time: 1.54505\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7612687199567064086 Time: 1.41131\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7729555994715864793 Time: 1.38368\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7844857443355818347 Time: 1.11838\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 7859952145590271433 Time: 1.31767\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8283847742354150423 Time: 1.40633\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8455608235315878803 Time: 1.7134\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: 8668812313058150080 Time: 1.53982\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8992262742606384444 Time: 1.04544\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8952042869709043207 Time: 1.30008\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8898856569474934280 Time: 1.17158\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8774805574135441656 Time: 1.27135\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8750433364328295059 Time: 1.20673\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8749513212655756001 Time: 0.814204\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8520017388966620486 Time: 1.66762\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8487084252145372186 Time: 1.25807\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8392835332206231687 Time: 1.76315\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8391760416076885205 Time: 1.33762\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -8254009616492665198 Time: 0.816976\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7849113095413980300 Time: 1.16037\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7615325597099025933 Time: 0.841088\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7594446953125532601 Time: 1.17247\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7533167286135592323 Time: 1.37266\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -7345578023323941164 Time: 1.98948\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6828337260021572283 Time: 2.0789\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6711815420995272523 Time: 1.78024\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6636202818604544855 Time: 2.36158\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6489479581011009593 Time: 1.06261\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6273232454637933930 Time: 0.996472\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -6080892721161662420 Time: 0.813172\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5818527483287834165 Time: 0.935008\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5710735840878760115 Time: 0.935872\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5589367647444470524 Time: 1.85828\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5198219374380660379 Time: 1.13826\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5121883532434354186 Time: 0.980384\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:20] [V] [TRT] Tactic: -5006039300385557796 Time: 1.09381\n", - "[03/14/2023-21:28:20] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4627695383426341593 Time: 1.66624\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4534876761957424274 Time: 1.38517\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4352168563838861262 Time: 0.77396\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4116131327756252574 Time: 1.92079\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -4109084522508697633 Time: 0.845116\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3968200906158272636 Time: 1.23246\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3425274793298557239 Time: 1.37958\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3271955096576257018 Time: 1.3466\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3237051169894153788 Time: 1.60063\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -3136088851200285532 Time: 0.765656\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2871615028541756894 Time: 2.27791\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2827934362840121038 Time: 1.90748\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2676138141351394855 Time: 2.54605\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2586046817576862066 Time: 0.82512\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2569977342077121032 Time: 1.55455\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -2422160065350346448 Time: 1.41901\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1838109259315759592 Time: 1.49765\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1708101578041178688 Time: 0.864912\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1586820571068855896 Time: 1.55874\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1216445540764179377 Time: 0.799876\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -1020632631321619146 Time: 1.18685\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -907287437357565279 Time: 0.81596\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -539379305772590030 Time: 2.05574\n", - "[03/14/2023-21:28:21] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: -229563042944049199 Time: 0.854796\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.721064\n", - "[03/14/2023-21:28:21] [V] [TRT] Setting workspace to 38535680enables more tactics for profiling\n", - "[03/14/2023-21:28:21] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.437456\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.7103\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.437456\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 6.24666\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.398396\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.398396\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.45126\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.314332\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.314332\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.321168\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.313112\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.313112\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.646956\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.485776\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 0 Time: 0.485776\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.427448\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.456676\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.427448\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.446624\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.488548\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.446624\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 1002 Time: 0.313884\n", - "[03/14/2023-21:28:21] [V] [TRT] Tactic: 0 Time: 0.353456\n", - "[03/14/2023-21:28:21] [V] [TRT] Fastest Tactic: 1002 Time: 0.313884\n", - "[03/14/2023-21:28:21] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:21] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 5.9036\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.504748\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.504748\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.357944\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.460528\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.357944\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.400888\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.2758\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.2758\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.403168\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.237888\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.237888\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.576216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.32938\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.32938\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.366172\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.422748\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.366172\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.633112\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.261804\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.261804\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.24776\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.26214\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 1002 Time: 0.24776\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.550492\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.411384\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.411384\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.374456\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.353692\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.353692\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.497316\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.289628\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.289628\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1002 Time: 0.348956\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 0.249628\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 0.249628\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 0 Time: 3.17471\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1 skipped. Scratch requested: 18747904, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 2 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 56 Time: 3.41189\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 57 skipped. Scratch requested: 18747904, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 58 skipped. Scratch requested: 51380224, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:22] [V] [TRT] Fastest Tactic: 0 Time: 3.17471\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:22] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1754569683116234317 Time: 1.88141\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 1825138533642645384 Time: 2.14552\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 2733356012094739613 Time: 3.80325\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 3915320020053085238 Time: 2.31113\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 6808617066150061604 Time: 2.4557\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: 9091006216302412844 Time: 2.34033\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: -8060443123034038864 Time: 2.64058\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:22] [V] [TRT] Tactic: -4420849921117327522 Time: 3.73206\n", - "[03/14/2023-21:28:22] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -3946921629105938337 Time: 4.00475\n", - "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: 1754569683116234317 Time: 1.88141\n", - "[03/14/2023-21:28:23] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 861694390046228376 Time: 2.2504\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5258189349241541167 Time: 2.35123\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5821621277990374316 Time: 2.22636\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5863767799113001648 Time: 2.51496\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -9147980667639709536 Time: 2.16941\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8892196987859366827 Time: 2.16652\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8850904373104590857 Time: 2.2274\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -8010679767156598961 Time: 2.42274\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -7751035352149795660 Time: 2.12202\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -5115676123557684531 Time: 2.29914\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -493597327599791285 Time: 2.2048\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: -423878181466897819 Time: 2.5802\n", - "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.12202\n", - "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 0 Time: 3.16828\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 1 Time: 2.58034\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 2 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 4 skipped. Scratch requested: 3024093184, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 56 Time: 3.57156\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 58 skipped. Scratch requested: 25690112, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 60 skipped. Scratch requested: 3024093184, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:23] [V] [TRT] Fastest Tactic: 1 Time: 2.58034\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:23] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:23] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 1651411198763708804 Time: 1.02412\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 2418518597804310654 Time: 1.04868\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:23] [V] [TRT] Tactic: 4318470497547290900 Time: 1.16542\n", - "[03/14/2023-21:28:23] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4930470141256631146 Time: 1.7656\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 8292881859266835088 Time: 1.8047\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 8401509141903434922 Time: 1.2486\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -8654297089785671176 Time: 1.22767\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -7516584506774355935 Time: 1.82717\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -7140760933967189247 Time: 1.2412\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -6004726995029373073 Time: 1.70669\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -5719726816705110014 Time: 1.17104\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -4097850214384059472 Time: 1.82233\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -3717489476759089008 Time: 1.20366\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -3689982367035295496 Time: 1.11146\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2640575123064142123 Time: 1.11741\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2534402059426524406 Time: 1.10719\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -2027588946874785071 Time: 1.73875\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: -1968398013367819764 Time: 1.14433\n", - "[03/14/2023-21:28:24] [V] [TRT] Fastest Tactic: 1651411198763708804 Time: 1.02412\n", - "[03/14/2023-21:28:24] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:24] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CudnnConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 0 Time: 4.63231\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34212352, available: 16777216\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 56 Time: 4.76478\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:24] [V] [TRT] Fastest Tactic: 0 Time: 4.63231\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CublasConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:24] [V] [TRT] --------------- Timing Runner: Conv_105 + Relu_106 (CaskConvolution)\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 83696452256923412 Time: 0.694824\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 106549059816437840 Time: 0.624524\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 1179757074518529353 Time: 0.330984\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2105695814191699972 Time: 0.607828\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2148106709480872763 Time: 0.405552\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2410442691266548717 Time: 0.345948\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2511830168590723349 Time: 0.396416\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2634905271404611895 Time: 0.49628\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2689212690707793357 Time: 0.600372\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 2798075085844016892 Time: 0.525492\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3041642431972138763 Time: 0.319352\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3091156937974993800 Time: 0.525424\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3199589679702517123 Time: 0.403336\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3754069740140581927 Time: 0.64972\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 3932578551652369355 Time: 0.751516\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4149021101886580762 Time: 0.501908\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4555462412611657028 Time: 0.410432\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 4749226340913476230 Time: 0.773584\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:24] [V] [TRT] Tactic: 5483093640784800285 Time: 0.681012\n", - "[03/14/2023-21:28:24] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5666160310350604399 Time: 0.63878\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5900614001783877430 Time: 0.817508\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5925270497649423688 Time: 0.644848\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5999406432703271895 Time: 0.646268\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 6680916730816870145 Time: 0.552972\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7107292614492808590 Time: 0.526708\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7158029511300006471 Time: 0.639044\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 7859952145590271433 Time: 0.570948\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8283847742354150423 Time: 0.642092\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8468288610222482742 Time: 0.399164\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8620567263556985011 Time: 0.397404\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8642279798680442080 Time: 0.47876\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 8980274178270132023 Time: 0.61906\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 9108067304506990859 Time: 0.631872\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -9104099172933216230 Time: 0.881476\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8992262742606384444 Time: 0.401748\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8956720569082607796 Time: 0.8346\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8952042869709043207 Time: 0.54672\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8898856569474934280 Time: 0.514716\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8774805574135441656 Time: 0.529596\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8749513212655756001 Time: 0.407532\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8520017388966620486 Time: 0.746608\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8487084252145372186 Time: 0.5999\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -8391760416076885205 Time: 0.608364\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7990268040387498660 Time: 0.973204\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7849113095413980300 Time: 0.613852\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -7533167286135592323 Time: 0.504652\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -6273232454637933930 Time: 0.363656\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5818527483287834165 Time: 0.35416\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5590418898350402100 Time: 0.672176\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5505475137955795830 Time: 0.32816\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5389631537202601150 Time: 0.5944\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5332866838585594777 Time: 0.49142\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5121883532434354186 Time: 0.385028\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -5006039300385557796 Time: 0.421032\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4534876761957424274 Time: 0.633324\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4352168563838861262 Time: 0.333916\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -4109084522508697633 Time: 0.42\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -3237051169894153788 Time: 0.621992\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -3136088851200285532 Time: 0.313548\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2827934362840121038 Time: 0.685924\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2676138141351394855 Time: 1.00903\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2601537631049973288 Time: 0.395264\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2586046817576862066 Time: 0.362512\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2569977342077121032 Time: 0.672892\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2422160065350346448 Time: 0.577172\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2125188058121029448 Time: 0.491664\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -2123887091022542343 Time: 0.50706\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -1838109259315759592 Time: 0.49628\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -1216445540764179377 Time: 0.330824\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -539379305772590030 Time: 0.885472\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -288413895057594820 Time: 0.414644\n", - "[03/14/2023-21:28:25] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: -229563042944049199 Time: 0.3145\n", - "[03/14/2023-21:28:25] [V] [TRT] Fastest Tactic: -3136088851200285532 Time: 0.313548\n", - "[03/14/2023-21:28:25] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", - "[03/14/2023-21:28:25] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:25] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:25] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:25] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 0 Time: 7.25884\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 1 skipped. Scratch requested: 29915648, available: 16777216\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 2 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:25] [V] [TRT] Tactic: 6 skipped. Scratch requested: 26218496, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 56 Time: 7.4586\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 57 skipped. Scratch requested: 29915648, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 58 skipped. Scratch requested: 115605504, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 62 skipped. Scratch requested: 26218496, available: 16777216\n", - "[03/14/2023-21:28:26] [V] [TRT] Fastest Tactic: 0 Time: 7.25884\n", - "[03/14/2023-21:28:26] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 1825138533642645384 Time: 4.25226\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_winograd_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: 2775507031594384867\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 2775507031594384867 Time: 7.8254\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_xregs_large_nn_v1 Tactic: 2842488832350522458\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 2842488832350522458 Time: 5.13643\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 3915320020053085238 Time: 4.59154\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_xregs_large_nn_v1 Tactic: 6448355332020552203\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 6448355332020552203 Time: 5.0745\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: 6808617066150061604 Time: 4.80033\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: -8060443123034038864 Time: 5.44805\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:26] [V] [TRT] Tactic: -4420849921117327522 Time: 7.23196\n", - "[03/14/2023-21:28:26] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3946921629105938337 Time: 6.16992\n", - "[03/14/2023-21:28:27] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 4.25226\n", - "[03/14/2023-21:28:27] [V] [TRT] Setting workspace to 26218496enables more tactics for profiling\n", - "[03/14/2023-21:28:27] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:27] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:27] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:27] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:27] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 861694390046228376 Time: 4.73828\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: 1017870653102653567\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 1017870653102653567 Time: 4.56151\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5258189349241541167 Time: 4.82198\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5821621277990374316 Time: 4.68076\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: 5863767799113001648 Time: 5.19028\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -9147980667639709536 Time: 4.51698\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -8850904373104590857 Time: 4.98286\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -7751035352149795660 Time: 4.57289\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x128_relu_exp_large_nhwc_tn_v1 Tactic: -3853827649136781465\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3853827649136781465 Time: 4.61486\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_large_nhwc_tn_v1 Tactic: -3263369460438823196\n", - "[03/14/2023-21:28:27] [V] [TRT] Tactic: -3263369460438823196 Time: 4.75174\n", - "[03/14/2023-21:28:27] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: -423878181466897819 Time: 5.43592\n", - "[03/14/2023-21:28:28] [V] [TRT] Fastest Tactic: -9147980667639709536 Time: 4.51698\n", - "[03/14/2023-21:28:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:28] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 0 Time: 6.89095\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1 Time: 5.3297\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 2 skipped. Scratch requested: 57802752, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4 skipped. Scratch requested: 764411904, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 5 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 56 Time: 7.21984\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 58 skipped. Scratch requested: 57802752, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 60 skipped. Scratch requested: 764411904, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 61 skipped. Scratch requested: 1711276032, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216\n", - "[03/14/2023-21:28:28] [V] [TRT] Fastest Tactic: 1 Time: 5.3297\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:28] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling\n", - "[03/14/2023-21:28:28] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:28] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:28] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 1145226902788474763\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1145226902788474763 Time: 2.22238\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 1651411198763708804 Time: 2.75311\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 2418518597804310654 Time: 2.78011\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4318470497547290900 Time: 2.49019\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_large_nn_v1 Tactic: 4653005425971292725\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4653005425971292725 Time: 2.70842\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 4930470141256631146 Time: 3.36413\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:28] [V] [TRT] Tactic: 8292881859266835088 Time: 3.3074\n", - "[03/14/2023-21:28:28] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 8401509141903434922 Time: 2.58867\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -8654297089785671176 Time: 2.43669\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -7448936905981214224\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -7448936905981214224 Time: 3.32389\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -6004726995029373073 Time: 2.79537\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -5719726816705110014 Time: 2.44029\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -3754890472406891741\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3754890472406891741 Time: 2.62876\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3689982367035295496 Time: 2.50343\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_winograd_fp16x2_128x128_ldg1_ldg4_relu_tile148t_nt_v1 Tactic: -3140347171730126532\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -3140347171730126532 Time: 3.91865\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_large_nn_v1 Tactic: -2894005464278291378\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -2894005464278291378 Time: 3.54028\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -2027588946874785071 Time: 2.91347\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -1968398013367819764 Time: 2.75149\n", - "[03/14/2023-21:28:29] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_large_nn_v1 Tactic: -245090590808296743\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: -245090590808296743 Time: 2.63149\n", - "[03/14/2023-21:28:29] [V] [TRT] Fastest Tactic: 1145226902788474763 Time: 2.22238\n", - "[03/14/2023-21:28:29] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1145226902788474763\n", - "[03/14/2023-21:28:29] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:29] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:29] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:29] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:29] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:29] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CudnnConvolution)\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 0 Time: 9.82126\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 1 skipped. Scratch requested: 17566208, available: 16777216\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 2 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:28:29] [V] [TRT] Tactic: 6 skipped. Scratch requested: 61346304, available: 16777216\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 56 Time: 9.80386\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 58 skipped. Scratch requested: 64225792, available: 16777216\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 62 skipped. Scratch requested: 61346304, available: 16777216\n", - "[03/14/2023-21:28:30] [V] [TRT] Fastest Tactic: 56 Time: 9.80386\n", - "[03/14/2023-21:28:30] [V] [TRT] --------------- Timing Runner: Conv_107 + Relu_108 (CaskConvolution)\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r3s3 Tactic: 46202665595848747\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 46202665595848747 Time: 1.19205\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 239013563835492727\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 239013563835492727 Time: 1.46871\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 385569945292539752\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 385569945292539752 Time: 2.30661\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 671037109694951988\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 671037109694951988 Time: 1.23824\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 833287959109025818\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 833287959109025818 Time: 1.34493\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 864841579020773074\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 864841579020773074 Time: 0.766328\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r3s3 Tactic: 912634305247603909\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 912634305247603909 Time: 1.10503\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1013168150133367738\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1013168150133367738 Time: 0.8815\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1014187170474222133\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1014187170474222133 Time: 1.12675\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1067227531433278814\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1067227531433278814 Time: 0.761044\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: 1554365048685552334\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1554365048685552334 Time: 1.14269\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 1579845938601132607\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1579845938601132607 Time: 0.709164\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1796821236841789338\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1796821236841789338 Time: 1.57347\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r3s3 Tactic: 1837941418294761657\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1837941418294761657 Time: 1.3998\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: 1948263663414159978\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1948263663414159978 Time: 1.28432\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 1989668371181446952\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 1989668371181446952 Time: 1.71187\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: 2027733232253711640\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2027733232253711640 Time: 0.833856\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2148106709480872763 Time: 0.823492\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 2154731107061273008\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2154731107061273008 Time: 1.02563\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 2410442691266548717 Time: 0.74148\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3464689803495983377 Time: 0.78334\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 3636831327753843771\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3636831327753843771 Time: 0.696396\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 3745975654290680669\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3745975654290680669 Time: 1.32178\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3754069740140581927 Time: 1.25955\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3784804427912340706\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3784804427912340706 Time: 1.45374\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 3823144360994712832\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3823144360994712832 Time: 0.74256\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 3919868136802676679\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 3919868136802676679 Time: 1.15783\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 5263029549013613567\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5263029549013613567 Time: 0.686152\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r3s3 Tactic: 5506334059535811602\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5506334059535811602 Time: 0.79102\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: 5635311898703673455\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5635311898703673455 Time: 0.658084\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: 5786991692145244692\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5786991692145244692 Time: 2.11769\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 5848150552772236982\n", - "[03/14/2023-21:28:30] [V] [TRT] Tactic: 5848150552772236982 Time: 1.16172\n", - "[03/14/2023-21:28:30] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 5925270497649423688 Time: 1.42868\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r3s3 Tactic: 5932046018238429951\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 5932046018238429951 Time: 1.45219\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4 Tactic: 6103089697398018604\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6103089697398018604 Time: 1.58852\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 6195603576432354734\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6195603576432354734 Time: 1.58974\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 6252808259936499253\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6252808259936499253 Time: 1.49613\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 6408235920257988861\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6408235920257988861 Time: 1.22248\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: 6623704051070449703\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6623704051070449703 Time: 1.30094\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 6680916730816870145 Time: 1.29789\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7114340626053367917\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7114340626053367917 Time: 1.48702\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7158029511300006471 Time: 1.30837\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7612687199567064086\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7612687199567064086 Time: 1.12342\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 7729555994715864793\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7729555994715864793 Time: 1.12336\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: 7844857443355818347\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7844857443355818347 Time: 1.25015\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: 7849296535223586261\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7849296535223586261 Time: 1.22356\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 7859952145590271433 Time: 1.29528\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r3s3 Tactic: 8219150286974756863\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8219150286974756863 Time: 2.00943\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8283847742354150423 Time: 1.48719\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8 Tactic: 8455608235315878803\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8455608235315878803 Time: 1.65789\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: 8668812313058150080\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: 8668812313058150080 Time: 1.32341\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8992262742606384444 Time: 0.908484\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -8750433364328295059\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8750433364328295059 Time: 1.1655\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -8682550625095202832\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8682550625095202832 Time: 0.875436\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -8392835332206231687\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8392835332206231687 Time: 1.71334\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -8254009616492665198\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -8254009616492665198 Time: 0.815608\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8 Tactic: -7615325597099025933\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7615325597099025933 Time: 0.804008\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -7594446953125532601\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7594446953125532601 Time: 1.27156\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -7345578023323941164\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -7345578023323941164 Time: 1.85798\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6828337260021572283\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6828337260021572283 Time: 1.84085\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -6711815420995272523\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6711815420995272523 Time: 1.55802\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4 Tactic: -6636202818604544855\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6636202818604544855 Time: 2.27391\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8 Tactic: -6489479581011009593\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6489479581011009593 Time: 0.918816\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r3s3 Tactic: -6320761427625651496\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6320761427625651496 Time: 0.846456\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6273232454637933930 Time: 0.769152\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6080892721161662420 Time: 0.686368\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -6032793021868796623\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -6032793021868796623 Time: 1.17277\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:31] [V] [TRT] Tactic: -5818527483287834165 Time: 0.71564\n", - "[03/14/2023-21:28:31] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -5710735840878760115\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5710735840878760115 Time: 0.734508\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -5589367647444470524\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5589367647444470524 Time: 1.72512\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r3s3 Tactic: -5546257196173962281\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5546257196173962281 Time: 1.17483\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8 Tactic: -5198219374380660379\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -5198219374380660379 Time: 0.873872\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_large_nhwc_tn_v1 Tactic: -4954692664176521434\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4954692664176521434 Time: 0.799096\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -4627695383426341593\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4627695383426341593 Time: 1.47808\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4534876761957424274 Time: 1.37161\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -4142141368456048176\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4142141368456048176 Time: 1.40967\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -4116131327756252574\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -4116131327756252574 Time: 1.80711\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4 Tactic: -3968200906158272636\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3968200906158272636 Time: 1.16714\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: -3784342055748695733\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3784342055748695733 Time: 1.58496\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3425274793298557239\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3425274793298557239 Time: 1.13218\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -3271955096576257018\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3271955096576257018 Time: 1.13643\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3237051169894153788 Time: 1.28028\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -3136088851200285532 Time: 0.66524\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4 Tactic: -2871615028541756894\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2871615028541756894 Time: 2.18237\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r3s3 Tactic: -2751179716463646694\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2751179716463646694 Time: 1.57926\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r3s3 Tactic: -2634388175487609605\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2634388175487609605 Time: 1.81313\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -2586046817576862066 Time: 0.77658\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_indexed_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -1708101578041178688\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1708101578041178688 Time: 0.798236\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4 Tactic: -1586820571068855896\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1586820571068855896 Time: 1.46572\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4 Tactic: -1020632631321619146\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -1020632631321619146 Time: 1.40254\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8 Tactic: -907287437357565279\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -907287437357565279 Time: 0.792108\n", - "[03/14/2023-21:28:32] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: -229563042944049199 Time: 0.643972\n", - "[03/14/2023-21:28:32] [V] [TRT] Fastest Tactic: -229563042944049199 Time: 0.643972\n", - "[03/14/2023-21:28:32] [V] [TRT] Setting workspace to 61346304enables more tactics for profiling\n", - "[03/14/2023-21:28:32] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -229563042944049199\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:32] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:32] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:32] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 0 Time: 5.09567\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 1 Time: 3.77041\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 2 Time: 5.33586\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:32] [V] [TRT] Tactic: 56 Time: 5.2252\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 57 Time: 3.79594\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 58 Time: 5.3388\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:33] [V] [TRT] Fastest Tactic: 1 Time: 3.77041\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 1754569683116234317 Time: 2.44495\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 1825138533642645384 Time: 2.40415\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 2733356012094739613 Time: 4.4898\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 3915320020053085238 Time: 2.49967\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 6808617066150061604 Time: 2.70036\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 9091006216302412844 Time: 2.86504\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -8060443123034038864 Time: 2.89428\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -4420849921117327522 Time: 4.30317\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -3946921629105938337 Time: 4.50671\n", - "[03/14/2023-21:28:33] [V] [TRT] Fastest Tactic: 1825138533642645384 Time: 2.40415\n", - "[03/14/2023-21:28:33] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:33] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:33] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:33] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 861694390046228376 Time: 2.34472\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5258189349241541167 Time: 2.46632\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5821621277990374316 Time: 2.42163\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: 5863767799113001648 Time: 3.08158\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -9147980667639709536 Time: 2.23695\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:33] [V] [TRT] Tactic: -8892196987859366827 Time: 2.3084\n", - "[03/14/2023-21:28:33] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8850904373104590857 Time: 2.44742\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8010679767156598961 Time: 3.08324\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7751035352149795660 Time: 2.22457\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -5115676123557684531 Time: 2.31485\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -493597327599791285 Time: 2.348\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -423878181466897819 Time: 3.14783\n", - "[03/14/2023-21:28:34] [V] [TRT] Fastest Tactic: -7751035352149795660 Time: 2.22457\n", - "[03/14/2023-21:28:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:34] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 0 Time: 4.41118\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 1 Time: 3.4869\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 2 Time: 4.77565\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 5 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 56 Time: 4.4989\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 58 Time: 4.5321\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 60 skipped. Scratch requested: 2571108352, available: 16777216\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 61 skipped. Scratch requested: 454557696, available: 16777216\n", - "[03/14/2023-21:28:34] [V] [TRT] Fastest Tactic: 1 Time: 3.4869\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] Setting workspace to 454557696enables more tactics for profiling\n", - "[03/14/2023-21:28:34] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnConvolution Tactic: 1\n", - "[03/14/2023-21:28:34] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:34] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 1651411198763708804 Time: 1.21372\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 2418518597804310654 Time: 1.30875\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4318470497547290900 Time: 1.3135\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 4930470141256631146 Time: 1.92942\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 8292881859266835088 Time: 1.9685\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: 8401509141903434922 Time: 1.34375\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -8654297089785671176 Time: 1.30558\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7516584506774355935 Time: 1.91143\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:34] [V] [TRT] Tactic: -7140760933967189247 Time: 1.33147\n", - "[03/14/2023-21:28:34] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -6004726995029373073 Time: 1.91678\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -5719726816705110014 Time: 1.34466\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -4097850214384059472 Time: 2.01697\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -3717489476759089008 Time: 1.31432\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -3689982367035295496 Time: 1.25668\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2640575123064142123 Time: 1.21591\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2534402059426524406 Time: 1.20984\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -2027588946874785071 Time: 1.94094\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: -1968398013367819764 Time: 1.306\n", - "[03/14/2023-21:28:35] [V] [TRT] Fastest Tactic: -2534402059426524406 Time: 1.20984\n", - "[03/14/2023-21:28:35] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:35] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CudnnConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 0 Time: 5.76025\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 1 skipped. Scratch requested: 34218496, available: 16777216\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 56 Time: 5.91614\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 58 skipped. Scratch requested: 32113152, available: 16777216\n", - "[03/14/2023-21:28:35] [V] [TRT] Fastest Tactic: 0 Time: 5.76025\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CublasConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:35] [V] [TRT] --------------- Timing Runner: Conv_109 + Add_110 + Relu_111 (CaskConvolution)\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 83696452256923412 Time: 0.758252\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 106549059816437840 Time: 0.730596\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 1179757074518529353 Time: 0.536416\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2105695814191699972 Time: 0.826572\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2148106709480872763 Time: 0.521392\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2410442691266548717 Time: 0.484352\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2511830168590723349 Time: 0.576076\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2634905271404611895 Time: 0.536872\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2689212690707793357 Time: 0.66134\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 2798075085844016892 Time: 0.584052\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3041642431972138763 Time: 0.428968\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3091156937974993800 Time: 0.592372\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3199589679702517123 Time: 0.57966\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3754069740140581927 Time: 0.80866\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 3932578551652369355 Time: 0.768504\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4149021101886580762 Time: 0.531048\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4555462412611657028 Time: 0.524936\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 4749226340913476230 Time: 0.854272\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5483093640784800285 Time: 0.73586\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5666160310350604399 Time: 0.821852\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5900614001783877430 Time: 0.906236\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5925270497649423688 Time: 0.717352\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 5999406432703271895 Time: 0.700248\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 6680916730816870145 Time: 0.746996\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7107292614492808590 Time: 0.582644\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7158029511300006471 Time: 0.800316\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 7859952145590271433 Time: 0.758696\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8283847742354150423 Time: 0.813848\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8468288610222482742 Time: 0.501936\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:28:35] [V] [TRT] Tactic: 8620567263556985011 Time: 0.49308\n", - "[03/14/2023-21:28:35] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8642279798680442080 Time: 0.547136\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8980274178270132023 Time: 0.740348\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 9108067304506990859 Time: 0.73686\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -9104099172933216230 Time: 1.06232\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8992262742606384444 Time: 0.533828\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8956720569082607796 Time: 0.927432\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8952042869709043207 Time: 0.651132\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8898856569474934280 Time: 0.58322\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8774805574135441656 Time: 0.671956\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8749513212655756001 Time: 0.499568\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8520017388966620486 Time: 0.776816\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8487084252145372186 Time: 0.649576\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -8391760416076885205 Time: 0.695552\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7990268040387498660 Time: 1.03133\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7849113095413980300 Time: 0.678484\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -7533167286135592323 Time: 0.550656\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -6273232454637933930 Time: 0.563068\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5818527483287834165 Time: 0.558176\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5590418898350402100 Time: 0.765628\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5505475137955795830 Time: 0.484496\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5389631537202601150 Time: 0.683848\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5332866838585594777 Time: 0.556036\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5121883532434354186 Time: 0.489736\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -5006039300385557796 Time: 0.54188\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4534876761957424274 Time: 0.731576\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4352168563838861262 Time: 0.476636\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -4109084522508697633 Time: 0.504348\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -3237051169894153788 Time: 0.789816\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -3136088851200285532 Time: 0.429672\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2827934362840121038 Time: 0.778724\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2676138141351394855 Time: 1.06376\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2601537631049973288 Time: 0.489104\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2586046817576862066 Time: 0.501576\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2569977342077121032 Time: 0.771652\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2422160065350346448 Time: 0.763804\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2125188058121029448 Time: 0.702864\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -2123887091022542343 Time: 0.634184\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -1838109259315759592 Time: 0.58202\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -1216445540764179377 Time: 0.487952\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -539379305772590030 Time: 1.03106\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -288413895057594820 Time: 0.540592\n", - "[03/14/2023-21:28:36] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: -229563042944049199 Time: 0.441388\n", - "[03/14/2023-21:28:36] [V] [TRT] Fastest Tactic: 3041642431972138763 Time: 0.428968\n", - "[03/14/2023-21:28:36] [V] [TRT] Setting workspace to 32113152enables more tactics for profiling\n", - "[03/14/2023-21:28:36] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,1,14336,2048) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CudnnConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CublasConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_112 + Relu_113 (CaskConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CudnnConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_114 + Relu_115 (CaskConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(25088,1,3584,512) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(25088,49,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,49:2,7,1) -> Half(3136,1:8,448,64) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Float(25088,1,3584,512) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(25088,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(3136,1:8,448,64) -> Half(12544,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,49,7,1), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(25088,1,3584,512), Float(100352,1,14336,2048) -> Float(100352,1,14336,2048) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(25088,49,7,1), Half(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(12544,49:2,7,1), Half(50176,49:2,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Float(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CudnnConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CublasConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: Conv_116 + Add_117 + Relu_118 (CaskConvolution)\n", - "[03/14/2023-21:28:36] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Half(3136,1:8,448,64), Half(12544,1:8,1792,256) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Float(100352,1,14336,2048) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(100352,49,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(50176,49:2,7,1) -> Half(12544,1:8,1792,256) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Float(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(100352,49,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning Reformat:Half(12544,1:8,1792,256) -> Half(50176,49:2,7,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] *************** Autotuning format combination: Float(100352,49,7,1) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:36] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8192257 Time: 0.540724\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8257793 Time: 0.496828\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8323329 Time: 0.48982\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8388865 Time: 0.485716\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8454401 Time: 0.481184\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8519937 Time: 0.480164\n", - "[03/14/2023-21:28:36] [V] [TRT] Tactic: 8585473 Time: 0.479176\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8651009 Time: 0.478128\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 8651009 Time: 0.478128\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.262428\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.262428\n", - "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(100352,49,7,1) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.145588\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.145588\n", - "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudnnPooling Tactic: -1\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(50176,49:2,7,1) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8192257 Time: 0.274168\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8257793 Time: 0.250688\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8323329 Time: 0.24682\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8388865 Time: 0.244492\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8454401 Time: 0.245456\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8519937 Time: 0.247268\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8585473 Time: 0.2506\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 8651009 Time: 0.252548\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 8388865 Time: 0.244492\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -3 Time: 0.466468\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -3 Time: 0.466468\n", - "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: TiledPooling Tactic: 8388865\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Half(12544,1:8,1792,256) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (TiledPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] TiledPooling has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudaPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -2 Time: 0.104756\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -2 Time: 0.104756\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: GlobalAveragePool_119 (CudnnPooling)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: -1 Time: 0.139456\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: -1 Time: 0.139456\n", - "[03/14/2023-21:28:37] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CudaPooling Tactic: -2\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Float(2048,1,2048,2048) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008072\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008552\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008072\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008292\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009448\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008292\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083192\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006904\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006904\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,1,1) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007536\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.0069\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.0069\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008356\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008376\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008356\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.0081\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00856\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.0081\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.082864\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.008956\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.008956\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Float(2048,1,2048,2048) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.006904\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009208\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.006904\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.008488\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.0092\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.008488\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Float(2048,1,2048,2048) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007748\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00898\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.007748\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084788\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006744\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006744\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(2048,1,1,1) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.007396\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00692\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.00692\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083912\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.00648\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.00648\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Float(2048,1,2048,2048) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.00742\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009616\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.00742\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084984\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006352\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006352\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(1024,1:2,1,1) -> Half(256,1:8,256,256) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.00716\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.07422\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.00716\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.083908\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.006068\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.006068\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Float(2048,1,2048,2048) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.006912\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.009376\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1002 Time: 0.006912\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(2048,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.0848\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.005456\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.005456\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning Reformat:Half(256,1:8,256,256) -> Half(1024,1:2,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1002 Time: 0.084984\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.074468\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 0 Time: 0.074468\n", - "[03/14/2023-21:28:37] [V] [TRT] *************** Autotuning format combination: Float(2048,1,1,1) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.411716\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1 Time: 0.19034\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 2 Time: 0.251188\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 56 Time: 0.410828\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 57 Time: 0.190388\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 58 Time: 0.251316\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1 Time: 0.19034\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 0 Time: 0.122652\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1 Time: 0.109408\n", - "[03/14/2023-21:28:37] [V] [TRT] Fastest Tactic: 1 Time: 0.109408\n", - "[03/14/2023-21:28:37] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_interior_nn_v1 Tactic: 1754569683116234317\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1754569683116234317 Time: 0.529316\n", - "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_medium_nn_v1 Tactic: 1825138533642645384\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 1825138533642645384 Time: 0.524784\n", - "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_interior_nn_v1 Tactic: 2733356012094739613\n", - "[03/14/2023-21:28:37] [V] [TRT] Tactic: 2733356012094739613 Time: 0.463684\n", - "[03/14/2023-21:28:37] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_small_nn_v1 Tactic: 3915320020053085238\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 3915320020053085238 Time: 0.534596\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_small_nn_v1 Tactic: 6808617066150061604\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 6808617066150061604 Time: 0.366404\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_interior_nn_v1 Tactic: 9091006216302412844\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 9091006216302412844 Time: 0.358696\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_relu_medium_nn_v1 Tactic: -8060443123034038864\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8060443123034038864 Time: 0.3792\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_medium_nn_v1 Tactic: -4420849921117327522\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -4420849921117327522 Time: 0.479496\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_relu_small_nn_v1 Tactic: -3946921629105938337\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3946921629105938337 Time: 0.499204\n", - "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 9091006216302412844 Time: 0.358696\n", - "[03/14/2023-21:28:38] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", - "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1\n", - "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Float(2048,1,2048,2048) -> Float(1000,1,1000,1000) ***************\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_medium_nhwc_tn_v1 Tactic: 861694390046228376\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 861694390046228376 Time: 0.355932\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5258189349241541167\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5258189349241541167 Time: 0.1843\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_small_nhwc_tn_v1 Tactic: 5821621277990374316\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5821621277990374316 Time: 0.356312\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: 5863767799113001648\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5863767799113001648 Time: 0.103508\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -9147980667639709536\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -9147980667639709536 Time: 0.344804\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8892196987859366827\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8892196987859366827 Time: 0.344632\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -8850904373104590857\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8850904373104590857 Time: 0.185732\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8010679767156598961 Time: 0.101056\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_ldg4_relu_exp_small_nhwc_tn_v1 Tactic: -7751035352149795660\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7751035352149795660 Time: 0.347292\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x128_relu_exp_interior_nhwc_tn_v1 Tactic: -5115676123557684531\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -5115676123557684531 Time: 0.352484\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x64_sliced1x2_ldg4_relu_exp_interior_nhwc_tn_v1 Tactic: -493597327599791285\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -493597327599791285 Time: 0.178524\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_scudnn_128x32_sliced1x4_ldg4_relu_exp_medium_nhwc_tn_v1 Tactic: -423878181466897819\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -423878181466897819 Time: 0.103624\n", - "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: -8010679767156598961 Time: 0.101056\n", - "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -8010679767156598961\n", - "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(2048,1,1,1) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 0 Time: 0.413968\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1 Time: 0.458576\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2 Time: 0.292912\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 56 Time: 0.413956\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 58 Time: 0.292756\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 58 Time: 0.292756\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 0 Time: 0.047152\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1 Time: 0.04134\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2 Time: 0.046608\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 3 Time: 0.04142\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4 Time: 0.062684\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 5 Time: 0.062708\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 6 Time: 0.047876\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 7 Time: 0.043072\n", - "[03/14/2023-21:28:38] [V] [TRT] Fastest Tactic: 1 Time: 0.04134\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", - "[03/14/2023-21:28:38] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CublasConvolution Tactic: 1\n", - "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] *************** Autotuning format combination: Half(1024,1:2,1,1) -> Half(500,1:2,1,1) ***************\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (FusedConvActConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] FusedConvActConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:38] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 1651411198763708804\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 1651411198763708804 Time: 0.192268\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_medium_nn_v1 Tactic: 2418518597804310654\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 2418518597804310654 Time: 0.192312\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 4318470497547290900\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4318470497547290900 Time: 0.188044\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 4930470141256631146\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 4930470141256631146 Time: 0.338988\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_medium_nn_v1 Tactic: 8292881859266835088\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 8292881859266835088 Time: 0.342504\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_small_nn_v1 Tactic: 8401509141903434922\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: 8401509141903434922 Time: 0.186536\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -8654297089785671176\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -8654297089785671176 Time: 0.271104\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -7516584506774355935\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7516584506774355935 Time: 0.216904\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -7140760933967189247\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -7140760933967189247 Time: 0.184168\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -6004726995029373073\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -6004726995029373073 Time: 0.32384\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_small_nn_v1 Tactic: -5719726816705110014\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -5719726816705110014 Time: 0.271952\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_interior_nn_v1 Tactic: -4097850214384059472\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -4097850214384059472 Time: 0.227624\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x64_relu_interior_nn_v1 Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3717489476759089008 Time: 0.183408\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -3689982367035295496\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -3689982367035295496 Time: 0.265892\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2640575123064142123\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -2640575123064142123 Time: 0.269068\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x128_relu_interior_nn_v1 Tactic: -2534402059426524406\n", - "[03/14/2023-21:28:38] [V] [TRT] Tactic: -2534402059426524406 Time: 0.268784\n", - "[03/14/2023-21:28:38] [V] [TRT] Gemm_121 Set Tactic Name: volta_fp16x2_hcudnn_fp16x2_128x32_relu_small_nn_v1 Tactic: -2027588946874785071\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2027588946874785071 Time: 0.334464\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_fp16x2_hcudnn_fp16x2_128x128_relu_medium_nn_v1 Tactic: -1968398013367819764\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1968398013367819764 Time: 0.269704\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: -3717489476759089008 Time: 0.183408\n", - "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: -3717489476759089008\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CudnnConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CaskConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(256,1:8,256,256) -> Half(125,1:8,125,125) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudaDepthwiseConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CudaDepthwiseConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CudnnConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.415068\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.456536\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2 Time: 0.293372\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 56 Time: 0.414208\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 58 Time: 0.293132\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 60 skipped. Scratch requested: 5330763776, available: 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 61 skipped. Scratch requested: 331587584, available: 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 58 Time: 0.293132\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CublasConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] CublasConvolution has no valid tactics for this config, skipping\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Gemm_121 (CaskConvolution)\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 83696452256923412\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 83696452256923412 Time: 0.055224\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 106549059816437840 Time: 0.035408\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 1179757074518529353\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1179757074518529353 Time: 0.05472\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 2105695814191699972\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2105695814191699972 Time: 0.092416\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2148106709480872763\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2148106709480872763 Time: 0.065524\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 2410442691266548717\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2410442691266548717 Time: 0.095208\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_t1r1s1 Tactic: 2511830168590723349\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2511830168590723349 Time: 0.064468\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 2634905271404611895\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2634905271404611895 Time: 0.05606\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 2689212690707793357\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2689212690707793357 Time: 0.176832\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 2798075085844016892\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 2798075085844016892 Time: 0.095072\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3041642431972138763 Time: 0.0535\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3091156937974993800\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3091156937974993800 Time: 0.094864\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3199589679702517123 Time: 0.064292\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 3754069740140581927\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3754069740140581927 Time: 0.107428\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 3932578551652369355\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 3932578551652369355 Time: 0.03808\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: 4149021101886580762\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4149021101886580762 Time: 0.056848\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 4555462412611657028\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4555462412611657028 Time: 0.066024\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: 4749226340913476230\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 4749226340913476230 Time: 0.054292\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5483093640784800285\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5483093640784800285 Time: 0.067076\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 5666160310350604399\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5666160310350604399 Time: 0.103852\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: 5900614001783877430\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5900614001783877430 Time: 0.066732\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 5925270497649423688\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5925270497649423688 Time: 0.17516\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: 5999406432703271895\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 5999406432703271895 Time: 0.060732\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 6680916730816870145\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 6680916730816870145 Time: 0.09624\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7107292614492808590 Time: 0.032444\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 7158029511300006471\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7158029511300006471 Time: 0.093328\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: 7859952145590271433\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 7859952145590271433 Time: 0.0948\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: 8283847742354150423\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8283847742354150423 Time: 0.105748\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8468288610222482742\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8468288610222482742 Time: 0.096268\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8620567263556985011\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8620567263556985011 Time: 0.105344\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 8642279798680442080\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8642279798680442080 Time: 0.095444\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 8980274178270132023\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 8980274178270132023 Time: 0.058296\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x128x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: 9108067304506990859\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 9108067304506990859 Time: 0.060852\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -9104099172933216230\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -9104099172933216230 Time: 0.044472\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -8992262742606384444\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8992262742606384444 Time: 0.070976\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -8956720569082607796\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8956720569082607796 Time: 0.065776\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -8952042869709043207\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8952042869709043207 Time: 0.095324\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8898856569474934280\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8898856569474934280 Time: 0.094784\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_t1r1s1 Tactic: -8774805574135441656\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8774805574135441656 Time: 0.092292\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -8749513212655756001\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8749513212655756001 Time: 0.096256\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -8520017388966620486\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8520017388966620486 Time: 0.038244\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor8x8x4_t1r1s1 Tactic: -8487084252145372186\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8487084252145372186 Time: 0.177364\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -8391760416076885205\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -8391760416076885205 Time: 0.174456\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -7990268040387498660\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7990268040387498660 Time: 0.057284\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_t1r1s1 Tactic: -7849113095413980300\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7849113095413980300 Time: 0.176648\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -7533167286135592323\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -7533167286135592323 Time: 0.062956\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -6273232454637933930\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -6273232454637933930 Time: 0.055996\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x64_sliced1x2_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -5818527483287834165\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5818527483287834165 Time: 0.054452\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5590418898350402100\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5590418898350402100 Time: 0.066356\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5505475137955795830 Time: 0.058284\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x128x32_stage1_warpsize4x2x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -5389631537202601150\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5389631537202601150 Time: 0.176448\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x64x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5332866838585594777\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5332866838585594777 Time: 0.061268\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -5121883532434354186\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5121883532434354186 Time: 0.0816\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -5006039300385557796\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -5006039300385557796 Time: 0.069504\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -4534876761957424274\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4534876761957424274 Time: 0.174704\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4352168563838861262 Time: 0.057892\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x256x32_stage1_warpsize2x4x1_g1_tensor16x8x8_t1r1s1 Tactic: -4109084522508697633\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -4109084522508697633 Time: 0.104092\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3237051169894153788\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -3237051169894153788 Time: 0.09228\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -3136088851200285532 Time: 0.054208\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2827934362840121038 Time: 0.035684\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x32x32_stage1_warpsize4x1x1_g1_tensor8x8x4_t1r1s1 Tactic: -2676138141351394855\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2676138141351394855 Time: 0.05748\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x32_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -2601537631049973288\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2601537631049973288 Time: 0.08206\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2586046817576862066 Time: 0.095932\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x32x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r1s1 Tactic: -2569977342077121032\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2569977342077121032 Time: 0.059704\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: volta_h884cudnn_256x64_sliced1x2_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -2422160065350346448\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2422160065350346448 Time: 0.094704\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2125188058121029448 Time: 0.092528\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2123887091022542343\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -2123887091022542343 Time: 0.094252\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -1838109259315759592\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1838109259315759592 Time: 0.032696\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: -1216445540764179377\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -1216445540764179377 Time: 0.095212\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor8x8x4_t1r1s1 Tactic: -539379305772590030\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -539379305772590030 Time: 0.04452\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -288413895057594820\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -288413895057594820 Time: 0.068748\n", - "[03/14/2023-21:28:39] [V] [TRT] Gemm_121 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: -229563042944049199 Time: 0.057392\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 7107292614492808590 Time: 0.032444\n", - "[03/14/2023-21:28:39] [V] [TRT] Setting workspace to 331587584enables more tactics for profiling\n", - "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: CaskConvolution Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1,1) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006892\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006876\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006876\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.007104\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00618\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00618\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Float(1000,1,1000,1000) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006544\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00616\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00616\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(1000,1,1,1) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.007156\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006256\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006256\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.04422\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004976\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004976\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(500,1:2,1,1) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.045016\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004972\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004972\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Float(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.044296\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.00468\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.00468\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(125,1:8,125,125) -> Half(1000,1,1,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.044932\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004752\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004752\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Float(1000,1,1,1) -> Float(1000,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004924\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.01036\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004924\n", - "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning format combination: Half(1000,1,1,1) -> Half(1000,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: (Unnamed Layer* 136) [Shuffle] (Shuffle)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.004188\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1 Time: 0.00938\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.004188\n", - "[03/14/2023-21:28:39] [V] [TRT] >>>>>>>>>>>>>>> Chose Runner Type: Shuffle Tactic: 0\n", - "[03/14/2023-21:28:39] [V] [TRT] *************** Autotuning Reformat:Half(1000,1) -> Float(1000,1) ***************\n", - "[03/14/2023-21:28:39] [V] [TRT] --------------- Timing Runner: Optimizer Reformat (Reformat)\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 1002 Time: 0.006656\n", - "[03/14/2023-21:28:39] [V] [TRT] Tactic: 0 Time: 0.006376\n", - "[03/14/2023-21:28:39] [V] [TRT] Fastest Tactic: 0 Time: 0.006376\n", - "[03/14/2023-21:28:39] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to Conv_0 + Relu_1 (input) from Float(150528,50176,224,1) to Half(50176,1:4,224,1)\n", - "[03/14/2023-21:28:39] [V] [TRT] Adding reformat layer: Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] ((Unnamed Layer* 132) [Fully Connected]_output) from Half(125,1:8,125,125) to Float(1000,1,1,1)\n", - "[03/14/2023-21:28:39] [V] [TRT] For layer (Unnamed Layer* 136) [Shuffle] a non-conforming implementation was chosen than was requested i.e. requested layer computation precision and output precision types were ignored because it resulted in faster network performance. Enable strict mode to try force choose a conforming implementation.\n", - "[03/14/2023-21:28:39] [V] [TRT] Formats and tactics selection completed in 204.908 seconds.\n", - "[03/14/2023-21:28:39] [V] [TRT] After reformat layers: 59 layers\n", - "[03/14/2023-21:28:39] [V] [TRT] Block size 205520896\n", - "[03/14/2023-21:28:39] [V] [TRT] Block size 205520896\n", - "[03/14/2023-21:28:39] [V] [TRT] Block size 102760448\n", - "[03/14/2023-21:28:39] [V] [TRT] Block size 16777216\n", - "[03/14/2023-21:28:39] [V] [TRT] Total Activation Memory: 530579456\n", - "[03/14/2023-21:28:39] [I] [TRT] Detected 1 inputs and 1 output network tensors.\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_0 + Relu_1 Set Tactic Name: volta_first_layer_filter7x7_fwd Tactic: -8357652348141719927\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_3 + Relu_4 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 106549059816437840\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_5 + Relu_6 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_7 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_8 + Add_9 + Relu_10 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_11 + Relu_12 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_13 + Relu_14 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_15 + Add_16 + Relu_17 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_18 + Relu_19 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x32x64_stage1_warpsize2x1x2_g1_tensor16x8x8_t1r1s1 Tactic: -2827934362840121038\n", - "[03/14/2023-21:28:39] [V] [TRT] Conv_20 + Relu_21 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize256x64x32_stage1_warpsize4x1x1_g1_tensor16x8x8_t1r3s3 Tactic: 3464689803495983377\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_22 + Add_23 + Relu_24 Set Tactic Name: sm70_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor8x8x4_simple_t1r1s1 Tactic: -2125188058121029448\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_25 + Relu_26 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_27 + Relu_28 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_29 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_30 + Add_31 + Relu_32 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_33 + Relu_34 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_35 + Relu_36 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_37 + Add_38 + Relu_39 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_40 + Relu_41 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_42 + Relu_43 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_44 + Add_45 + Relu_46 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_47 + Relu_48 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_49 + Relu_50 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_51 + Add_52 + Relu_53 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x256x64_stage1_warpsize1x4x2_g1_tensor16x8x8_simple_t1r1s1 Tactic: 3199589679702517123\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_54 + Relu_55 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_t1r1s1 Tactic: -4352168563838861262\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_56 + Relu_57 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_58 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_59 + Add_60 + Relu_61 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8 Tactic: -6080892721161662420\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_62 + Relu_63 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_64 + Relu_65 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_66 + Add_67 + Relu_68 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_69 + Relu_70 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_71 + Relu_72 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_73 + Add_74 + Relu_75 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_76 + Relu_77 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_78 + Relu_79 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_80 + Add_81 + Relu_82 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_83 + Relu_84 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_85 + Relu_86 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_87 + Add_88 + Relu_89 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_90 + Relu_91 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_92 + Relu_93 Set Tactic Name: turing_h1688cudnn_256x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -2586046817576862066\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_94 + Add_95 + Relu_96 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize128x128x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: -5505475137955795830\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_97 + Relu_98 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_99 + Relu_100 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_101 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_102 + Add_103 + Relu_104 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_105 + Relu_106 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_107 + Relu_108 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_109 + Add_110 + Relu_111 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_112 + Relu_113 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_small_nhwc_tn_v1 Tactic: -3136088851200285532\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_114 + Relu_115 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_medium_nhwc_tn_v1 Tactic: -229563042944049199\n", - "[03/14/2023-21:28:40] [V] [TRT] Conv_116 + Add_117 + Relu_118 Set Tactic Name: turing_h1688cudnn_128x128_ldg8_relu_exp_interior_nhwc_tn_v1 Tactic: 3041642431972138763\n", - "[03/14/2023-21:28:40] [V] [TRT] Gemm_121 Set Tactic Name: sm75_xmma_fprop_implicit_gemm_f16f16_f16f16_f16_nhwckrsc_nhwc_tilesize64x64x64_stage1_warpsize2x2x1_g1_tensor16x8x8_simple_t1r1s1 Tactic: 7107292614492808590\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1 HostPersistent: 0 DevicePersistent: 0\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_0 + Relu_1 HostPersistent: 256 DevicePersistent: 25600\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: MaxPool_2 HostPersistent: 48 DevicePersistent: 0\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_3 + Relu_4 HostPersistent: 3776 DevicePersistent: 8704\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_5 + Relu_6 HostPersistent: 3776 DevicePersistent: 74240\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_7 HostPersistent: 2176 DevicePersistent: 52224\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_8 + Add_9 + Relu_10 HostPersistent: 3776 DevicePersistent: 34304\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_11 + Relu_12 HostPersistent: 3776 DevicePersistent: 33280\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_13 + Relu_14 HostPersistent: 3776 DevicePersistent: 74240\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_15 + Add_16 + Relu_17 HostPersistent: 3776 DevicePersistent: 34304\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_18 + Relu_19 HostPersistent: 3776 DevicePersistent: 33280\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_20 + Relu_21 HostPersistent: 3776 DevicePersistent: 74240\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_22 + Add_23 + Relu_24 HostPersistent: 3776 DevicePersistent: 34304\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_25 + Relu_26 HostPersistent: 3776 DevicePersistent: 66560\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_27 + Relu_28 HostPersistent: 1664 DevicePersistent: 300032\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_29 HostPersistent: 2176 DevicePersistent: 137216\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_30 + Add_31 + Relu_32 HostPersistent: 3776 DevicePersistent: 265216\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_33 + Relu_34 HostPersistent: 3200 DevicePersistent: 136192\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_35 + Relu_36 HostPersistent: 2176 DevicePersistent: 300032\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_37 + Add_38 + Relu_39 HostPersistent: 3776 DevicePersistent: 134144\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_40 + Relu_41 HostPersistent: 3200 DevicePersistent: 136192\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_42 + Relu_43 HostPersistent: 2176 DevicePersistent: 300032\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_44 + Add_45 + Relu_46 HostPersistent: 3776 DevicePersistent: 134144\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_47 + Relu_48 HostPersistent: 3200 DevicePersistent: 136192\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_49 + Relu_50 HostPersistent: 2176 DevicePersistent: 300032\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_51 + Add_52 + Relu_53 HostPersistent: 3776 DevicePersistent: 134144\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_54 + Relu_55 HostPersistent: 3776 DevicePersistent: 263680\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_56 + Relu_57 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_58 HostPersistent: 3200 DevicePersistent: 527872\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_59 + Add_60 + Relu_61 HostPersistent: 3776 DevicePersistent: 1054720\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_62 + Relu_63 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_64 + Relu_65 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_66 + Add_67 + Relu_68 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_69 + Relu_70 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_71 + Relu_72 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_73 + Add_74 + Relu_75 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_76 + Relu_77 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_78 + Relu_79 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_80 + Add_81 + Relu_82 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_83 + Relu_84 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_85 + Relu_86 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_87 + Add_88 + Relu_89 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_90 + Relu_91 HostPersistent: 3200 DevicePersistent: 526336\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_92 + Relu_93 HostPersistent: 2176 DevicePersistent: 1181696\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_94 + Add_95 + Relu_96 HostPersistent: 3776 DevicePersistent: 530432\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_97 + Relu_98 HostPersistent: 1664 DevicePersistent: 1051136\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_99 + Relu_100 HostPersistent: 2176 DevicePersistent: 4720128\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_101 HostPersistent: 3200 DevicePersistent: 2101760\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_102 + Add_103 + Relu_104 HostPersistent: 3200 DevicePersistent: 4198912\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_105 + Relu_106 HostPersistent: 1664 DevicePersistent: 2098688\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_107 + Relu_108 HostPersistent: 2176 DevicePersistent: 4720128\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_109 + Add_110 + Relu_111 HostPersistent: 3200 DevicePersistent: 2101760\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_112 + Relu_113 HostPersistent: 1664 DevicePersistent: 2098688\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_114 + Relu_115 HostPersistent: 2176 DevicePersistent: 4720128\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Conv_116 + Add_117 + Relu_118 HostPersistent: 3200 DevicePersistent: 2101760\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: GlobalAveragePool_119 HostPersistent: 0 DevicePersistent: 0\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Gemm_121 HostPersistent: 3776 DevicePersistent: 4102144\n", - "[03/14/2023-21:28:40] [V] [TRT] Layer: Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle] HostPersistent: 0 DevicePersistent: 0\n", - "[03/14/2023-21:28:40] [I] [TRT] Total Host Persistent Memory: 162096\n", - "[03/14/2023-21:28:40] [I] [TRT] Total Device Persistent Memory: 51194368\n", - "[03/14/2023-21:28:40] [I] [TRT] Total Scratch Memory: 0\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageStats] Peak memory usage of TRT CPU/GPU memory allocators: CPU 53 MiB, GPU 256 MiB\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1662, GPU 879 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 887 (MiB)\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 871 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Engine generation completed in 206.276 seconds.\n", - "[03/14/2023-21:28:40] [V] [TRT] Deleting timing cache: 515 entries, 1506 hits\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Engine Layer Information:\n", - "Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to Conv_0 + Relu_1, Tactic: 1002, input[Float(-2,3,224,224)] -> Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)]\n", - "Layer(CaskConvolution): Conv_0 + Relu_1, Tactic: -8357652348141719927, Reformatted Input Tensor 0 to Conv_0 + Relu_1[Half(-2,3,224,224)] -> 323[Half(-2,64,112,112)]\n", - "Layer(CudnnPooling): MaxPool_2, Tactic: -1, 323[Half(-2,64,112,112)] -> 324[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_3 + Relu_4, Tactic: 106549059816437840, 324[Half(-2,64,56,56)] -> 327[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_5 + Relu_6, Tactic: 3464689803495983377, 327[Half(-2,64,56,56)] -> 330[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_7, Tactic: -229563042944049199, 330[Half(-2,64,56,56)] -> 505[Half(-2,256,56,56)]\n", - "Layer(CaskConvolution): Conv_8 + Add_9 + Relu_10, Tactic: -2125188058121029448, 324[Half(-2,64,56,56)], 505[Half(-2,256,56,56)] -> 336[Half(-2,256,56,56)]\n", - "Layer(CaskConvolution): Conv_11 + Relu_12, Tactic: -2827934362840121038, 336[Half(-2,256,56,56)] -> 339[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_13 + Relu_14, Tactic: 3464689803495983377, 339[Half(-2,64,56,56)] -> 342[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_15 + Add_16 + Relu_17, Tactic: -2125188058121029448, 342[Half(-2,64,56,56)], 336[Half(-2,256,56,56)] -> 346[Half(-2,256,56,56)]\n", - "Layer(CaskConvolution): Conv_18 + Relu_19, Tactic: -2827934362840121038, 346[Half(-2,256,56,56)] -> 349[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_20 + Relu_21, Tactic: 3464689803495983377, 349[Half(-2,64,56,56)] -> 352[Half(-2,64,56,56)]\n", - "Layer(CaskConvolution): Conv_22 + Add_23 + Relu_24, Tactic: -2125188058121029448, 352[Half(-2,64,56,56)], 346[Half(-2,256,56,56)] -> 356[Half(-2,256,56,56)]\n", - "Layer(CaskConvolution): Conv_25 + Relu_26, Tactic: -5505475137955795830, 356[Half(-2,256,56,56)] -> 359[Half(-2,128,56,56)]\n", - "Layer(CaskConvolution): Conv_27 + Relu_28, Tactic: -3136088851200285532, 359[Half(-2,128,56,56)] -> 362[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_29, Tactic: -229563042944049199, 362[Half(-2,128,28,28)] -> 535[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_30 + Add_31 + Relu_32, Tactic: -4352168563838861262, 356[Half(-2,256,56,56)], 535[Half(-2,512,28,28)] -> 368[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_33 + Relu_34, Tactic: 3041642431972138763, 368[Half(-2,512,28,28)] -> 371[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_35 + Relu_36, Tactic: -229563042944049199, 371[Half(-2,128,28,28)] -> 374[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_37 + Add_38 + Relu_39, Tactic: 3199589679702517123, 374[Half(-2,128,28,28)], 368[Half(-2,512,28,28)] -> 378[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_40 + Relu_41, Tactic: 3041642431972138763, 378[Half(-2,512,28,28)] -> 381[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_42 + Relu_43, Tactic: -229563042944049199, 381[Half(-2,128,28,28)] -> 384[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_44 + Add_45 + Relu_46, Tactic: 3199589679702517123, 384[Half(-2,128,28,28)], 378[Half(-2,512,28,28)] -> 388[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_47 + Relu_48, Tactic: 3041642431972138763, 388[Half(-2,512,28,28)] -> 391[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_49 + Relu_50, Tactic: -229563042944049199, 391[Half(-2,128,28,28)] -> 394[Half(-2,128,28,28)]\n", - "Layer(CaskConvolution): Conv_51 + Add_52 + Relu_53, Tactic: 3199589679702517123, 394[Half(-2,128,28,28)], 388[Half(-2,512,28,28)] -> 398[Half(-2,512,28,28)]\n", - "Layer(CaskConvolution): Conv_54 + Relu_55, Tactic: -4352168563838861262, 398[Half(-2,512,28,28)] -> 401[Half(-2,256,28,28)]\n", - "Layer(CaskConvolution): Conv_56 + Relu_57, Tactic: -2586046817576862066, 401[Half(-2,256,28,28)] -> 404[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_58, Tactic: 3041642431972138763, 404[Half(-2,256,14,14)] -> 574[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_59 + Add_60 + Relu_61, Tactic: -6080892721161662420, 398[Half(-2,512,28,28)], 574[Half(-2,1024,14,14)] -> 410[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_62 + Relu_63, Tactic: 3041642431972138763, 410[Half(-2,1024,14,14)] -> 413[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_64 + Relu_65, Tactic: -2586046817576862066, 413[Half(-2,256,14,14)] -> 416[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_66 + Add_67 + Relu_68, Tactic: -5505475137955795830, 416[Half(-2,256,14,14)], 410[Half(-2,1024,14,14)] -> 420[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_69 + Relu_70, Tactic: 3041642431972138763, 420[Half(-2,1024,14,14)] -> 423[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_71 + Relu_72, Tactic: -2586046817576862066, 423[Half(-2,256,14,14)] -> 426[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_73 + Add_74 + Relu_75, Tactic: -5505475137955795830, 426[Half(-2,256,14,14)], 420[Half(-2,1024,14,14)] -> 430[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_76 + Relu_77, Tactic: 3041642431972138763, 430[Half(-2,1024,14,14)] -> 433[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_78 + Relu_79, Tactic: -2586046817576862066, 433[Half(-2,256,14,14)] -> 436[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_80 + Add_81 + Relu_82, Tactic: -5505475137955795830, 436[Half(-2,256,14,14)], 430[Half(-2,1024,14,14)] -> 440[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_83 + Relu_84, Tactic: 3041642431972138763, 440[Half(-2,1024,14,14)] -> 443[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_85 + Relu_86, Tactic: -2586046817576862066, 443[Half(-2,256,14,14)] -> 446[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_87 + Add_88 + Relu_89, Tactic: -5505475137955795830, 446[Half(-2,256,14,14)], 440[Half(-2,1024,14,14)] -> 450[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_90 + Relu_91, Tactic: 3041642431972138763, 450[Half(-2,1024,14,14)] -> 453[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_92 + Relu_93, Tactic: -2586046817576862066, 453[Half(-2,256,14,14)] -> 456[Half(-2,256,14,14)]\n", - "Layer(CaskConvolution): Conv_94 + Add_95 + Relu_96, Tactic: -5505475137955795830, 456[Half(-2,256,14,14)], 450[Half(-2,1024,14,14)] -> 460[Half(-2,1024,14,14)]\n", - "Layer(CaskConvolution): Conv_97 + Relu_98, Tactic: -3136088851200285532, 460[Half(-2,1024,14,14)] -> 463[Half(-2,512,14,14)]\n", - "Layer(CaskConvolution): Conv_99 + Relu_100, Tactic: -229563042944049199, 463[Half(-2,512,14,14)] -> 466[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_101, Tactic: 3041642431972138763, 466[Half(-2,512,7,7)] -> 631[Half(-2,2048,7,7)]\n", - "Layer(CaskConvolution): Conv_102 + Add_103 + Relu_104, Tactic: 3041642431972138763, 460[Half(-2,1024,14,14)], 631[Half(-2,2048,7,7)] -> 472[Half(-2,2048,7,7)]\n", - "Layer(CaskConvolution): Conv_105 + Relu_106, Tactic: -3136088851200285532, 472[Half(-2,2048,7,7)] -> 475[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_107 + Relu_108, Tactic: -229563042944049199, 475[Half(-2,512,7,7)] -> 478[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_109 + Add_110 + Relu_111, Tactic: 3041642431972138763, 478[Half(-2,512,7,7)], 472[Half(-2,2048,7,7)] -> 482[Half(-2,2048,7,7)]\n", - "Layer(CaskConvolution): Conv_112 + Relu_113, Tactic: -3136088851200285532, 482[Half(-2,2048,7,7)] -> 485[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_114 + Relu_115, Tactic: -229563042944049199, 485[Half(-2,512,7,7)] -> 488[Half(-2,512,7,7)]\n", - "Layer(CaskConvolution): Conv_116 + Add_117 + Relu_118, Tactic: 3041642431972138763, 488[Half(-2,512,7,7)], 482[Half(-2,2048,7,7)] -> 492[Half(-2,2048,7,7)]\n", - "Layer(CudaPooling): GlobalAveragePool_119, Tactic: -2, 492[Half(-2,2048,7,7)] -> 493[Half(-2,2048,1,1)]\n", - "Layer(CaskConvolution): Gemm_121, Tactic: 7107292614492808590, 493[Half(-2,2048,1,1)] -> (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)]\n", - "Layer(Reformat): Reformatting CopyNode for Input Tensor 0 to (Unnamed Layer* 136) [Shuffle], Tactic: 0, (Unnamed Layer* 132) [Fully Connected]_output[Half(-2,1000,1,1)] -> Reformatted Input Tensor 0 to (Unnamed Layer* 136) [Shuffle][Float(-2,1000,1,1)]\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] Builder end: CPU 1662 MiB, GPU 853 MiB\n", - "[03/14/2023-21:28:40] [I] [TRT] Loaded engine size: 49 MB\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine begin: CPU 1662 MiB, GPU 803 MiB\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1662, GPU 863 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1662, GPU 871 (MiB)\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1662, GPU 853 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Deserialization required 160038 microseconds.\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] deserializeCudaEngine end: CPU 1662 MiB, GPU 853 MiB\n", - "[03/14/2023-21:28:40] [I] Engine built in 208.358 sec.\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation begin: CPU 1514 MiB, GPU 853 MiB\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cublasLt a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +10, now: CPU 1514, GPU 863 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Using cuDNN as a tactic source\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1514, GPU 871 (MiB)\n", - "[03/14/2023-21:28:40] [V] [TRT] Total per-runner device memory is 51194368\n", - "[03/14/2023-21:28:40] [V] [TRT] Total per-runner host memory is 162096\n", - "[03/14/2023-21:28:40] [V] [TRT] Allocated activation device memory of size 513802240\n", - "[03/14/2023-21:28:40] [I] [TRT] [MemUsageSnapshot] ExecutionContext creation end: CPU 1514 MiB, GPU 1411 MiB\n", - "[03/14/2023-21:28:40] [I] Created input binding for input with dimensions 128x3x224x224\n", - "[03/14/2023-21:28:40] [I] Created output binding for output with dimensions 128x1000\n", - "[03/14/2023-21:28:40] [I] Starting inference\n", - "[03/14/2023-21:28:44] [I] Warmup completed 4 queries over 200 ms\n", - "[03/14/2023-21:28:44] [I] Timing trace has 55 queries over 3.12051 s\n", - "[03/14/2023-21:28:44] [I] \n", - "[03/14/2023-21:28:44] [I] === Trace details ===\n", - "[03/14/2023-21:28:44] [I] Trace averages of 10 runs:\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.14 ms - Host latency: 67.5936 ms (end to end 110.741 ms, enqueue 0.458421 ms)\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 56.0947 ms - Host latency: 68.5476 ms (end to end 111.97 ms, enqueue 0.46156 ms)\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.2569 ms - Host latency: 67.707 ms (end to end 110.578 ms, enqueue 0.442236 ms)\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 56.0127 ms - Host latency: 68.4673 ms (end to end 111.817 ms, enqueue 0.47312 ms)\n", - "[03/14/2023-21:28:44] [I] Average on 10 runs - GPU latency: 55.3822 ms - Host latency: 67.8345 ms (end to end 110.692 ms, enqueue 0.480957 ms)\n", - "[03/14/2023-21:28:44] [I] \n", - "[03/14/2023-21:28:44] [I] === Performance summary ===\n", - "[03/14/2023-21:28:44] [I] Throughput: 17.6253 qps\n", - "[03/14/2023-21:28:44] [I] Latency: min = 67.0677 ms, max = 69.9773 ms, mean = 68.0911 ms, median = 68.0387 ms, percentile(99%) = 69.9773 ms\n", - "[03/14/2023-21:28:44] [I] End-to-End Host Latency: min = 109.552 ms, max = 116.728 ms, mean = 111.275 ms, median = 111.054 ms, percentile(99%) = 116.728 ms\n", - "[03/14/2023-21:28:44] [I] Enqueue Time: min = 0.397827 ms, max = 0.562012 ms, mean = 0.462458 ms, median = 0.462219 ms, percentile(99%) = 0.562012 ms\n", - "[03/14/2023-21:28:44] [I] H2D Latency: min = 12.3595 ms, max = 12.3865 ms, mean = 12.3696 ms, median = 12.37 ms, percentile(99%) = 12.3865 ms\n", - "[03/14/2023-21:28:44] [I] GPU Compute Time: min = 54.6188 ms, max = 57.5254 ms, mean = 55.6382 ms, median = 55.5883 ms, percentile(99%) = 57.5254 ms\n", - "[03/14/2023-21:28:44] [I] D2H Latency: min = 0.0812988 ms, max = 0.0842285 ms, mean = 0.0832464 ms, median = 0.083252 ms, percentile(99%) = 0.0842285 ms\n", - "[03/14/2023-21:28:44] [I] Total Host Walltime: 3.12051 s\n", - "[03/14/2023-21:28:44] [I] Total GPU Compute Time: 3.0601 s\n", - "[03/14/2023-21:28:44] [I] Explanations of the performance metrics are printed in the verbose logs.\n", - "[03/14/2023-21:28:44] [V] \n", - "[03/14/2023-21:28:44] [V] === Explanations of the performance metrics ===\n", - "[03/14/2023-21:28:44] [V] Total Host Walltime: the host walltime from when the first query (after warmups) is enqueued to when the last query is completed.\n", - "[03/14/2023-21:28:44] [V] GPU Compute Time: the GPU latency to execute the kernels for a query.\n", - "[03/14/2023-21:28:44] [V] Total GPU Compute Time: the summation of the GPU Compute Time of all the queries. If this is significantly shorter than Total Host Walltime, the GPU may be under-utilized because of host-side overheads or data transfers.\n", - "[03/14/2023-21:28:44] [V] Throughput: the observed throughput computed by dividing the number of queries by the Total Host Walltime. If this is significantly lower than the reciprocal of GPU Compute Time, the GPU may be under-utilized because of host-side overheads or data transfers.\n", - "[03/14/2023-21:28:44] [V] Enqueue Time: the host latency to enqueue a query. If this is longer than GPU Compute Time, the GPU may be under-utilized.\n", - "[03/14/2023-21:28:44] [V] H2D Latency: the latency for host-to-device data transfers for input tensors of a single query.\n", - "[03/14/2023-21:28:44] [V] D2H Latency: the latency for device-to-host data transfers for output tensors of a single query.\n", - "[03/14/2023-21:28:44] [V] Latency: the summation of H2D Latency, GPU Compute Time, and D2H Latency. This is the latency to infer a single query.\n", - "[03/14/2023-21:28:44] [V] End-to-End Host Latency: the duration from when the H2D of a query is called to when the D2H of the same query is completed, which includes the latency to wait for the completion of the previous query. This is the latency of a query if multiple queries are enqueued consecutively.\n", - "[03/14/2023-21:28:44] [I] \n", - "&&&& PASSED TensorRT.trtexec [TensorRT v8001] # trtexec --onnx=model.onnx --saveEngine=model.plan --explicitBatch --minShapes=input:1x3x224x224 --optShapes=input:128x3x224x224 --maxShapes=input:128x3x224x224 --fp16 --verbose\n", - "[03/14/2023-21:28:44] [I] [TRT] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +0, now: CPU 1514, GPU 1343 (MiB)\n" - ] - } - ], + "outputs": [], "source": [ "!docker run --gpus=all --rm -it \\\n", " -v `pwd`/workspace:/workspace nvcr.io/nvidia/pytorch:21.08-py3 \\\n", @@ -14369,7 +267,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "id": "2ba5d998", "metadata": {}, "outputs": [], @@ -14398,18 +296,10 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": null, "id": "ad3a4efa", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Model Arn: arn:aws:sagemaker:us-east-1:340280328827:model/triton-resnet-pt-2023-03-14-21-28-52\n" - ] - } - ], + "outputs": [], "source": [ "sm_model_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", "\n", @@ -14436,18 +326,10 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "id": "f21e2d91", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Endpoint Config Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint-config/triton-resnet-pt-2023-03-14-21-28-52\n" - ] - } - ], + "outputs": [], "source": [ "endpoint_config_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", "\n", @@ -14477,18 +359,10 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "id": "cb69a730", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Endpoint Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint/triton-resnet-pt-2023-03-14-21-28-53\n" - ] - } - ], + "outputs": [], "source": [ "endpoint_name = \"triton-resnet-pt-\" + time.strftime(\"%Y-%m-%d-%H-%M-%S\", time.gmtime())\n", "\n", @@ -14501,26 +375,10 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "id": "0a0e6b84", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Status: Creating\n", - "Status: Creating\n", - "Status: Creating\n", - "Status: Creating\n", - "Status: Creating\n", - "Status: Creating\n", - "Status: InService\n", - "Arn: arn:aws:sagemaker:us-east-1:340280328827:endpoint/triton-resnet-pt-2023-03-14-21-28-53\n", - "Status: InService\n" - ] - } - ], + "outputs": [], "source": [ "resp = sm_client.describe_endpoint(EndpointName=endpoint_name)\n", "status = resp[\"EndpointStatus\"]\n", @@ -14548,18 +406,10 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "id": "c2d2fc77", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'model_name': 'resnet', 'model_version': '1', 'outputs': [{'name': 'OUTPUT__0', 'datatype': 'FP32', 'shape': [1, 1000], 'data': [-1.2423866987228394, 0.24701853096485138, -1.719444751739502, -2.983774185180664, -3.0031378269195557, -1.9556485414505005, -2.4896504878997803, -0.3748376667499542, 0.04311593994498253, -1.6037155389785767, -3.8769569396972656, -1.9742560386657715, -3.648282527923584, -5.388746738433838, -1.698643445968628, -2.9155545234680176, -1.8570739030838013, 0.3685508072376251, -0.6721064448356628, -1.7402973175048828, -4.448188781738281, -2.3320815563201904, -3.1124160289764404, -2.239777088165283, -2.1238701343536377, -3.492258310317993, -4.8195390701293945, -2.8759515285491943, -3.056042432785034, -3.1336770057678223, -2.4614756107330322, -0.422211229801178, -2.3585638999938965, -3.5724363327026367, -0.7773780822753906, -4.294384479522705, -1.833012342453003, -4.481720924377441, -2.8400700092315674, -2.1916582584381104, -0.20150907337665558, -3.9115793704986572, -0.9050753116607666, -2.9791603088378906, -2.123189687728882, -3.932497024536133, -1.3375134468078613, -2.3746981620788574, -5.249118804931641, -2.663971424102783, -1.3220090866088867, -1.0240105390548706, -1.2798264026641846, -1.4837510585784912, -1.7605003118515015, -0.4450632631778717, -0.19828875362873077, -2.9953088760375977, -2.8129000663757324, -1.3711806535720825, -0.905617356300354, -1.1093047857284546, -3.472838878631592, -2.207808494567871, -2.5746278762817383, -3.245371103286743, -1.7209906578063965, -1.5765990018844604, -2.447021722793579, -4.086050510406494, -2.895289182662964, -1.957357406616211, -2.824129581451416, -3.280388355255127, -1.5759888887405396, -4.0739006996154785, -2.207242250442505, -1.2069604396820068, -1.2588688135147095, -0.21239452064037323, -3.4536893367767334, -5.687176704406738, -1.407385230064392, -3.0367422103881836, -0.9377634525299072, -2.6809866428375244, -1.6750167608261108, -0.6902238130569458, 0.591416597366333, -0.8433014154434204, -2.482624053955078, -4.851302623748779, -1.44878351688385, -1.7387932538986206, -0.46680518984794617, -4.541265964508057, -2.670034885406494, -0.08718496561050415, -1.1567074060440063, -0.1274053156375885, -0.38829556107521057, -2.899203300476074, -2.51202130317688, -4.1139631271362305, 1.2109885215759277, -1.4036363363265991, -2.20768666267395, -3.528991937637329, 0.12620562314987183, -3.3343400955200195, -1.449752688407898, -1.695318341255188, 1.2576112747192383, 0.28074538707733154, -1.221692442893982, -1.2502559423446655, -3.0089879035949707, -1.881725788116455, -0.6232064962387085, -2.089332342147827, -1.4124246835708618, -1.4048116207122803, -0.6954549551010132, -1.6978026628494263, -1.430797815322876, -2.1470093727111816, -0.8399049043655396, -0.5957848429679871, -4.416295528411865, -3.389047145843506, -0.4003943204879761, -4.153247356414795, -1.4695099592208862, -3.5651304721832275, -0.2752054035663605, -2.632575511932373, -2.6370229721069336, -2.5659046173095703, -3.039868116378784, -3.4027254581451416, -4.482636451721191, -3.4936184883117676, -3.5955097675323486, -4.155820369720459, -0.40469369292259216, -1.180621862411499, -3.971254587173462, -3.9174814224243164, -3.2591006755828857, -4.544680595397949, -3.731271505355835, 4.48147439956665, 2.799806594848633, 0.45567819476127625, 2.9352850914001465, 1.1198471784591675, 2.183328866958618, 2.875535011291504, 2.670189619064331, 3.0479562282562256, 0.7560573220252991, 1.0376800298690796, 3.7504732608795166, 1.8162275552749634, 0.8302632570266724, -0.7442867159843445, 1.4246255159378052, 0.9099918007850647, 4.1397528648376465, 1.698013424873352, -0.7983959317207336, 1.5178110599517822, 0.4979192316532135, 3.0345089435577393, 8.439630508422852, 1.2237529754638672, 4.001903533935547, -1.5365468263626099, -0.502070426940918, 2.08219051361084, 3.0254714488983154, 0.851430356502533, 1.05483877658844, 0.1593506634235382, 2.5694620609283447, 1.6882529258728027, 4.791681289672852, 0.46597373485565186, 1.7344970703125, 1.8653706312179565, -3.7306764125823975, -0.17342054843902588, 0.607579231262207, 3.3979227542877197, -0.9690961241722107, 2.2444777488708496, 0.5438726544380188, 0.3399249017238617, -0.5145711898803711, -0.27643948793411255, 5.0431389808654785, 1.0719243288040161, 0.6755212545394897, 1.0635666847229004, 2.8970518112182617, -0.24503494799137115, 0.2677985429763794, 5.767853260040283, 2.7208287715911865, 2.631786823272705, -3.712066411972046, 0.9199149012565613, -0.6619486808776855, 1.6385998725891113, -2.3274905681610107, 2.802562713623047, -1.0896999835968018, -1.3109577894210815, 1.1040453910827637, 0.799062192440033, 0.2817995846271515, -0.5115494728088379, 5.687519073486328, 5.994056701660156, 4.608816623687744, 4.708855152130127, 2.3742897510528564, 5.3140549659729, 0.7772890329360962, 1.2149087190628052, 6.167642116546631, 7.475282192230225, 4.660694599151611, 0.8593671321868896, 2.490009307861328, 5.6235809326171875, 1.4078541994094849, 1.4069896936416626, 3.779740333557129, 3.51975417137146, 5.2699713706970215, 2.4907889366149902, 1.1211588382720947, 1.8801428079605103, 7.124374866485596, 1.5052049160003662, 0.8761277198791504, 5.837669372558594, 11.038846015930176, 11.087148666381836, 10.83184814453125, 2.1337273120880127, -0.7215707898139954, 10.503634452819824, 3.639939785003662, 4.094263553619385, 3.846100330352783, 4.839427947998047, 8.102232933044434, 6.168914794921875, 10.11670970916748, 4.459931373596191, 1.7802114486694336, 8.43028736114502, 6.315309524536133, 3.8544113636016846, 2.8066086769104004, 4.197896480560303, -1.8742378950119019, 3.8444674015045166, 3.9126832485198975, 4.828442573547363, 2.9183831214904785, 7.703972339630127, 3.154557704925537, -2.6741669178009033, -2.491279363632202, 1.0260021686553955, 0.10183209925889969, -1.4041682481765747, 0.10055980831384659, 2.641960382461548, 3.8174126148223877, 1.0405006408691406, -0.16851866245269775, 2.2795510292053223, -0.08556774258613586, -1.3939931392669678, -2.0821800231933594, -4.192112445831299, -1.3648494482040405, 1.5525035858154297, 1.7010834217071533, 0.9642353653907776, -0.20052699744701385, -1.6545937061309814, -2.1897003650665283, -3.0494840145111084, -4.859720706939697, -2.6989574432373047, -1.4257192611694336, -0.4274105429649353, -1.4028866291046143, -2.224156379699707, 0.4315847158432007, -1.2196311950683594, -0.7891831398010254, -0.38564443588256836, -2.1956629753112793, 0.05167578160762787, -0.4005343019962311, -0.8555538654327393, -1.0657142400741577, -1.1980371475219727, -0.7499071359634399, -3.5165908336639404, -3.7054836750030518, -0.12918005883693695, -2.2676055431365967, 1.047448754310608, 2.4772748947143555, -2.1959140300750732, -2.4128668308258057, 0.5036782026290894, -2.3777709007263184, -1.0409942865371704, -0.4000007212162018, 1.3676034212112427, -0.053796734660863876, -2.675828218460083, -0.9308931827545166, -0.5529853105545044, 0.24982373416423798, -0.30617469549179077, -3.2795674800872803, -2.29314923286438, -4.353572845458984, -4.246553421020508, 0.4030839502811432, 6.243841648101807, 0.9266072511672974, -0.8102241158485413, -2.228850841522217, -2.7836508750915527, -4.507824420928955, -0.08835665136575699, -3.3499867916107178, -1.7043232917785645, -0.046653855592012405, -1.8700982332229614, -4.243189334869385, -4.142364978790283, -1.035437822341919, 1.1121145486831665, 0.5489708185195923, 1.7854083776474, -0.8899326324462891, -2.804229497909546, -0.5876503586769104, 0.03297153860330582, -4.439447402954102, -0.04600190743803978, -3.4029335975646973, -2.1875674724578857, -3.829667806625366, -2.804438829421997, -3.741136312484741, -5.61972713470459, 1.61433744430542, -2.4030938148498535, -3.8727028369903564, -0.9809319972991943, -3.026529312133789, -2.645667314529419, -2.2556560039520264, -3.3481874465942383, -2.2604241371154785, -2.3744215965270996, -3.6118099689483643, -3.5855491161346436, -3.8193302154541016, -3.778609275817871, -1.8183324337005615, -2.2463197708129883, -0.10866231471300125, -3.394549608230591, -1.5781954526901245, 1.205003023147583, -1.2630035877227783, -1.0072981119155884, -3.740948438644409, 0.17715883255004883, -2.8512673377990723, -1.8297392129898071, -1.8495395183563232, -1.8976248502731323, -2.7651848793029785, -3.4741358757019043, 1.1579986810684204, -0.9449197053909302, -0.7782102227210999, 1.266616940498352, -0.6262883543968201, -3.9068939685821533, -3.947010040283203, -0.4385109543800354, -1.6055970191955566, 1.4065991640090942, 0.1412144899368286, 3.039067506790161, -1.6238840818405151, 1.714242935180664, 2.9801743030548096, -1.3860528469085693, 4.098141193389893, -0.44749075174331665, -0.370810329914093, 4.346672534942627, 4.513945579528809, 0.792707622051239, -0.4460267722606659, -0.25548022985458374, 1.4597045183181763, -1.100895881652832, -2.0053751468658447, -0.09760716557502747, 1.1322005987167358, 1.216845989227295, 2.9429848194122314, 3.3941543102264404, 0.08172310143709183, 0.5641721487045288, 0.5944889783859253, 0.4217013716697693, 3.0764071941375732, -0.23975367844104767, 0.1801811158657074, -0.3441045582294464, -2.1999106407165527, 2.1867895126342773, -0.09990686178207397, -0.9786611199378967, 2.22766375541687, 0.8623665571212769, 0.8131497502326965, 1.3771015405654907, 0.41693755984306335, -0.8338810205459595, -0.17246480286121368, 0.5097242593765259, 0.21408654749393463, -1.317720890045166, 1.012494683265686, 1.7705196142196655, 0.929252028465271, -0.17954468727111816, 0.47507980465888977, 1.6022729873657227, 0.3543952703475952, 0.7656742334365845, -0.7247799038887024, -0.23360368609428406, 2.603882074356079, 1.9868561029434204, -1.6057071685791016, 1.5703074932098389, -3.7741658687591553, -3.140000343322754, 0.5150386095046997, 1.3023779392242432, 0.4507051706314087, -0.5896298885345459, 3.9387500286102295, -2.5309929847717285, 0.518461287021637, -0.045031480491161346, 0.738206684589386, 0.6375916600227356, 2.4231107234954834, 2.9671168327331543, 0.8056631088256836, -0.2885362505912781, -0.23231540620326996, 0.5387077927589417, 1.0304267406463623, -0.7439289689064026, 0.2635357975959778, 1.7739307880401611, 0.5353232026100159, 2.856762647628784, 0.6452627182006836, -0.056495301425457, 0.019424065947532654, 0.8019267320632935, 0.22669832408428192, 0.10482416301965714, 2.5235612392425537, 1.4046953916549683, -1.9748278856277466, -2.55082631111145, -2.590188980102539, 2.6248185634613037, 0.5802381634712219, -0.012786176055669785, 1.328223466873169, 0.4185781180858612, -1.1124658584594727, -0.6484693288803101, 2.74432373046875, -0.37855908274650574, -0.5795044302940369, 1.4532623291015625, -0.759277880191803, -0.6047621369361877, -0.8623836636543274, 2.0634381771087646, 0.5325129628181458, -0.07227202504873276, 0.249970942735672, 0.7232279777526855, 1.1935458183288574, 0.24584455788135529, 2.459434986114502, 1.7067794799804688, -1.0971909761428833, -1.6077880859375, 0.8989061713218689, 0.4052864909172058, -0.02393043041229248, 1.2966910600662231, 0.9352517127990723, 0.7611367106437683, -0.49709200859069824, 0.5513348579406738, -0.15507125854492188, -3.5316507816314697, -0.5069413781166077, 5.401363372802734, -0.6017521619796753, 3.6606040000915527, -2.9822845458984375, 0.4929428696632385, 0.8544527292251587, 2.7701542377471924, 0.6290282011032104, 0.5133344531059265, -0.7050278186798096, -2.6976919174194336, 0.5152340531349182, -0.07887257635593414, -2.970639944076538, -0.6368319392204285, 1.791993260383606, 1.235923171043396, -1.6039893627166748, 0.3796193301677704, 0.0743897557258606, 2.5868160724639893, 0.922818124294281, 2.62589693069458, 3.8283755779266357, -0.6406854391098022, -1.1299877166748047, 1.14467191696167, -1.0328023433685303, -0.8392481207847595, 0.4829899072647095, -1.6974682807922363, 2.0771267414093018, -0.4594328701496124, -1.2899274826049805, -0.36673101782798767, 2.590146064758301, -0.1904577910900116, 4.209320545196533, 3.580552101135254, -0.2811737060546875, 0.018901944160461426, 0.9365814328193665, 0.6035410761833191, 1.7300513982772827, 0.7132458090782166, -0.7031646966934204, -0.5004294514656067, 0.6516416072845459, 0.13088513910770416, 0.39647555351257324, -1.3985508680343628, 2.494258403778076, 0.17934682965278625, 0.4559157192707062, 1.6974800825119019, -2.653848648071289, -1.4799747467041016, 0.23367762565612793, -0.401059091091156, 0.8545640707015991, 1.2081598043441772, -1.0631687641143799, -0.7097278833389282, -0.6915793418884277, -0.48807767033576965, 2.1490485668182373, 1.994779348373413, -0.309725284576416, 0.7534962296485901, 0.3838612139225006, 2.0906643867492676, 1.7898967266082764, 2.3028721809387207, 0.9491930603981018, 1.288383960723877, -1.3181759119033813, -1.56107497215271, 0.9501054883003235, 1.1505216360092163, 0.0841454267501831, -1.1702102422714233, -0.22755806148052216, 0.47900375723838806, 3.3707222938537598, 3.2171294689178467, 1.3577296733856201, 0.5132479667663574, 1.6241233348846436, 0.39679446816444397, 0.6182871460914612, -1.8020302057266235, -2.273179531097412, -1.0654096603393555, 0.23821355402469635, 0.46932509541511536, 0.46651357412338257, -1.7554057836532593, -1.1448501348495483, 0.5380088686943054, 2.2509233951568604, 2.4570677280426025, 1.6912322044372559, 1.282508373260498, -1.4788862466812134, 1.1049860715866089, -1.6647998094558716, -0.7823216915130615, 0.9179087281227112, 1.7279776334762573, 1.436221957206726, -1.5274734497070312, -0.2444668561220169, -1.5347509384155273, -1.9325847625732422, -1.0709526538848877, 1.5472469329833984, 1.2437478303909302, -1.063280701637268, 1.902294635772705, 1.6843698024749756, -0.3648700714111328, 1.3523964881896973, -0.3981909453868866, -1.0235872268676758, 1.0606437921524048, -2.137662172317505, -1.4636268615722656, 0.820901095867157, 1.3147257566452026, -0.6305176615715027, 1.0510809421539307, -1.2072645425796509, 0.30682259798049927, 1.2256721258163452, -0.16383419930934906, 2.16978120803833, 0.7964350581169128, -0.48495718836784363, -0.7223852276802063, 5.431890487670898, -2.9348883628845215, 0.173114612698555, 1.0914671421051025, 1.753499150276184, 3.865567445755005, 0.296067476272583, 0.5469890832901001, -0.7199031710624695, -0.30049896240234375, -2.9984302520751953, -1.4062846899032593, -2.158229112625122, -0.7109717726707458, 0.9285435676574707, -1.2161037921905518, 2.3051962852478027, 2.64526104927063, -0.45120319724082947, -0.7393449544906616, 1.405531644821167, 0.9890850782394409, 1.92544686794281, -0.6046110987663269, 2.328507423400879, 0.6218724250793457, 0.20570991933345795, 2.966010808944702, 1.3359277248382568, -1.241937279701233, 3.257911205291748, 0.30844682455062866, -0.9970972537994385, 2.7559309005737305, 2.947950601577759, -0.15460214018821716, -0.7883446216583252, -0.9202589988708496, -0.020370205864310265, -2.6500086784362793, 3.0443508625030518, 1.743947982788086, 0.747965931892395, 0.4742513597011566, -0.5459211468696594, 1.2916135787963867, 2.1087779998779297, 2.2014925479888916, -1.0636907815933228, -0.047605179250240326, -2.6452813148498535, -1.383744239807129, 1.1371270418167114, -1.238087773323059, 0.5519890785217285, 1.7330126762390137, -0.6170194149017334, 1.854001522064209, 0.0954878181219101, 1.9466322660446167, 1.794241189956665, 0.039252638816833496, -0.19749785959720612, -4.206841945648193, -1.3268961906433105, 2.189582109451294, 0.25798800587654114, -0.39195317029953003, -1.3728301525115967, -2.2057876586914062, 0.07216962426900864, 0.8506231904029846, 2.716503620147705, 1.0431472063064575, 3.1343870162963867, 1.0341962575912476, 2.7223002910614014, -0.33414843678474426, -0.5487478375434875, 0.8990635275840759, 3.4038333892822266, -0.22376447916030884, 0.07326292246580124, -0.12549275159835815, -0.3097744286060333, 1.4494130611419678, 0.3737104833126068, 0.42938563227653503, 1.2288645505905151, 3.198986291885376, -0.9852681756019592, 2.1392951011657715, 1.8636292219161987, 0.5314702987670898, 2.1410844326019287, 0.07178203761577606, 2.579829216003418, 2.0770046710968018, -0.01828363910317421, 1.1538102626800537, -0.7035776972770691, -0.5001262426376343, -0.9653146862983704, -2.6354258060455322, -1.1420164108276367, 0.9036303162574768, 0.5201398134231567, -0.9366657137870789, 0.6147940158843994, 2.563716411590576, -0.7428556680679321, 2.7990546226501465, 1.4155992269515991, 1.7655411958694458, 1.627662181854248, 2.0145602226257324, 1.5509142875671387, -0.66004478931427, 0.9519579410552979, -0.22161263227462769, -0.033559706062078476, 3.4113306999206543, 0.807908296585083, 2.731243133544922, -1.1829602718353271, -0.666088879108429, -1.0103628635406494, -0.05003039538860321, 0.5441370010375977, 6.094512939453125, 0.4210489094257355, -0.3898664712905884, -0.5602355599403381, 0.6837038397789001, 2.6086695194244385, 1.1682504415512085, -2.57012939453125, 0.5038474202156067, -0.7558023929595947, -0.6899958252906799, -0.7047230005264282, 1.170420527458191, -1.8128705024719238, -0.43803533911705017, -0.7041135430335999, -2.0361108779907227, -2.865117073059082, 1.0411895513534546, 4.023390293121338, 0.2144118994474411, 3.322456121444702, -0.12874726951122284, 0.7509807348251343, -1.5593122243881226, -0.6948837041854858, 1.4350576400756836, -1.4185090065002441, -2.825155258178711, -0.5716686844825745, -0.27019694447517395, 0.14666974544525146, 0.7213382720947266, 0.2349950671195984, 0.4298882484436035, 0.24089881777763367, 2.424152135848999, 2.38161301612854, 2.68387508392334, -1.675816297531128, 0.5684142112731934, 0.08140233159065247, -1.328484058380127, -0.08933857083320618, 1.2805442810058594, 4.667807579040527, 0.3949768841266632, 4.964328765869141, 0.4493212401866913, 0.49642714858055115, -0.30175963044166565, -0.939692497253418, 0.3591740131378174, 1.1966487169265747, -1.5987673997879028, -1.4013715982437134, 0.6252586245536804, 0.6375517249107361, -0.08944440633058548, 0.8369368314743042, 2.9173333644866943, 0.8579233884811401, -1.1364729404449463, -0.01266433671116829, -0.052521780133247375, 2.2555484771728516, 2.1849331855773926, 1.890916347503662, 1.0208438634872437, -3.465909004211426, 0.2995164096355438, 1.4601879119873047, -1.042741060256958, 0.48671475052833557, 3.4693238735198975, 1.0927120447158813, 1.1716400384902954, 1.832642912864685, 0.12155322730541229, -0.4447304308414459, 2.9176058769226074, -1.6883790493011475, -2.342083692550659, -0.6320714950561523, 0.5942274928092957, 1.4546467065811157, -1.6978635787963867, 2.2832696437835693, 3.4135866165161133, -0.11403636634349823, -2.5558066368103027, -1.450520396232605, -1.7825028896331787, 4.647156238555908, 0.4630385935306549, 1.5413992404937744, -1.3743259906768799, 3.4131081104278564, 1.411144495010376, 3.457047462463379, 1.3101699352264404, -2.7795538902282715, -0.2232770323753357, -0.19650286436080933, -1.3833602666854858, 2.00016713142395, 1.5340580940246582, 1.9496256113052368, -0.7850511074066162, -0.2745943069458008, 0.6859869360923767, 1.4264651536941528, 0.15139207243919373, 1.9273546934127808, -0.783965528011322, -1.4971638917922974, 1.5665477514266968, -0.7320509552955627, -1.5149905681610107, 1.2925796508789062, -1.6941871643066406, -3.1682546138763428, -2.5794296264648438, -1.3699159622192383, 3.1451945304870605, -1.5959312915802002, 0.15325406193733215, 0.588627278804779, -0.5977718234062195, 1.4148263931274414, -1.661409616470337, -2.2289066314697266, 0.8796267509460449, -0.37350618839263916, 1.0486295223236084, -1.7509045600891113, -1.7230217456817627, -1.4233078956604004, 0.15231209993362427, -1.6564298868179321, -0.6157931685447693, -1.3653186559677124, -0.5375301837921143, 1.3738137483596802, -0.6402419805526733, 0.2147725373506546, -1.2033156156539917, -0.7748193144798279, -0.12748029828071594, -0.21898113191127777, -2.0373013019561768, -2.351781129837036, 0.0028178473003208637, 0.3099181056022644, -1.9125932455062866, -1.207922339439392, -1.8245595693588257, -2.2694051265716553, -1.107034683227539, -2.8216378688812256, -1.4607181549072266, 0.2326987087726593, -1.0092521905899048, 1.407999038696289, -0.708759605884552, -0.5778506994247437, 1.413687825202942, -0.8041055202484131, -0.7602683305740356, -3.4595000743865967, 3.448349952697754, -2.147444486618042, 1.5707422494888306, -0.47289377450942993, -1.1708650588989258, -2.2173688411712646, 3.2860283851623535, -2.037209987640381, -0.6541475653648376, -0.3220016360282898, -0.5214560031890869, -3.3337862491607666, 0.9259704947471619, -0.2998931407928467, -1.8074743747711182, -0.961166262626648, -1.2654640674591064, -0.4000198245048523, -2.9874444007873535, -2.893066644668579, 0.22407519817352295, -1.9909253120422363, -3.592283248901367, 0.3668442368507385, 2.7051074504852295]}]}\n" - ] - } - ], + "outputs": [], "source": [ "payload = {\n", " \"inputs\": [\n", @@ -14593,269 +443,12 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "id": "b98f4405", "metadata": { "scrolled": true }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[-1.24238670e+00 2.47018531e-01 -1.71944475e+00 -2.98377419e+00\n", - " -3.00313783e+00 -1.95564854e+00 -2.48965049e+00 -3.74837667e-01\n", - " 4.31159399e-02 -1.60371554e+00 -3.87695694e+00 -1.97425604e+00\n", - " -3.64828253e+00 -5.38874674e+00 -1.69864345e+00 -2.91555452e+00\n", - " -1.85707390e+00 3.68550807e-01 -6.72106445e-01 -1.74029732e+00\n", - " -4.44818878e+00 -2.33208156e+00 -3.11241603e+00 -2.23977709e+00\n", - " -2.12387013e+00 -3.49225831e+00 -4.81953907e+00 -2.87595153e+00\n", - " -3.05604243e+00 -3.13367701e+00 -2.46147561e+00 -4.22211230e-01\n", - " -2.35856390e+00 -3.57243633e+00 -7.77378082e-01 -4.29438448e+00\n", - " -1.83301234e+00 -4.48172092e+00 -2.84007001e+00 -2.19165826e+00\n", - " -2.01509073e-01 -3.91157937e+00 -9.05075312e-01 -2.97916031e+00\n", - " -2.12318969e+00 -3.93249702e+00 -1.33751345e+00 -2.37469816e+00\n", - " -5.24911880e+00 -2.66397142e+00 -1.32200909e+00 -1.02401054e+00\n", - " -1.27982640e+00 -1.48375106e+00 -1.76050031e+00 -4.45063263e-01\n", - " -1.98288754e-01 -2.99530888e+00 -2.81290007e+00 -1.37118065e+00\n", - " -9.05617356e-01 -1.10930479e+00 -3.47283888e+00 -2.20780849e+00\n", - " -2.57462788e+00 -3.24537110e+00 -1.72099066e+00 -1.57659900e+00\n", - " -2.44702172e+00 -4.08605051e+00 -2.89528918e+00 -1.95735741e+00\n", - " -2.82412958e+00 -3.28038836e+00 -1.57598889e+00 -4.07390070e+00\n", - " -2.20724225e+00 -1.20696044e+00 -1.25886881e+00 -2.12394521e-01\n", - " -3.45368934e+00 -5.68717670e+00 -1.40738523e+00 -3.03674221e+00\n", - " -9.37763453e-01 -2.68098664e+00 -1.67501676e+00 -6.90223813e-01\n", - " 5.91416597e-01 -8.43301415e-01 -2.48262405e+00 -4.85130262e+00\n", - " -1.44878352e+00 -1.73879325e+00 -4.66805190e-01 -4.54126596e+00\n", - " -2.67003489e+00 -8.71849656e-02 -1.15670741e+00 -1.27405316e-01\n", - " -3.88295561e-01 -2.89920330e+00 -2.51202130e+00 -4.11396313e+00\n", - " 1.21098852e+00 -1.40363634e+00 -2.20768666e+00 -3.52899194e+00\n", - " 1.26205623e-01 -3.33434010e+00 -1.44975269e+00 -1.69531834e+00\n", - " 1.25761127e+00 2.80745387e-01 -1.22169244e+00 -1.25025594e+00\n", - " -3.00898790e+00 -1.88172579e+00 -6.23206496e-01 -2.08933234e+00\n", - " -1.41242468e+00 -1.40481162e+00 -6.95454955e-01 -1.69780266e+00\n", - " -1.43079782e+00 -2.14700937e+00 -8.39904904e-01 -5.95784843e-01\n", - " -4.41629553e+00 -3.38904715e+00 -4.00394320e-01 -4.15324736e+00\n", - " -1.46950996e+00 -3.56513047e+00 -2.75205404e-01 -2.63257551e+00\n", - " -2.63702297e+00 -2.56590462e+00 -3.03986812e+00 -3.40272546e+00\n", - " -4.48263645e+00 -3.49361849e+00 -3.59550977e+00 -4.15582037e+00\n", - " -4.04693693e-01 -1.18062186e+00 -3.97125459e+00 -3.91748142e+00\n", - " -3.25910068e+00 -4.54468060e+00 -3.73127151e+00 4.48147440e+00\n", - " 2.79980659e+00 4.55678195e-01 2.93528509e+00 1.11984718e+00\n", - " 2.18332887e+00 2.87553501e+00 2.67018962e+00 3.04795623e+00\n", - " 7.56057322e-01 1.03768003e+00 3.75047326e+00 1.81622756e+00\n", - " 8.30263257e-01 -7.44286716e-01 1.42462552e+00 9.09991801e-01\n", - " 4.13975286e+00 1.69801342e+00 -7.98395932e-01 1.51781106e+00\n", - " 4.97919232e-01 3.03450894e+00 8.43963051e+00 1.22375298e+00\n", - " 4.00190353e+00 -1.53654683e+00 -5.02070427e-01 2.08219051e+00\n", - " 3.02547145e+00 8.51430357e-01 1.05483878e+00 1.59350663e-01\n", - " 2.56946206e+00 1.68825293e+00 4.79168129e+00 4.65973735e-01\n", - " 1.73449707e+00 1.86537063e+00 -3.73067641e+00 -1.73420548e-01\n", - " 6.07579231e-01 3.39792275e+00 -9.69096124e-01 2.24447775e+00\n", - " 5.43872654e-01 3.39924902e-01 -5.14571190e-01 -2.76439488e-01\n", - " 5.04313898e+00 1.07192433e+00 6.75521255e-01 1.06356668e+00\n", - " 2.89705181e+00 -2.45034948e-01 2.67798543e-01 5.76785326e+00\n", - " 2.72082877e+00 2.63178682e+00 -3.71206641e+00 9.19914901e-01\n", - " -6.61948681e-01 1.63859987e+00 -2.32749057e+00 2.80256271e+00\n", - " -1.08969998e+00 -1.31095779e+00 1.10404539e+00 7.99062192e-01\n", - " 2.81799585e-01 -5.11549473e-01 5.68751907e+00 5.99405670e+00\n", - " 4.60881662e+00 4.70885515e+00 2.37428975e+00 5.31405497e+00\n", - " 7.77289033e-01 1.21490872e+00 6.16764212e+00 7.47528219e+00\n", - " 4.66069460e+00 8.59367132e-01 2.49000931e+00 5.62358093e+00\n", - " 1.40785420e+00 1.40698969e+00 3.77974033e+00 3.51975417e+00\n", - " 5.26997137e+00 2.49078894e+00 1.12115884e+00 1.88014281e+00\n", - " 7.12437487e+00 1.50520492e+00 8.76127720e-01 5.83766937e+00\n", - " 1.10388460e+01 1.10871487e+01 1.08318481e+01 2.13372731e+00\n", - " -7.21570790e-01 1.05036345e+01 3.63993979e+00 4.09426355e+00\n", - " 3.84610033e+00 4.83942795e+00 8.10223293e+00 6.16891479e+00\n", - " 1.01167097e+01 4.45993137e+00 1.78021145e+00 8.43028736e+00\n", - " 6.31530952e+00 3.85441136e+00 2.80660868e+00 4.19789648e+00\n", - " -1.87423790e+00 3.84446740e+00 3.91268325e+00 4.82844257e+00\n", - " 2.91838312e+00 7.70397234e+00 3.15455770e+00 -2.67416692e+00\n", - " -2.49127936e+00 1.02600217e+00 1.01832099e-01 -1.40416825e+00\n", - " 1.00559808e-01 2.64196038e+00 3.81741261e+00 1.04050064e+00\n", - " -1.68518662e-01 2.27955103e+00 -8.55677426e-02 -1.39399314e+00\n", - " -2.08218002e+00 -4.19211245e+00 -1.36484945e+00 1.55250359e+00\n", - " 1.70108342e+00 9.64235365e-01 -2.00526997e-01 -1.65459371e+00\n", - " -2.18970037e+00 -3.04948401e+00 -4.85972071e+00 -2.69895744e+00\n", - " -1.42571926e+00 -4.27410543e-01 -1.40288663e+00 -2.22415638e+00\n", - " 4.31584716e-01 -1.21963120e+00 -7.89183140e-01 -3.85644436e-01\n", - " -2.19566298e+00 5.16757816e-02 -4.00534302e-01 -8.55553865e-01\n", - " -1.06571424e+00 -1.19803715e+00 -7.49907136e-01 -3.51659083e+00\n", - " -3.70548368e+00 -1.29180059e-01 -2.26760554e+00 1.04744875e+00\n", - " 2.47727489e+00 -2.19591403e+00 -2.41286683e+00 5.03678203e-01\n", - " -2.37777090e+00 -1.04099429e+00 -4.00000721e-01 1.36760342e+00\n", - " -5.37967347e-02 -2.67582822e+00 -9.30893183e-01 -5.52985311e-01\n", - " 2.49823734e-01 -3.06174695e-01 -3.27956748e+00 -2.29314923e+00\n", - " -4.35357285e+00 -4.24655342e+00 4.03083950e-01 6.24384165e+00\n", - " 9.26607251e-01 -8.10224116e-01 -2.22885084e+00 -2.78365088e+00\n", - " -4.50782442e+00 -8.83566514e-02 -3.34998679e+00 -1.70432329e+00\n", - " -4.66538556e-02 -1.87009823e+00 -4.24318933e+00 -4.14236498e+00\n", - " -1.03543782e+00 1.11211455e+00 5.48970819e-01 1.78540838e+00\n", - " -8.89932632e-01 -2.80422950e+00 -5.87650359e-01 3.29715386e-02\n", - " -4.43944740e+00 -4.60019074e-02 -3.40293360e+00 -2.18756747e+00\n", - " -3.82966781e+00 -2.80443883e+00 -3.74113631e+00 -5.61972713e+00\n", - " 1.61433744e+00 -2.40309381e+00 -3.87270284e+00 -9.80931997e-01\n", - " -3.02652931e+00 -2.64566731e+00 -2.25565600e+00 -3.34818745e+00\n", - " -2.26042414e+00 -2.37442160e+00 -3.61180997e+00 -3.58554912e+00\n", - " -3.81933022e+00 -3.77860928e+00 -1.81833243e+00 -2.24631977e+00\n", - " -1.08662315e-01 -3.39454961e+00 -1.57819545e+00 1.20500302e+00\n", - " -1.26300359e+00 -1.00729811e+00 -3.74094844e+00 1.77158833e-01\n", - " -2.85126734e+00 -1.82973921e+00 -1.84953952e+00 -1.89762485e+00\n", - " -2.76518488e+00 -3.47413588e+00 1.15799868e+00 -9.44919705e-01\n", - " -7.78210223e-01 1.26661694e+00 -6.26288354e-01 -3.90689397e+00\n", - " -3.94701004e+00 -4.38510954e-01 -1.60559702e+00 1.40659916e+00\n", - " 1.41214490e-01 3.03906751e+00 -1.62388408e+00 1.71424294e+00\n", - " 2.98017430e+00 -1.38605285e+00 4.09814119e+00 -4.47490752e-01\n", - " -3.70810330e-01 4.34667253e+00 4.51394558e+00 7.92707622e-01\n", - " -4.46026772e-01 -2.55480230e-01 1.45970452e+00 -1.10089588e+00\n", - " -2.00537515e+00 -9.76071656e-02 1.13220060e+00 1.21684599e+00\n", - " 2.94298482e+00 3.39415431e+00 8.17231014e-02 5.64172149e-01\n", - " 5.94488978e-01 4.21701372e-01 3.07640719e+00 -2.39753678e-01\n", - " 1.80181116e-01 -3.44104558e-01 -2.19991064e+00 2.18678951e+00\n", - " -9.99068618e-02 -9.78661120e-01 2.22766376e+00 8.62366557e-01\n", - " 8.13149750e-01 1.37710154e+00 4.16937560e-01 -8.33881021e-01\n", - " -1.72464803e-01 5.09724259e-01 2.14086547e-01 -1.31772089e+00\n", - " 1.01249468e+00 1.77051961e+00 9.29252028e-01 -1.79544687e-01\n", - " 4.75079805e-01 1.60227299e+00 3.54395270e-01 7.65674233e-01\n", - " -7.24779904e-01 -2.33603686e-01 2.60388207e+00 1.98685610e+00\n", - " -1.60570717e+00 1.57030749e+00 -3.77416587e+00 -3.14000034e+00\n", - " 5.15038610e-01 1.30237794e+00 4.50705171e-01 -5.89629889e-01\n", - " 3.93875003e+00 -2.53099298e+00 5.18461287e-01 -4.50314805e-02\n", - " 7.38206685e-01 6.37591660e-01 2.42311072e+00 2.96711683e+00\n", - " 8.05663109e-01 -2.88536251e-01 -2.32315406e-01 5.38707793e-01\n", - " 1.03042674e+00 -7.43928969e-01 2.63535798e-01 1.77393079e+00\n", - " 5.35323203e-01 2.85676265e+00 6.45262718e-01 -5.64953014e-02\n", - " 1.94240659e-02 8.01926732e-01 2.26698324e-01 1.04824163e-01\n", - " 2.52356124e+00 1.40469539e+00 -1.97482789e+00 -2.55082631e+00\n", - " -2.59018898e+00 2.62481856e+00 5.80238163e-01 -1.27861761e-02\n", - " 1.32822347e+00 4.18578118e-01 -1.11246586e+00 -6.48469329e-01\n", - " 2.74432373e+00 -3.78559083e-01 -5.79504430e-01 1.45326233e+00\n", - " -7.59277880e-01 -6.04762137e-01 -8.62383664e-01 2.06343818e+00\n", - " 5.32512963e-01 -7.22720250e-02 2.49970943e-01 7.23227978e-01\n", - " 1.19354582e+00 2.45844558e-01 2.45943499e+00 1.70677948e+00\n", - " -1.09719098e+00 -1.60778809e+00 8.98906171e-01 4.05286491e-01\n", - " -2.39304304e-02 1.29669106e+00 9.35251713e-01 7.61136711e-01\n", - " -4.97092009e-01 5.51334858e-01 -1.55071259e-01 -3.53165078e+00\n", - " -5.06941378e-01 5.40136337e+00 -6.01752162e-01 3.66060400e+00\n", - " -2.98228455e+00 4.92942870e-01 8.54452729e-01 2.77015424e+00\n", - " 6.29028201e-01 5.13334453e-01 -7.05027819e-01 -2.69769192e+00\n", - " 5.15234053e-01 -7.88725764e-02 -2.97063994e+00 -6.36831939e-01\n", - " 1.79199326e+00 1.23592317e+00 -1.60398936e+00 3.79619330e-01\n", - " 7.43897557e-02 2.58681607e+00 9.22818124e-01 2.62589693e+00\n", - " 3.82837558e+00 -6.40685439e-01 -1.12998772e+00 1.14467192e+00\n", - " -1.03280234e+00 -8.39248121e-01 4.82989907e-01 -1.69746828e+00\n", - " 2.07712674e+00 -4.59432870e-01 -1.28992748e+00 -3.66731018e-01\n", - " 2.59014606e+00 -1.90457791e-01 4.20932055e+00 3.58055210e+00\n", - " -2.81173706e-01 1.89019442e-02 9.36581433e-01 6.03541076e-01\n", - " 1.73005140e+00 7.13245809e-01 -7.03164697e-01 -5.00429451e-01\n", - " 6.51641607e-01 1.30885139e-01 3.96475554e-01 -1.39855087e+00\n", - " 2.49425840e+00 1.79346830e-01 4.55915719e-01 1.69748008e+00\n", - " -2.65384865e+00 -1.47997475e+00 2.33677626e-01 -4.01059091e-01\n", - " 8.54564071e-01 1.20815980e+00 -1.06316876e+00 -7.09727883e-01\n", - " -6.91579342e-01 -4.88077670e-01 2.14904857e+00 1.99477935e+00\n", - " -3.09725285e-01 7.53496230e-01 3.83861214e-01 2.09066439e+00\n", - " 1.78989673e+00 2.30287218e+00 9.49193060e-01 1.28838396e+00\n", - " -1.31817591e+00 -1.56107497e+00 9.50105488e-01 1.15052164e+00\n", - " 8.41454268e-02 -1.17021024e+00 -2.27558061e-01 4.79003757e-01\n", - " 3.37072229e+00 3.21712947e+00 1.35772967e+00 5.13247967e-01\n", - " 1.62412333e+00 3.96794468e-01 6.18287146e-01 -1.80203021e+00\n", - " -2.27317953e+00 -1.06540966e+00 2.38213554e-01 4.69325095e-01\n", - " 4.66513574e-01 -1.75540578e+00 -1.14485013e+00 5.38008869e-01\n", - " 2.25092340e+00 2.45706773e+00 1.69123220e+00 1.28250837e+00\n", - " -1.47888625e+00 1.10498607e+00 -1.66479981e+00 -7.82321692e-01\n", - " 9.17908728e-01 1.72797763e+00 1.43622196e+00 -1.52747345e+00\n", - " -2.44466856e-01 -1.53475094e+00 -1.93258476e+00 -1.07095265e+00\n", - " 1.54724693e+00 1.24374783e+00 -1.06328070e+00 1.90229464e+00\n", - " 1.68436980e+00 -3.64870071e-01 1.35239649e+00 -3.98190945e-01\n", - " -1.02358723e+00 1.06064379e+00 -2.13766217e+00 -1.46362686e+00\n", - " 8.20901096e-01 1.31472576e+00 -6.30517662e-01 1.05108094e+00\n", - " -1.20726454e+00 3.06822598e-01 1.22567213e+00 -1.63834199e-01\n", - " 2.16978121e+00 7.96435058e-01 -4.84957188e-01 -7.22385228e-01\n", - " 5.43189049e+00 -2.93488836e+00 1.73114613e-01 1.09146714e+00\n", - " 1.75349915e+00 3.86556745e+00 2.96067476e-01 5.46989083e-01\n", - " -7.19903171e-01 -3.00498962e-01 -2.99843025e+00 -1.40628469e+00\n", - " -2.15822911e+00 -7.10971773e-01 9.28543568e-01 -1.21610379e+00\n", - " 2.30519629e+00 2.64526105e+00 -4.51203197e-01 -7.39344954e-01\n", - " 1.40553164e+00 9.89085078e-01 1.92544687e+00 -6.04611099e-01\n", - " 2.32850742e+00 6.21872425e-01 2.05709919e-01 2.96601081e+00\n", - " 1.33592772e+00 -1.24193728e+00 3.25791121e+00 3.08446825e-01\n", - " -9.97097254e-01 2.75593090e+00 2.94795060e+00 -1.54602140e-01\n", - " -7.88344622e-01 -9.20258999e-01 -2.03702059e-02 -2.65000868e+00\n", - " 3.04435086e+00 1.74394798e+00 7.47965932e-01 4.74251360e-01\n", - " -5.45921147e-01 1.29161358e+00 2.10877800e+00 2.20149255e+00\n", - " -1.06369078e+00 -4.76051793e-02 -2.64528131e+00 -1.38374424e+00\n", - " 1.13712704e+00 -1.23808777e+00 5.51989079e-01 1.73301268e+00\n", - " -6.17019415e-01 1.85400152e+00 9.54878181e-02 1.94663227e+00\n", - " 1.79424119e+00 3.92526388e-02 -1.97497860e-01 -4.20684195e+00\n", - " -1.32689619e+00 2.18958211e+00 2.57988006e-01 -3.91953170e-01\n", - " -1.37283015e+00 -2.20578766e+00 7.21696243e-02 8.50623190e-01\n", - " 2.71650362e+00 1.04314721e+00 3.13438702e+00 1.03419626e+00\n", - " 2.72230029e+00 -3.34148437e-01 -5.48747838e-01 8.99063528e-01\n", - " 3.40383339e+00 -2.23764479e-01 7.32629225e-02 -1.25492752e-01\n", - " -3.09774429e-01 1.44941306e+00 3.73710483e-01 4.29385632e-01\n", - " 1.22886455e+00 3.19898629e+00 -9.85268176e-01 2.13929510e+00\n", - " 1.86362922e+00 5.31470299e-01 2.14108443e+00 7.17820376e-02\n", - " 2.57982922e+00 2.07700467e+00 -1.82836391e-02 1.15381026e+00\n", - " -7.03577697e-01 -5.00126243e-01 -9.65314686e-01 -2.63542581e+00\n", - " -1.14201641e+00 9.03630316e-01 5.20139813e-01 -9.36665714e-01\n", - " 6.14794016e-01 2.56371641e+00 -7.42855668e-01 2.79905462e+00\n", - " 1.41559923e+00 1.76554120e+00 1.62766218e+00 2.01456022e+00\n", - " 1.55091429e+00 -6.60044789e-01 9.51957941e-01 -2.21612632e-01\n", - " -3.35597061e-02 3.41133070e+00 8.07908297e-01 2.73124313e+00\n", - " -1.18296027e+00 -6.66088879e-01 -1.01036286e+00 -5.00303954e-02\n", - " 5.44137001e-01 6.09451294e+00 4.21048909e-01 -3.89866471e-01\n", - " -5.60235560e-01 6.83703840e-01 2.60866952e+00 1.16825044e+00\n", - " -2.57012939e+00 5.03847420e-01 -7.55802393e-01 -6.89995825e-01\n", - " -7.04723001e-01 1.17042053e+00 -1.81287050e+00 -4.38035339e-01\n", - " -7.04113543e-01 -2.03611088e+00 -2.86511707e+00 1.04118955e+00\n", - " 4.02339029e+00 2.14411899e-01 3.32245612e+00 -1.28747270e-01\n", - " 7.50980735e-01 -1.55931222e+00 -6.94883704e-01 1.43505764e+00\n", - " -1.41850901e+00 -2.82515526e+00 -5.71668684e-01 -2.70196944e-01\n", - " 1.46669745e-01 7.21338272e-01 2.34995067e-01 4.29888248e-01\n", - " 2.40898818e-01 2.42415214e+00 2.38161302e+00 2.68387508e+00\n", - " -1.67581630e+00 5.68414211e-01 8.14023316e-02 -1.32848406e+00\n", - " -8.93385708e-02 1.28054428e+00 4.66780758e+00 3.94976884e-01\n", - " 4.96432877e+00 4.49321240e-01 4.96427149e-01 -3.01759630e-01\n", - " -9.39692497e-01 3.59174013e-01 1.19664872e+00 -1.59876740e+00\n", - " -1.40137160e+00 6.25258625e-01 6.37551725e-01 -8.94444063e-02\n", - " 8.36936831e-01 2.91733336e+00 8.57923388e-01 -1.13647294e+00\n", - " -1.26643367e-02 -5.25217801e-02 2.25554848e+00 2.18493319e+00\n", - " 1.89091635e+00 1.02084386e+00 -3.46590900e+00 2.99516410e-01\n", - " 1.46018791e+00 -1.04274106e+00 4.86714751e-01 3.46932387e+00\n", - " 1.09271204e+00 1.17164004e+00 1.83264291e+00 1.21553227e-01\n", - " -4.44730431e-01 2.91760588e+00 -1.68837905e+00 -2.34208369e+00\n", - " -6.32071495e-01 5.94227493e-01 1.45464671e+00 -1.69786358e+00\n", - " 2.28326964e+00 3.41358662e+00 -1.14036366e-01 -2.55580664e+00\n", - " -1.45052040e+00 -1.78250289e+00 4.64715624e+00 4.63038594e-01\n", - " 1.54139924e+00 -1.37432599e+00 3.41310811e+00 1.41114450e+00\n", - " 3.45704746e+00 1.31016994e+00 -2.77955389e+00 -2.23277032e-01\n", - " -1.96502864e-01 -1.38336027e+00 2.00016713e+00 1.53405809e+00\n", - " 1.94962561e+00 -7.85051107e-01 -2.74594307e-01 6.85986936e-01\n", - " 1.42646515e+00 1.51392072e-01 1.92735469e+00 -7.83965528e-01\n", - " -1.49716389e+00 1.56654775e+00 -7.32050955e-01 -1.51499057e+00\n", - " 1.29257965e+00 -1.69418716e+00 -3.16825461e+00 -2.57942963e+00\n", - " -1.36991596e+00 3.14519453e+00 -1.59593129e+00 1.53254062e-01\n", - " 5.88627279e-01 -5.97771823e-01 1.41482639e+00 -1.66140962e+00\n", - " -2.22890663e+00 8.79626751e-01 -3.73506188e-01 1.04862952e+00\n", - " -1.75090456e+00 -1.72302175e+00 -1.42330790e+00 1.52312100e-01\n", - " -1.65642989e+00 -6.15793169e-01 -1.36531866e+00 -5.37530184e-01\n", - " 1.37381375e+00 -6.40241981e-01 2.14772537e-01 -1.20331562e+00\n", - " -7.74819314e-01 -1.27480298e-01 -2.18981132e-01 -2.03730130e+00\n", - " -2.35178113e+00 2.81784730e-03 3.09918106e-01 -1.91259325e+00\n", - " -1.20792234e+00 -1.82455957e+00 -2.26940513e+00 -1.10703468e+00\n", - " -2.82163787e+00 -1.46071815e+00 2.32698709e-01 -1.00925219e+00\n", - " 1.40799904e+00 -7.08759606e-01 -5.77850699e-01 1.41368783e+00\n", - " -8.04105520e-01 -7.60268331e-01 -3.45950007e+00 3.44834995e+00\n", - " -2.14744449e+00 1.57074225e+00 -4.72893775e-01 -1.17086506e+00\n", - " -2.21736884e+00 3.28602839e+00 -2.03720999e+00 -6.54147565e-01\n", - " -3.22001636e-01 -5.21456003e-01 -3.33378625e+00 9.25970495e-01\n", - " -2.99893141e-01 -1.80747437e+00 -9.61166263e-01 -1.26546407e+00\n", - " -4.00019825e-01 -2.98744440e+00 -2.89306664e+00 2.24075198e-01\n", - " -1.99092531e+00 -3.59228325e+00 3.66844237e-01 2.70510745e+00]]\n" - ] - } - ], + "outputs": [], "source": [ "request_body, header_length = get_sample_image_binary_pt()\n", "\n", @@ -14889,27 +482,10 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "id": "5788ef37", "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{'ResponseMetadata': {'RequestId': '1847120b-73bd-43d7-a24c-48473f3b929b',\n", - " 'HTTPStatusCode': 200,\n", - " 'HTTPHeaders': {'x-amzn-requestid': '1847120b-73bd-43d7-a24c-48473f3b929b',\n", - " 'content-type': 'application/x-amz-json-1.1',\n", - " 'content-length': '0',\n", - " 'date': 'Tue, 14 Mar 2023 21:34:56 GMT'},\n", - " 'RetryAttempts': 0}}" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "sm_client.delete_model(ModelName=sm_model_name)\n", "sm_client.delete_endpoint_config(EndpointConfigName=endpoint_config_name)\n", From 02119fdd38a1a0a9839b8c23d14b59b3dc3a2fd0 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Wed, 15 Mar 2023 22:11:48 -0700 Subject: [PATCH 29/32] Add files via upload From eeb5e3dffa25f3e5b8922de5cb59bcc3e4b7e22e Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Thu, 23 Mar 2023 13:21:10 -0700 Subject: [PATCH 30/32] Add files via upload --- .../resnet_pytorch_python_backend_SME.ipynb | 2 ++ 1 file changed, 2 insertions(+) diff --git a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb index d5c470ed8b..31d642c0bf 100644 --- a/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb +++ b/inference/cv/realtime/pytorch/triton/single-model/resnet_pytorch_python-backend/resnet_pytorch_python_backend_SME.ipynb @@ -494,6 +494,8 @@ } ], "metadata": { + "celltoolbar": "Edit Metadata", + "instance_type": "ml.g4dn.xlarge", "kernelspec": { "display_name": "conda_python3", "language": "python", From bad160cd43dd786d31369a1289eb5ae217f8ebd4 Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Wed, 3 Jul 2024 15:44:33 -0700 Subject: [PATCH 31/32] Add files via upload Updated for unified view of model registry and card in sagemaker. The feature is annouced already. The code snippet is for blog about it - Ticket https://sim.amazon.com/issues/ML-17003 --- .../unified-modelregistryandmodelcard.ipynb | 709 ++++++++++++++++++ 1 file changed, 709 insertions(+) create mode 100644 sagemaker_model_governance/unified-modelregistryandmodelcard.ipynb diff --git a/sagemaker_model_governance/unified-modelregistryandmodelcard.ipynb b/sagemaker_model_governance/unified-modelregistryandmodelcard.ipynb new file mode 100644 index 0000000000..018bbd7a3a --- /dev/null +++ b/sagemaker_model_governance/unified-modelregistryandmodelcard.ipynb @@ -0,0 +1,709 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Amazon SageMaker Model Governance - unified model card and model registry\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "---\n", + "\n", + "This notebook's CI test result for us-west-2 is as follows. CI test results in other regions can be found at the end of the notebook. \n", + "\n", + "![This us-west-2 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/us-west-2/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "---" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This notebook walks you through the features of Amazon SageMaker Model Cards. For more information, see [Model Cards](https://docs.aws.amazon.com/sagemaker/latest/dg/model-cards.html) in the _Amazon SageMaker Developer Guide_.\n", + "\n", + "Amazon SageMaker integrates Model Cards into Model Registry, making it easier for customers to manage governance information for specific model versions directly in Model Registry in just a few clicks. Customers register ML models in Model Registry to manage their models. Additionally, they can register ML model versions early in the development lifecycle, including essential business details and technical metadata. This integration allows customers to seamlessly review and govern models across their lifecycle from a single place. Customers have greater visibility into the model lifecycle from experimentation and training to evaluation and deployment. This streamlined experience ensures that model governance is consistent and easily accessible throughout the development.\n", + "\n", + "In this example, you create a binary classification model along with a model card and registry to manage unified governance information and view\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "! pip install --upgrade sagemaker\n", + "! pip install --force-reinstall -v \"awscli==1.33.1\"\n", + "! aws --version " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "import boto3\n", + "from sagemaker.session import Session\n", + "from sagemaker import get_execution_role\n", + "\n", + "role = get_execution_role()\n", + "\n", + "sagemaker_session = Session()\n", + "\n", + "bucket = sagemaker_session.default_bucket()\n", + "prefix = \"model-card-sample-notebook\"\n", + "\n", + "region = sagemaker_session.boto_region_name\n", + "s3 = boto3.client(\"s3\", region_name=region)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Next, import the necessary Python libraries." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "import io\n", + "import os\n", + "import numpy as np\n", + "from six.moves.urllib.parse import urlparse\n", + "from pprint import pprint\n", + "import boto3\n", + "import sagemaker\n", + "from sagemaker.image_uris import retrieve\n", + "import sagemaker.amazon.common as smac\n", + "from sagemaker.model_card import (\n", + " ModelCard,\n", + " ModelOverview,\n", + " ObjectiveFunction,\n", + " Function,\n", + " TrainingDetails,\n", + " IntendedUses,\n", + " BusinessDetails,\n", + " EvaluationJob,\n", + " AdditionalInformation,\n", + " Metric,\n", + " MetricGroup,\n", + " ModelCardStatusEnum,\n", + " ObjectiveFunctionEnum,\n", + " FacetEnum,\n", + " RiskRatingEnum,\n", + " MetricTypeEnum,\n", + " EvaluationMetricTypeEnum,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "---\n", + "## Prepare a Model\n", + "The following code creates an example binary classification model trained on a synthetic dataset. The target variable (0 or 1) is the second variable in the tuple.\n", + "\n", + "### 1. Prepare the training data\n", + "The code will upload example data to your S3 bucket." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "# synthetic data\n", + "raw_data = (\n", + " (0.5, 0),\n", + " (0.75, 0),\n", + " (1.0, 0),\n", + " (1.25, 0),\n", + " (1.50, 0),\n", + " (1.75, 0),\n", + " (2.0, 0),\n", + " (2.25, 1),\n", + " (2.5, 0),\n", + " (2.75, 1),\n", + " (3.0, 0),\n", + " (3.25, 1),\n", + " (3.5, 0),\n", + " (4.0, 1),\n", + " (4.25, 1),\n", + " (4.5, 1),\n", + " (4.75, 1),\n", + " (5.0, 1),\n", + " (5.5, 1),\n", + ")\n", + "training_data = np.array(raw_data).astype(\"float32\")\n", + "labels = training_data[:, 1]\n", + "\n", + "# upload data to S3 bucket\n", + "buf = io.BytesIO()\n", + "smac.write_numpy_to_dense_tensor(buf, training_data, labels)\n", + "buf.seek(0)\n", + "boto3.resource(\"s3\").Bucket(bucket).Object(os.path.join(prefix, \"train\")).upload_fileobj(buf)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 2. Train a model\n", + "Train a binary classification model with the training data from the previous step." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": true, + "tags": [] + }, + "outputs": [], + "source": [ + "s3_train_data = f\"s3://{bucket}/{prefix}/train\"\n", + "output_location = f\"s3://{bucket}/{prefix}/output\"\n", + "container = retrieve(\"linear-learner\", sagemaker_session.boto_session.region_name)\n", + "estimator = sagemaker.estimator.Estimator(\n", + " container,\n", + " role=role,\n", + " instance_count=1,\n", + " instance_type=\"ml.m4.xlarge\",\n", + " output_path=output_location,\n", + " sagemaker_session=sagemaker_session,\n", + ")\n", + "estimator.set_hyperparameters(feature_dim=2, mini_batch_size=10, predictor_type=\"binary_classifier\")\n", + "estimator.fit({\"train\": s3_train_data})\n", + "print(f\"Training job name: {estimator.latest_training_job.name}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 3. Create a model" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "model_name = \"model-card-test-model\"\n", + "model = estimator.create_model(name=model_name)\n", + "container_def = model.prepare_container_def()\n", + "sagemaker_session.create_model(model_name, role, container_def)\n", + "print(f\"Model name: {model_name}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "---\n", + "## Define Model Card\n", + "Document your binary classification model details in an Amazon SageMaker Model Card using the SageMaker Python SDK.\n", + "\n", + "### 1. Auto-collect model details\n", + "Automatically collect basic model information like model ID, training environment, and the model output S3 URI. Add additional model information such as a description, problem type, algorithm type, model creator, and model owner." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "model_overview = ModelOverview.from_model_name(\n", + " model_name=model_name,\n", + " sagemaker_session=sagemaker_session,\n", + " model_description=\"This is an example binary classification model used for a Python SDK demo of Amazon SageMaker Model Cards.\",\n", + " problem_type=\"Binary Classification\",\n", + " algorithm_type=\"Logistic Regression\",\n", + " model_creator=\"DEMO-ModelCard\",\n", + " model_owner=\"DEMO-ModelCard\",\n", + ")\n", + "print(f\"Model id: {model_overview.model_id}\")\n", + "print(f\"Model training images: {model_overview.inference_environment.container_image}\")\n", + "print(f\"Model: {model_overview.model_artifact}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 2. Auto-collect training details\n", + "Automatically collect basic training information like training ID, training environment, and training metrics. Add additional training information such as objective function details and training observations." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "objective_function = ObjectiveFunction(\n", + " function=Function(\n", + " function=ObjectiveFunctionEnum.MINIMIZE,\n", + " facet=FacetEnum.LOSS,\n", + " ),\n", + " notes=\"This is an example objective function.\",\n", + ")\n", + "training_details = TrainingDetails.from_model_overview(\n", + " model_overview=model_overview,\n", + " sagemaker_session=sagemaker_session,\n", + " objective_function=objective_function,\n", + " training_observations=\"Add model training observations here.\",\n", + ")\n", + "print(f\"Training job id: {training_details.training_job_details.training_arn}\")\n", + "print(\n", + " f\"Training image: {training_details.training_job_details.training_environment.container_image}\"\n", + ")\n", + "print(\"Training Metrics: \")\n", + "pprint(\n", + " [\n", + " {\"name\": i.name, \"value\": i.value}\n", + " for i in training_details.training_job_details.training_metrics\n", + " ]\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 3. Collect evaluation details\n", + "Add evaluation observations, datasets, and metrics." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "manual_metric_group = MetricGroup(\n", + " name=\"binary classification metrics\",\n", + " metric_data=[Metric(name=\"accuracy\", type=MetricTypeEnum.NUMBER, value=0.5)],\n", + ")\n", + "example_evaluation_job = EvaluationJob(\n", + " name=\"Example evaluation job\",\n", + " evaluation_observation=\"Evaluation observations.\",\n", + " datasets=[\"s3://path/to/evaluation/data\"],\n", + " metric_groups=[manual_metric_group],\n", + ")\n", + "evaluation_details = [example_evaluation_job]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### (Optional) 3.1 Parse metrics from existing evaluation report\n", + "If you have existing evaluation reports generated by [SageMaker Clarify](https://docs.aws.amazon.com/sagemaker/latest/dg/clarify-processing-job-run.html) or [SageMaker Model Monitor](https://docs.aws.amazon.com/sagemaker/latest/dg/model-monitor-model-quality.html), upload them to S3 and provide an S3 URI to automatically parse evaluation metrics. To add your own generic model card evaluation report, provide a report in the [evaluation results JSON format](https://docs.aws.amazon.com/sagemaker/latest/dg/model-cards-json-schema.html). See the example JSON files in the `./example_metrics` folder for reference.\n", + "##### Collect metrics from a JSON format evaluation report" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "report_type = \"clarify_bias.json\"\n", + "example_evaluation_job.add_metric_group_from_json(\n", + " f\"example_metrics/{report_type}\", EvaluationMetricTypeEnum.CLARIFY_BIAS\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "##### Collect metrics from S3" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "# upload metric file to s3\n", + "with open(f\"example_metrics/{report_type}\", \"rb\") as metrics:\n", + " s3.upload_fileobj(\n", + " metrics,\n", + " Bucket=bucket,\n", + " Key=f\"{prefix}/{report_type}\",\n", + " ExtraArgs={\"ContentType\": \"application/json\"},\n", + " )\n", + "\n", + "metric_s3_url = f\"s3://{bucket}/{prefix}/{report_type}\"\n", + "example_evaluation_job.add_metric_group_from_s3(\n", + " session=sagemaker_session.boto_session,\n", + " s3_url=metric_s3_url,\n", + " metric_type=EvaluationMetricTypeEnum.CLARIFY_BIAS,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 4. Collect additional details\n", + "Add the intended uses of your model and business details and any additional information that you want to include in your model card. For more information on intended uses and business details, see [Model Cards](https://docs.aws.amazon.com/sagemaker/latest/dg/model-cards.html) in the `Amazon SageMaker Developer Guide`." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "intended_uses = IntendedUses(\n", + " purpose_of_model=\"Test model card.\",\n", + " intended_uses=\"Not used except this test.\",\n", + " factors_affecting_model_efficiency=\"No.\",\n", + " risk_rating=RiskRatingEnum.LOW,\n", + " explanations_for_risk_rating=\"Just an example.\",\n", + ")\n", + "business_details = BusinessDetails(\n", + " business_problem=\"The business problem that your model is used to solve.\",\n", + " business_stakeholders=\"The stakeholders who have the interest in the business that your model is used for.\",\n", + " line_of_business=\"Services that the business is offering.\",\n", + ")\n", + "additional_information = AdditionalInformation(\n", + " ethical_considerations=\"Your model ethical consideration.\",\n", + " caveats_and_recommendations=\"Your model's caveats and recommendations.\",\n", + " custom_details={\"custom details1\": \"details value\"},\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 5. Define model card\n", + "Define model card with the information collected in the previous steps. Amazon SageMaker integrates Model Cards into Model Registry. A model package registered in the Model Registry includes a simplified Model Card as a component of the model package" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "model_card_name = \"sample-notebook-model-card\"\n", + "my_card = ModelCard(\n", + " name=model_card_name,\n", + " status=ModelCardStatusEnum.DRAFT,\n", + " model_overview=model_overview,\n", + " training_details=training_details,\n", + " intended_uses=intended_uses,\n", + " business_details=business_details,\n", + " evaluation_details=evaluation_details,\n", + " additional_information=additional_information,\n", + " sagemaker_session=sagemaker_session,\n", + ")\n", + "my_card_req = my_card._create_request_args()\n", + "#my_card.create()\n", + "#print(f\"Model card {my_card.name} is successfully created with id {my_card.arn}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "---\n", + "## Create Model Package with Model Card Content\n", + "We will use Model Card object to create request to model package with model card details" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "# create a model package group\n", + "model_package_group_name = \"test-notebook-model-package-group-example\"\n", + "sagemaker_session.sagemaker_client.create_model_package_group(\n", + " ModelPackageGroupName=model_package_group_name\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "from sagemaker.model_card import (\n", + " ModelCard,\n", + " ModelPackage,\n", + " IntendedUses,\n", + " ModelCardStatusEnum,\n", + ")\n", + "from sagemaker.model_card.helpers import (\n", + " _JSONEncoder\n", + ")\n", + "from sagemaker.model_card.model_card import ModelApprovalStatusEnum\n", + "import json\n", + "\n", + "# describe training job to get model_data_url and image\n", + "training_job_name = estimator.latest_training_job.name\n", + "training_job = sagemaker_session.sagemaker_client.describe_training_job(\n", + " TrainingJobName=training_job_name\n", + ")\n", + "\n", + "model_data_url = training_job[\"ModelArtifacts\"][\"S3ModelArtifacts\"]\n", + "image = training_job[\"AlgorithmSpecification\"][\"TrainingImage\"]\n", + "\n", + "\n", + "# model card details\n", + "model_card_content_dict = {\n", + " \"model_overview\": {\n", + " \"model_creator\": my_card.model_overview.model_creator,\n", + " \"model_artifact\": my_card.model_overview.model_artifact\n", + " },\n", + " \"intended_uses\": my_card.intended_uses,\n", + " \"business_details\": my_card.business_details,\n", + " \"training_details\": my_card.training_details,\n", + " \"evaluation_details\": my_card.evaluation_details,\n", + " \"additional_information\": my_card.additional_information \n", + "}\n", + "\n", + "model_card_details_input_dict = { \n", + " \"ModelCardContent\": json.dumps(model_card_content_dict, cls=_JSONEncoder),\n", + " \"ModelCardStatus\": my_card.status\n", + "}\n", + "\n", + "# model package request input object\n", + "create_model_package_input_dict = {\n", + " \"ModelPackageGroupName\": model_package_group_name,\n", + " \"ModelPackageDescription\": \"Test model package registered for integ test\",\n", + " \"ModelApprovalStatus\": ModelApprovalStatusEnum.PENDING_MANUAL_APPROVAL,\n", + " \"InferenceSpecification\": {\n", + " \"Containers\": [{\"Image\": image, \"ModelDataUrl\": model_data_url}],\n", + " \"SupportedContentTypes\": [\"text/csv\"],\n", + " \"SupportedResponseMIMETypes\": [\"text/csv\"],\n", + " },\n", + " \"ModelCard\": model_card_details_input_dict\n", + "}\n", + "\n", + "\n", + "model_pkg = sagemaker_session.sagemaker_client.create_model_package(\n", + " **create_model_package_input_dict\n", + ")\n", + "print(\"Model package ARN:\", model_pkg[\"ModelPackageArn\"])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "updated_model_card_details_input_dict = { \n", + " \"ModelCardStatus\": ModelApprovalStatusEnum.APPROVED\n", + "}\n", + "update_model_package_input_dict = {\n", + " \"ModelPackageArn\": model_pkg[\"ModelPackageArn\"],\n", + " \"ModelCard\": updated_model_card_details_input_dict\n", + "}\n", + "model_pkg = sagemaker_session.sagemaker_client.update_model_package(\n", + " **update_model_package_input_dict\n", + ")\n", + "print(\"Model package ARN:\", model_pkg[\"ModelPackageArn\"])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We will View and Update the Details of a Model Version. The response is a list of model package summaries. You can get the Amazon Resource Name (ARN) of the model versions from this list." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# View and Update the Details of a Model Version\n", + "\n", + "sagemaker_session.sagemaker_client.list_model_packages(ModelPackageGroupName=\"test-notebook-model-package-group-example\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Call describe_model_package to see the details of the model version. You pass in the ARN of a model version that you got in the output of the call to list_model_packages.The output of this call is a JSON object with the model version details." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "# model package request input object\n", + "\n", + "print(sagemaker_session.sagemaker_client.describe_model_package(ModelPackageName=model_pkg[\"ModelPackageArn\"]))\n", + "response=sagemaker_session.sagemaker_client.describe_model_package(ModelPackageName=model_pkg[\"ModelPackageArn\"])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can get the model card details from the model registry package itself" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Parse the JSON response\n", + "import json\n", + "model_card_content = response.get('ModelCard')\n", + "print(model_card_content)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "---\n", + "## Cleanup\n", + "Delete the following resources:\n", + " The example binary classification model" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "\n", + "\n", + "sagemaker_session.delete_model(model_name)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Notebook CI Test Results\n", + "\n", + "This notebook was tested in multiple regions. The test results are as follows, except for us-west-2 which is shown at the top of the notebook.\n", + "\n", + "![This us-east-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/us-east-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This us-east-2 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/us-east-2/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This us-west-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/us-west-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This ca-central-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/ca-central-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This sa-east-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/sa-east-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This eu-west-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/eu-west-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This eu-west-2 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/eu-west-2/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This eu-west-3 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/eu-west-3/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This eu-central-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/eu-central-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This eu-north-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/eu-north-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This ap-southeast-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/ap-southeast-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This ap-southeast-2 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/ap-southeast-2/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This ap-northeast-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/ap-northeast-1/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This ap-northeast-2 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/ap-northeast-2/sagemaker_model_governance|model_card.ipynb)\n", + "\n", + "![This ap-south-1 badge failed to load. Check your device's internet connectivity, otherwise the service is currently unavailable](https://prod.us-west-2.tcx-beacon.docs.aws.dev/sagemaker-nb/ap-south-1/sagemaker_model_governance|model_card.ipynb)\n" + ] + } + ], + "metadata": { + "instance_type": "ml.t3.medium", + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.14" + }, + "vscode": { + "interpreter": { + "hash": "1571133684af95a48d70cfb4aef2840ed1e20d7c2d2a63af1685000148425678" + } + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} From ebee0212246ba13133c1d4719364bffe00e936ef Mon Sep 17 00:00:00 2001 From: neelamkoshiya Date: Tue, 8 Oct 2024 14:47:15 -0700 Subject: [PATCH 32/32] Add files via upload --- .../AbaloneExample.ipynb | 2399 + .../Directmarketing.ipynb | 1980 + .../bank-additional-full.csv | 41189 ++++++++++++++++ 3 files changed, 45568 insertions(+) create mode 100644 sagemaker_model_governance/AbaloneExample.ipynb create mode 100644 sagemaker_model_governance/Directmarketing.ipynb create mode 100644 sagemaker_model_governance/bank-additional-full.csv diff --git a/sagemaker_model_governance/AbaloneExample.ipynb b/sagemaker_model_governance/AbaloneExample.ipynb new file mode 100644 index 0000000000..4f4c3939c0 --- /dev/null +++ b/sagemaker_model_governance/AbaloneExample.ipynb @@ -0,0 +1,2399 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Amazon SageMaker Model Governance - unified model card and model registry\n", + "\n", + "This notebook walks you through the features of Amazon SageMaker Model Registry. For more information, see [Model Registry](https://docs.aws.amazon.com/sagemaker/latest/dg/model-registry-models.html) in the _Amazon SageMaker Developer Guide_.\n", + "\n", + "Amazon SageMaker integrates Model Cards into Model Registry, making it easier for customers to manage governance information for specific model versions directly in Model Registry in just a few clicks. Customers register ML models in Model Registry to manage their models. Additionally, they can register ML model versions early in the development lifecycle, including essential business details and technical metadata. This integration allows customers to seamlessly review and govern models across their lifecycle from a single place. Customers have greater visibility into the model lifecycle from experimentation and training to evaluation and deployment. This streamlined experience ensures that model governance is consistent and easily accessible throughout the development.\n", + "\n", + "In this example, you create a binary classification model along with persisting model card information into registry to manage unified governance information and view" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Requirement already satisfied: sagemaker>=2 in /opt/conda/lib/python3.10/site-packages (2.232.1)\n", + "Requirement already satisfied: attrs<24,>=23.1.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (23.2.0)\n", + "Requirement already satisfied: boto3<2.0,>=1.34.142 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (1.35.23)\n", + "Requirement already satisfied: cloudpickle==2.2.1 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (2.2.1)\n", + "Requirement already satisfied: docker in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (7.1.0)\n", + "Requirement already satisfied: google-pasta in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (0.2.0)\n", + "Requirement already satisfied: importlib-metadata<7.0,>=1.4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (6.11.0)\n", + "Requirement already satisfied: jsonschema in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (4.23.0)\n", + "Requirement already satisfied: numpy<2.0,>=1.9.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (1.26.4)\n", + "Requirement already satisfied: packaging>=20.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (24.1)\n", + "Requirement already satisfied: pandas in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (2.2.2)\n", + "Requirement already satisfied: pathos in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (0.3.2)\n", + "Requirement already satisfied: platformdirs in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (4.3.6)\n", + "Requirement already satisfied: protobuf<5.0,>=3.12 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (4.25.5)\n", + "Requirement already satisfied: psutil in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (6.0.0)\n", + "Requirement already satisfied: pyyaml~=6.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (6.0.2)\n", + "Requirement already satisfied: requests in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (2.32.3)\n", + "Requirement already satisfied: sagemaker-core<2.0.0,>=1.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (1.0.7)\n", + "Requirement already satisfied: schema in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (0.7.7)\n", + "Requirement already satisfied: smdebug-rulesconfig==1.0.1 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (1.0.1)\n", + "Requirement already satisfied: tblib<4,>=1.7.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (3.0.0)\n", + "Requirement already satisfied: tqdm in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (4.66.5)\n", + "Requirement already satisfied: urllib3<3.0.0,>=1.26.8 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (2.2.3)\n", + "Requirement already satisfied: botocore<1.36.0,>=1.35.23 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2) (1.35.23)\n", + "Requirement already satisfied: jmespath<2.0.0,>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2) (1.0.1)\n", + "Requirement already satisfied: s3transfer<0.11.0,>=0.10.0 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2) (0.10.2)\n", + "Requirement already satisfied: zipp>=0.5 in /opt/conda/lib/python3.10/site-packages (from importlib-metadata<7.0,>=1.4.0->sagemaker>=2) (3.20.2)\n", + "Requirement already satisfied: pydantic<3.0.0,>=1.7.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (2.5.1)\n", + "Requirement already satisfied: rich<14.0.0,>=13.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (13.8.1)\n", + "Requirement already satisfied: mock<5.0,>4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (4.0.3)\n", + "Requirement already satisfied: jsonschema-specifications>=2023.03.6 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2) (2023.12.1)\n", + "Requirement already satisfied: referencing>=0.28.4 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2) (0.35.1)\n", + "Requirement already satisfied: rpds-py>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2) (0.20.0)\n", + "Requirement already satisfied: charset-normalizer<4,>=2 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2) (3.3.2)\n", + "Requirement already satisfied: idna<4,>=2.5 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2) (3.10)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2) (2024.8.30)\n", + "Requirement already satisfied: six in /opt/conda/lib/python3.10/site-packages (from google-pasta->sagemaker>=2) (1.16.0)\n", + "Requirement already satisfied: python-dateutil>=2.8.2 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2) (2.9.0.post0)\n", + "Requirement already satisfied: pytz>=2020.1 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2) (2023.3)\n", + "Requirement already satisfied: tzdata>=2022.7 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2) (2024.1)\n", + "Requirement already satisfied: ppft>=1.7.6.8 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2) (1.7.6.8)\n", + "Requirement already satisfied: dill>=0.3.8 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2) (0.3.8)\n", + "Requirement already satisfied: pox>=0.3.4 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2) (0.3.4)\n", + "Requirement already satisfied: multiprocess>=0.70.16 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2) (0.70.16)\n", + "Requirement already satisfied: annotated-types>=0.4.0 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (0.7.0)\n", + "Requirement already satisfied: pydantic-core==2.14.3 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (2.14.3)\n", + "Requirement already satisfied: typing-extensions>=4.6.1 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (4.12.2)\n", + "\u001b[31mERROR: Could not install packages due to an OSError: [Errno 2] No such file or directory: '/opt/conda/lib/python3.10/site-packages/pytz-2023.3.dist-info/METADATA'\n", + "\u001b[0m\u001b[31m\n", + "\u001b[0m" + ] + } + ], + "source": [ + "!pip install --upgrade \"sagemaker>=2\"" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Requirement already satisfied: sagemaker-core in /opt/conda/lib/python3.10/site-packages (1.0.7)\n", + "Requirement already satisfied: boto3<2.0.0,>=1.34.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (1.35.23)\n", + "Requirement already satisfied: pydantic<3.0.0,>=1.7.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (2.5.1)\n", + "Requirement already satisfied: PyYAML<7.0,>=6.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (6.0.2)\n", + "Requirement already satisfied: jsonschema<5.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (4.23.0)\n", + "Requirement already satisfied: platformdirs<5.0.0,>=4.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (4.3.6)\n", + "Requirement already satisfied: rich<14.0.0,>=13.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (13.8.1)\n", + "Requirement already satisfied: mock<5.0,>4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (4.0.3)\n", + "Requirement already satisfied: importlib-metadata<7.0,>=1.4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (6.11.0)\n", + "Requirement already satisfied: botocore<1.36.0,>=1.35.23 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0.0,>=1.34.0->sagemaker-core) (1.35.23)\n", + "Requirement already satisfied: jmespath<2.0.0,>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0.0,>=1.34.0->sagemaker-core) (1.0.1)\n", + "Requirement already satisfied: s3transfer<0.11.0,>=0.10.0 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0.0,>=1.34.0->sagemaker-core) (0.10.2)\n", + "Requirement already satisfied: zipp>=0.5 in /opt/conda/lib/python3.10/site-packages (from importlib-metadata<7.0,>=1.4.0->sagemaker-core) (3.20.2)\n", + "Requirement already satisfied: attrs>=22.2.0 in /opt/conda/lib/python3.10/site-packages (from jsonschema<5.0.0->sagemaker-core) (23.2.0)\n", + "Requirement already satisfied: jsonschema-specifications>=2023.03.6 in /opt/conda/lib/python3.10/site-packages (from jsonschema<5.0.0->sagemaker-core) (2023.12.1)\n", + "Requirement already satisfied: referencing>=0.28.4 in /opt/conda/lib/python3.10/site-packages (from jsonschema<5.0.0->sagemaker-core) (0.35.1)\n", + "Requirement already satisfied: rpds-py>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from jsonschema<5.0.0->sagemaker-core) (0.20.0)\n", + "Requirement already satisfied: annotated-types>=0.4.0 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core) (0.7.0)\n", + "Requirement already satisfied: pydantic-core==2.14.3 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core) (2.14.3)\n", + "Requirement already satisfied: typing-extensions>=4.6.1 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core) (4.12.2)\n", + "Requirement already satisfied: markdown-it-py>=2.2.0 in /opt/conda/lib/python3.10/site-packages (from rich<14.0.0,>=13.0.0->sagemaker-core) (3.0.0)\n", + "Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /opt/conda/lib/python3.10/site-packages (from rich<14.0.0,>=13.0.0->sagemaker-core) (2.18.0)\n", + "Requirement already satisfied: python-dateutil<3.0.0,>=2.1 in /opt/conda/lib/python3.10/site-packages (from botocore<1.36.0,>=1.35.23->boto3<2.0.0,>=1.34.0->sagemaker-core) (2.9.0.post0)\n", + "Requirement already satisfied: urllib3!=2.2.0,<3,>=1.25.4 in /opt/conda/lib/python3.10/site-packages (from botocore<1.36.0,>=1.35.23->boto3<2.0.0,>=1.34.0->sagemaker-core) (2.2.3)\n", + "Requirement already satisfied: mdurl~=0.1 in /opt/conda/lib/python3.10/site-packages (from markdown-it-py>=2.2.0->rich<14.0.0,>=13.0.0->sagemaker-core) (0.1.2)\n", + "Requirement already satisfied: six>=1.5 in /opt/conda/lib/python3.10/site-packages (from python-dateutil<3.0.0,>=2.1->botocore<1.36.0,>=1.35.23->boto3<2.0.0,>=1.34.0->sagemaker-core) (1.16.0)\n", + "\u001b[33mWARNING: Error parsing requirements for pytz: [Errno 2] No such file or directory: '/opt/conda/lib/python3.10/site-packages/pytz-2023.3.dist-info/METADATA'\u001b[0m\u001b[33m\n", + "\u001b[0m" + ] + } + ], + "source": [ + "!pip install --upgrade sagemaker-core" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Create Datazone project\n", + "This is optional step, however encouraged to help with governance. Amazon DataZone is a data management service that makes it faster and easier for you to catalog, discover, share, and govern data stored across AWS, on-premises, and third-party sources. With Amazon DataZone, administrators who oversee organization’s data assets can manage and govern access to data using fine-grained controls. These controls help ensure access with the right level of privileges and context. Amazon DataZone makes it easy for engineers, data scientists, product managers, analysts, and business users to share and access data throughout an organization so they can discover, use, and collaborate to derive data-driven insights.\n", + "\n", + "First, [create a new datazone domain](https://us-east-1.console.aws.amazon.com/datazone/home?region=us-east-1#/) if it doesnt already exists.Then, [create a new DataZone Project](https://docs.aws.amazon.com/datazone/latest/userguide/create-new-project.html). Use the project id in the below check and run " + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "# Capture project id from DataZone project\n", + "project_id = \"5rn1teh0tv85rb\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Data/Model Quality, Bias, and Model Explainability Checks in SageMaker Pipelines\n", + "\n", + "This notebook introduces two new step types in SageMaker Pipelines -\n", + "* `QualityCheckStep`\n", + "* `ClarifyCheckStep`\n", + "\n", + "With these two steps, the pipeline is able to perform baseline calculations that are needed as a standard against which data/model quality issues can be detected (including bias and explainability).\n", + "\n", + "These steps leverage SageMaker pre-built containers:\n", + "\n", + "* `QualityCheckStep` (for Data/Model Quality): [sagemaker-model-monitor-analyzer](https://docs.aws.amazon.com/sagemaker/latest/dg/model-monitor-pre-built-container.html)\n", + "* `ClarifyCheckStep` (for Data/Model Bias and Model Explainability): [sagemaker-clarify-processing](https://docs.aws.amazon.com/sagemaker/latest/dg/clarify-configure-processing-jobs.html#clarify-processing-job-configure-container)\n", + "\n", + "The training dataset that you used to train the model is usually a good baseline dataset. The training dataset data schema and the inference dataset schema should exactly match (the number and order of the features). Note that the prediction/output columns are assumed to be the first columns in the training dataset. From the training dataset, you can ask SageMaker to suggest a set of baseline constraints and generate descriptive statistics to explore the data.\n", + "\n", + "These two new steps will always calculate new baselines using the dataset provided." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Drift Check Baselines in the Model Registry\n", + "\n", + "The `RegisterStep` has a new parameter called `drift_check_baselines`. This refers to the baseline files associated with the model. When deployed, these baseline files are used by Model Monitor for Model Quality/Data Quality checks. In addition, these baselines can be used in `QualityCheckStep` and `ClarifyCheckStep` to compare newly trained models against models that have already been registered in the Model Registry.\n", + "\n", + "### Step Properties\n", + "\n", + "The `QualityCheckStep` has the following properties -\n", + "\n", + "* `CalculatedBaselineStatistics` : The baseline statistics file calculated by the underlying Model Monitor container.\n", + "* `CalculatedBaselineConstraints` : The baseline constraints file calculated by the underlying Model Monitor container.\n", + "* `BaselineUsedForDriftCheckStatistics` and `BaselineUsedForDriftCheckConstraints` : These are the two properties used to set `drift_check_baseline` in the Model Registry. The values set in these properties vary depending on the parameters passed to the step. The different behaviors are described in the table below.\n", + "\n", + "The `ClarifyCheckStep` has the following properties -\n", + "\n", + "* `CalculatedBaselineConstraints` : The baseline constraints file calculated by the underlying Clarify container.\n", + "* `BaselineUsedForDriftCheckConstraints` : This property is used to set `drift_check_baseline` in the Model Registry. The values set in this property will vary depending on the parameters passed to the step. The different behaviors are described in the table below." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Notebook Overview\n", + "\n", + "This notebook should be run with `Python 3.9` using the SageMaker Studio `Python3 (Data Science)` kernel." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's start by installing the SageMaker Python SDK, boto, and AWS CLI." + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Requirement already satisfied: botocore in /opt/conda/lib/python3.10/site-packages (1.35.23)\n", + "Collecting botocore\n", + " Downloading botocore-1.35.25-py3-none-any.whl.metadata (5.6 kB)\n", + "Requirement already satisfied: boto3 in /opt/conda/lib/python3.10/site-packages (1.35.23)\n", + "Collecting boto3\n", + " Downloading boto3-1.35.25-py3-none-any.whl.metadata (6.6 kB)\n", + "Requirement already satisfied: awscli in /opt/conda/lib/python3.10/site-packages (1.34.23)\n", + "Collecting awscli\n", + " Downloading awscli-1.34.25-py3-none-any.whl.metadata (11 kB)\n", + "Requirement already satisfied: jmespath<2.0.0,>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from botocore) (1.0.1)\n", + "Requirement already satisfied: python-dateutil<3.0.0,>=2.1 in /opt/conda/lib/python3.10/site-packages (from botocore) (2.9.0.post0)\n", + "Requirement already satisfied: urllib3!=2.2.0,<3,>=1.25.4 in /opt/conda/lib/python3.10/site-packages (from botocore) (2.2.3)\n", + "Requirement already satisfied: s3transfer<0.11.0,>=0.10.0 in /opt/conda/lib/python3.10/site-packages (from boto3) (0.10.2)\n", + "Requirement already satisfied: docutils<0.17,>=0.10 in /opt/conda/lib/python3.10/site-packages (from awscli) (0.16)\n", + "Requirement already satisfied: PyYAML<6.1,>=3.10 in /opt/conda/lib/python3.10/site-packages (from awscli) (6.0.2)\n", + "Requirement already satisfied: colorama<0.4.7,>=0.2.5 in /opt/conda/lib/python3.10/site-packages (from awscli) (0.4.6)\n", + "Requirement already satisfied: rsa<4.8,>=3.1.2 in /opt/conda/lib/python3.10/site-packages (from awscli) (4.7.2)\n", + "Requirement already satisfied: six>=1.5 in /opt/conda/lib/python3.10/site-packages (from python-dateutil<3.0.0,>=2.1->botocore) (1.16.0)\n", + "Requirement already satisfied: pyasn1>=0.1.3 in /opt/conda/lib/python3.10/site-packages (from rsa<4.8,>=3.1.2->awscli) (0.6.1)\n", + "Downloading botocore-1.35.25-py3-none-any.whl (12.6 MB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m12.6/12.6 MB\u001b[0m \u001b[31m68.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m00:01\u001b[0m0:01\u001b[0m\n", + "\u001b[?25hDownloading boto3-1.35.25-py3-none-any.whl (139 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m139.1/139.1 kB\u001b[0m \u001b[31m23.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hDownloading awscli-1.34.25-py3-none-any.whl (4.5 MB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m4.5/4.5 MB\u001b[0m \u001b[31m55.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m00:01\u001b[0m:00:01\u001b[0m\n", + "\u001b[?25h\u001b[33mWARNING: Error parsing requirements for pytz: [Errno 2] No such file or directory: '/opt/conda/lib/python3.10/site-packages/pytz-2023.3.dist-info/METADATA'\u001b[0m\u001b[33m\n", + "\u001b[0mInstalling collected packages: botocore, boto3, awscli\n", + " Attempting uninstall: botocore\n", + " Found existing installation: botocore 1.35.23\n", + " Uninstalling botocore-1.35.23:\n", + " Successfully uninstalled botocore-1.35.23\n", + " Attempting uninstall: boto3\n", + " Found existing installation: boto3 1.35.23\n", + " Uninstalling boto3-1.35.23:\n", + " Successfully uninstalled boto3-1.35.23\n", + " Attempting uninstall: awscli\n", + " Found existing installation: awscli 1.34.23\n", + " Uninstalling awscli-1.34.23:\n", + " Successfully uninstalled awscli-1.34.23\n", + "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", + "aiobotocore 2.7.0 requires botocore<1.31.65,>=1.31.16, but you have botocore 1.35.25 which is incompatible.\n", + "amazon-sagemaker-jupyter-scheduler 3.0.6 requires pydantic==1.*, but you have pydantic 2.5.1 which is incompatible.\n", + "autogluon-common 0.8.2 requires pandas<2.2.0,>=2.0.0, but you have pandas 2.2.2 which is incompatible.\n", + "autogluon-common 0.8.2 requires psutil<6,>=5.7.3, but you have psutil 6.0.0 which is incompatible.\n", + "autogluon-core 0.8.2 requires pandas<2.2.0,>=2.0.0, but you have pandas 2.2.2 which is incompatible.\n", + "autogluon-features 0.8.2 requires pandas<2.2.0,>=2.0.0, but you have pandas 2.2.2 which is incompatible.\n", + "autogluon-multimodal 0.8.2 requires jsonschema<4.18,>=4.14, but you have jsonschema 4.23.0 which is incompatible.\n", + "autogluon-multimodal 0.8.2 requires pandas<2.2.0,>=2.0.0, but you have pandas 2.2.2 which is incompatible.\n", + "autogluon-tabular 0.8.2 requires pandas<2.2.0,>=2.0.0, but you have pandas 2.2.2 which is incompatible.\n", + "autogluon-timeseries 0.8.2 requires pandas<2.2.0,>=2.0.0, but you have pandas 2.2.2 which is incompatible.\u001b[0m\u001b[31m\n", + "\u001b[0mSuccessfully installed awscli-1.34.25 boto3-1.35.25 botocore-1.35.25\n", + "Requirement already satisfied: sagemaker>=2.99.0 in /opt/conda/lib/python3.10/site-packages (2.232.1)\n", + "Requirement already satisfied: attrs<24,>=23.1.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (23.2.0)\n", + "Requirement already satisfied: boto3<2.0,>=1.34.142 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (1.35.25)\n", + "Requirement already satisfied: cloudpickle==2.2.1 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (2.2.1)\n", + "Requirement already satisfied: docker in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (7.1.0)\n", + "Requirement already satisfied: google-pasta in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (0.2.0)\n", + "Requirement already satisfied: importlib-metadata<7.0,>=1.4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (6.11.0)\n", + "Requirement already satisfied: jsonschema in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (4.23.0)\n", + "Requirement already satisfied: numpy<2.0,>=1.9.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (1.26.4)\n", + "Requirement already satisfied: packaging>=20.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (24.1)\n", + "Requirement already satisfied: pandas in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (2.2.2)\n", + "Requirement already satisfied: pathos in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (0.3.2)\n", + "Requirement already satisfied: platformdirs in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (4.3.6)\n", + "Requirement already satisfied: protobuf<5.0,>=3.12 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (4.25.5)\n", + "Requirement already satisfied: psutil in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (6.0.0)\n", + "Requirement already satisfied: pyyaml~=6.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (6.0.2)\n", + "Requirement already satisfied: requests in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (2.32.3)\n", + "Requirement already satisfied: sagemaker-core<2.0.0,>=1.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (1.0.7)\n", + "Requirement already satisfied: schema in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (0.7.7)\n", + "Requirement already satisfied: smdebug-rulesconfig==1.0.1 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (1.0.1)\n", + "Requirement already satisfied: tblib<4,>=1.7.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (3.0.0)\n", + "Requirement already satisfied: tqdm in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (4.66.5)\n", + "Requirement already satisfied: urllib3<3.0.0,>=1.26.8 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2.99.0) (2.2.3)\n", + "Requirement already satisfied: botocore<1.36.0,>=1.35.25 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2.99.0) (1.35.25)\n", + "Requirement already satisfied: jmespath<2.0.0,>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2.99.0) (1.0.1)\n", + "Requirement already satisfied: s3transfer<0.11.0,>=0.10.0 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2.99.0) (0.10.2)\n", + "Requirement already satisfied: zipp>=0.5 in /opt/conda/lib/python3.10/site-packages (from importlib-metadata<7.0,>=1.4.0->sagemaker>=2.99.0) (3.20.2)\n", + "Requirement already satisfied: pydantic<3.0.0,>=1.7.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2.99.0) (2.5.1)\n", + "Requirement already satisfied: rich<14.0.0,>=13.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2.99.0) (13.8.1)\n", + "Requirement already satisfied: mock<5.0,>4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2.99.0) (4.0.3)\n", + "Requirement already satisfied: jsonschema-specifications>=2023.03.6 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2.99.0) (2023.12.1)\n", + "Requirement already satisfied: referencing>=0.28.4 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2.99.0) (0.35.1)\n", + "Requirement already satisfied: rpds-py>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2.99.0) (0.20.0)\n", + "Requirement already satisfied: charset-normalizer<4,>=2 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2.99.0) (3.3.2)\n", + "Requirement already satisfied: idna<4,>=2.5 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2.99.0) (3.10)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2.99.0) (2024.8.30)\n", + "Requirement already satisfied: six in /opt/conda/lib/python3.10/site-packages (from google-pasta->sagemaker>=2.99.0) (1.16.0)\n", + "Requirement already satisfied: python-dateutil>=2.8.2 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2.99.0) (2.9.0.post0)\n", + "Requirement already satisfied: pytz>=2020.1 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2.99.0) (2023.3)\n", + "Requirement already satisfied: tzdata>=2022.7 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2.99.0) (2024.1)\n", + "Requirement already satisfied: ppft>=1.7.6.8 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2.99.0) (1.7.6.8)\n", + "Requirement already satisfied: dill>=0.3.8 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2.99.0) (0.3.8)\n", + "Requirement already satisfied: pox>=0.3.4 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2.99.0) (0.3.4)\n", + "Requirement already satisfied: multiprocess>=0.70.16 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2.99.0) (0.70.16)\n", + "Requirement already satisfied: annotated-types>=0.4.0 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2.99.0) (0.7.0)\n", + "Requirement already satisfied: pydantic-core==2.14.3 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2.99.0) (2.14.3)\n", + "Requirement already satisfied: typing-extensions>=4.6.1 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2.99.0) (4.12.2)\n", + "\u001b[31mERROR: Could not install packages due to an OSError: [Errno 2] No such file or directory: '/opt/conda/lib/python3.10/site-packages/pytz-2023.3.dist-info/METADATA'\n", + "\u001b[0m\u001b[31m\n", + "\u001b[0m" + ] + } + ], + "source": [ + "! pip install botocore boto3 awscli --upgrade\n", + "! pip install \"sagemaker>=2.99.0\"" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "import os\n", + "import json\n", + "import boto3\n", + "import sagemaker\n", + "import sagemaker.session\n", + "\n", + "from sagemaker import utils\n", + "from sagemaker.estimator import Estimator\n", + "from sagemaker.inputs import TrainingInput, CreateModelInput, TransformInput\n", + "from sagemaker.model import Model\n", + "from sagemaker.transformer import Transformer\n", + "\n", + "from sagemaker.model_metrics import MetricsSource, ModelMetrics, FileSource\n", + "from sagemaker.drift_check_baselines import DriftCheckBaselines\n", + "from sagemaker.processing import (\n", + " ProcessingInput,\n", + " ProcessingOutput,\n", + " ScriptProcessor,\n", + ")\n", + "from sagemaker.sklearn.processing import SKLearnProcessor\n", + "from sagemaker.workflow.conditions import ConditionLessThanOrEqualTo\n", + "from sagemaker.workflow.condition_step import ConditionStep\n", + "from sagemaker.workflow.functions import JsonGet\n", + "\n", + "from sagemaker.workflow.parameters import (\n", + " ParameterBoolean,\n", + " ParameterInteger,\n", + " ParameterString,\n", + ")\n", + "from sagemaker.workflow.pipeline import Pipeline\n", + "from sagemaker.workflow.properties import PropertyFile\n", + "from sagemaker.workflow.steps import (\n", + " ProcessingStep,\n", + " TrainingStep,\n", + " CreateModelStep,\n", + " TransformStep,\n", + ")\n", + "from sagemaker.workflow.model_step import ModelStep\n", + "from sagemaker.workflow.pipeline_context import PipelineSession\n", + "\n", + "# Importing new steps and helper functions\n", + "\n", + "from sagemaker.workflow.check_job_config import CheckJobConfig\n", + "from sagemaker.workflow.clarify_check_step import (\n", + " DataBiasCheckConfig,\n", + " ClarifyCheckStep,\n", + " ModelBiasCheckConfig,\n", + " ModelPredictedLabelConfig,\n", + " ModelExplainabilityCheckConfig,\n", + " SHAPConfig,\n", + ")\n", + "from sagemaker.workflow.quality_check_step import (\n", + " DataQualityCheckConfig,\n", + " ModelQualityCheckConfig,\n", + " QualityCheckStep,\n", + ")\n", + "from sagemaker.workflow.execution_variables import ExecutionVariables\n", + "from sagemaker.workflow.functions import Join\n", + "from sagemaker.model_monitor import DatasetFormat, model_monitoring\n", + "from sagemaker.clarify import BiasConfig, DataConfig, ModelConfig" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create the SageMaker Session" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "region = sagemaker.Session().boto_region_name\n", + "sm_client = boto3.client(\"sagemaker\")\n", + "boto_session = boto3.Session(region_name=region)\n", + "sagemaker_session = sagemaker.session.Session(boto_session=boto_session, sagemaker_client=sm_client)\n", + "pipeline_session = PipelineSession()\n", + "prefix = \"model-monitor-clarify-step-pipeline\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define variables and parameters needed for the Pipeline steps" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "role = sagemaker.get_execution_role()\n", + "default_bucket = sagemaker_session.default_bucket()\n", + "base_job_prefix = \"model-monitor-clarify\"\n", + "model_package_group_name = \"ExamplePackage\"\n", + "pipeline_name = \"examplepipeline\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define pipeline parameters\n", + "\n", + "Both `QualityCheckStep` and `ClarifyCheckStep` use two boolean flags `skip_check` and `register_new_baseline` to control their behavior.\n", + "\n", + "* `skip_check` : This determines if a drift check is executed or not.\n", + "* `register_new_baseline` : This determines if the newly calculated baselines (in the step property `CalculatedBaselines`) should be set in the step property `BaselineUsedForDriftCheck`.\n", + "* `supplied_baseline_statistics` and `supplied_baseline_constraints` : If `skip_check` is set to False, baselines can be provided to this step through this parameter. If provided, the step will compare the newly calculated baselines (`CalculatedBaselines`) against those provided here instead of finding the latest baselines from the Model Registry. In the case of `ClarifyCheckStep`, only `supplied_baseline_constraints` is a valid parameter, for `QualityCheckStep`, both parameters are used.\n", + "* `model_package_group_name` : The step will use the `drift_check_baselines` from the latest approved model in the model package group for the drift check. If `supplied_baseline_*` is provided, this field will be ignored.\n", + "\n", + "The first time the pipeline is run, the `skip_check` value should be set to True using the pipeline execution parameters so that new baselines are registered and no drift check is executed." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Combining Pipeline parameters\n", + "\n", + "This table summarizes how the pipeline parameters work when combined.\n", + "\n", + "The parameter `drift_check_baselines` is used to supply baselines to the `RegisterStep` that will be used for all drift checks involving the model.\n", + "\n", + "Newly calculated baselines can be reference by the properties `CalculatedBaselineStatistics` and `CalculatedBaselineConstraints` on the `QualityCheckStep` and `CalculatedBaselineConstraints` on the `ClarifyCheckStep`.\n", + "\n", + "For example, `data_quality_check_step.properties.CalculatedBaselineStatistics` and `data_quality_check_step.properties.CalculatedBaselineConstraints`. This property refers to the baseline that is calculated when the data quality check step is executed." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\n", + "| `skip_check` / `register_new_baseline` | Does step do a drift check? | Value of step property `CalculatedBaseline` | Value of step property `BaselineUsedForDriftCheck` | Possible Circumstances for this parameter combination|\n", + "| -------------------------------------- | ---------------------------------------------------------|------------------------------------------------------------ |------------------------------------------------- | -----------------------------------------------------|\n", + "| F / F | Drift Check executed against existing baselines. | New baselines calculated by step execution | Baseline from latest approved model in Model Registry or baseline supplied as step parameter | Regular re-training with checks enabled to get a new model version, but carry over previous baselines as DriftCheckBaselines in Registry for new model version. |\n", + "| F / T | Drift Check executed against existing baselines. | New baselines calculated by step execution | Newly calculated baseline by step execution (value of property `CalculatedBaseline`) | Regular re-training with checks enabled to get a new model version, but refresh DriftCheckBaselines in Registry with newly calculated baselines for the new model version. |\n", + "| T / F | No Drift Check. | New baselines calculated by step execution | Baseline from latest approved model in Model Registry or baseline supplied as step parameter | Violation detected by the model monitor on endpoint for a particular type of check and the pipeline is triggered for retraining a new model. Skip the check against previous baselines, but carry over previous baselines as DriftCheckBaselines in Registry for new model version. |\n", + "| T / T | No Drift Check. | New baselines calculated by step execution | Newly calculated baseline by step execution (value of property `CalculatedBaseline`) | a. Initial run of the pipeline, building the first model version and generate initial baselines.
b. Violation detected by the model monitor on endpoint for a particular type of check and the pipeline is triggered for retraining a new model. Skip the check against previous baselines and refresh DriftCheckBaselines with newly calculated baselines in Registry directly. |" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "processing_instance_count = ParameterInteger(name=\"ProcessingInstanceCount\", default_value=1)\n", + "training_instance_type = ParameterString(name=\"TrainingInstanceType\", default_value=\"ml.m5.xlarge\")\n", + "model_approval_status = ParameterString(\n", + " name=\"ModelApprovalStatus\", default_value=\"PendingManualApproval\"\n", + ")\n", + "# The dataset used here is the open source Abalone dataset that can be found\n", + "# here - https://archive.ics.uci.edu/ml/datasets/abalone\n", + "input_data = ParameterString(\n", + " name=\"InputDataUrl\",\n", + " default_value=f\"s3://sagemaker-sample-files/datasets/tabular/uci_abalone/abalone.csv\",\n", + ")\n", + "\n", + "# for data quality check step\n", + "skip_check_data_quality = ParameterBoolean(name=\"SkipDataQualityCheck\", default_value=False)\n", + "register_new_baseline_data_quality = ParameterBoolean(\n", + " name=\"RegisterNewDataQualityBaseline\", default_value=False\n", + ")\n", + "supplied_baseline_statistics_data_quality = ParameterString(\n", + " name=\"DataQualitySuppliedStatistics\", default_value=\"\"\n", + ")\n", + "supplied_baseline_constraints_data_quality = ParameterString(\n", + " name=\"DataQualitySuppliedConstraints\", default_value=\"\"\n", + ")\n", + "\n", + "# for data bias check step\n", + "skip_check_data_bias = ParameterBoolean(name=\"SkipDataBiasCheck\", default_value=False)\n", + "register_new_baseline_data_bias = ParameterBoolean(\n", + " name=\"RegisterNewDataBiasBaseline\", default_value=False\n", + ")\n", + "supplied_baseline_constraints_data_bias = ParameterString(\n", + " name=\"DataBiasSuppliedBaselineConstraints\", default_value=\"\"\n", + ")\n", + "\n", + "# for model quality check step\n", + "skip_check_model_quality = ParameterBoolean(name=\"SkipModelQualityCheck\", default_value=False)\n", + "register_new_baseline_model_quality = ParameterBoolean(\n", + " name=\"RegisterNewModelQualityBaseline\", default_value=False\n", + ")\n", + "supplied_baseline_statistics_model_quality = ParameterString(\n", + " name=\"ModelQualitySuppliedStatistics\", default_value=\"\"\n", + ")\n", + "supplied_baseline_constraints_model_quality = ParameterString(\n", + " name=\"ModelQualitySuppliedConstraints\", default_value=\"\"\n", + ")\n", + "\n", + "# for model bias check step\n", + "skip_check_model_bias = ParameterBoolean(name=\"SkipModelBiasCheck\", default_value=False)\n", + "register_new_baseline_model_bias = ParameterBoolean(\n", + " name=\"RegisterNewModelBiasBaseline\", default_value=False\n", + ")\n", + "supplied_baseline_constraints_model_bias = ParameterString(\n", + " name=\"ModelBiasSuppliedBaselineConstraints\", default_value=\"\"\n", + ")\n", + "\n", + "# for model explainability check step\n", + "skip_check_model_explainability = ParameterBoolean(\n", + " name=\"SkipModelExplainabilityCheck\", default_value=False\n", + ")\n", + "register_new_baseline_model_explainability = ParameterBoolean(\n", + " name=\"RegisterNewModelExplainabilityBaseline\", default_value=False\n", + ")\n", + "supplied_baseline_constraints_model_explainability = ParameterString(\n", + " name=\"ModelExplainabilitySuppliedBaselineConstraints\", default_value=\"\"\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Processing step for feature engineering" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "!mkdir -p code" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Overwriting code/preprocess.py\n" + ] + } + ], + "source": [ + "%%writefile code/preprocess.py\n", + "\n", + "\"\"\"Feature engineers the abalone dataset.\"\"\"\n", + "import argparse\n", + "import logging\n", + "import os\n", + "import pathlib\n", + "import requests\n", + "import tempfile\n", + "\n", + "import boto3\n", + "import numpy as np\n", + "import pandas as pd\n", + "\n", + "from sklearn.compose import ColumnTransformer\n", + "from sklearn.impute import SimpleImputer\n", + "from sklearn.pipeline import Pipeline\n", + "from sklearn.preprocessing import StandardScaler, OneHotEncoder\n", + "\n", + "logger = logging.getLogger()\n", + "logger.setLevel(logging.INFO)\n", + "logger.addHandler(logging.StreamHandler())\n", + "\n", + "\n", + "# Since we get a headerless CSV file we specify the column names here.\n", + "feature_columns_names = [\n", + " \"sex\",\n", + " \"length\",\n", + " \"diameter\",\n", + " \"height\",\n", + " \"whole_weight\",\n", + " \"shucked_weight\",\n", + " \"viscera_weight\",\n", + " \"shell_weight\",\n", + "]\n", + "label_column = \"rings\"\n", + "\n", + "feature_columns_dtype = {\n", + " \"sex\": str,\n", + " \"length\": np.float64,\n", + " \"diameter\": np.float64,\n", + " \"height\": np.float64,\n", + " \"whole_weight\": np.float64,\n", + " \"shucked_weight\": np.float64,\n", + " \"viscera_weight\": np.float64,\n", + " \"shell_weight\": np.float64,\n", + "}\n", + "label_column_dtype = {\"rings\": np.float64}\n", + "\n", + "\n", + "def merge_two_dicts(x, y):\n", + " \"\"\"Merges two dicts, returning a new copy.\"\"\"\n", + " z = x.copy()\n", + " z.update(y)\n", + " return z\n", + "\n", + "\n", + "if __name__ == \"__main__\":\n", + " logger.debug(\"Starting preprocessing.\")\n", + " parser = argparse.ArgumentParser()\n", + " parser.add_argument(\"--input-data\", type=str, required=True)\n", + " args = parser.parse_args()\n", + "\n", + " base_dir = \"/opt/ml/processing\"\n", + " pathlib.Path(f\"{base_dir}/data\").mkdir(parents=True, exist_ok=True)\n", + " input_data = args.input_data\n", + " bucket = input_data.split(\"/\")[2]\n", + " key = \"/\".join(input_data.split(\"/\")[3:])\n", + "\n", + " logger.info(\"Downloading data from bucket: %s, key: %s\", bucket, key)\n", + " fn = f\"{base_dir}/data/abalone-dataset.csv\"\n", + " s3 = boto3.resource(\"s3\")\n", + " s3.Bucket(bucket).download_file(key, fn)\n", + "\n", + " logger.debug(\"Reading downloaded data.\")\n", + " df = pd.read_csv(\n", + " fn,\n", + " header=None,\n", + " names=feature_columns_names + [label_column],\n", + " dtype=merge_two_dicts(feature_columns_dtype, label_column_dtype),\n", + " )\n", + " os.unlink(fn)\n", + "\n", + " logger.debug(\"Defining transformers.\")\n", + " numeric_features = list(feature_columns_names)\n", + " numeric_features.remove(\"sex\")\n", + " numeric_transformer = Pipeline(\n", + " steps=[\n", + " (\"imputer\", SimpleImputer(strategy=\"median\")),\n", + " (\"scaler\", StandardScaler()),\n", + " ]\n", + " )\n", + "\n", + " categorical_features = [\"sex\"]\n", + " categorical_transformer = Pipeline(\n", + " steps=[\n", + " (\"imputer\", SimpleImputer(strategy=\"constant\", fill_value=\"missing\")),\n", + " (\"onehot\", OneHotEncoder(handle_unknown=\"ignore\")),\n", + " ]\n", + " )\n", + "\n", + " preprocess = ColumnTransformer(\n", + " transformers=[\n", + " (\"num\", numeric_transformer, numeric_features),\n", + " (\"cat\", categorical_transformer, categorical_features),\n", + " ]\n", + " )\n", + "\n", + " logger.info(\"Applying transforms.\")\n", + " y = df.pop(\"rings\")\n", + " X_pre = preprocess.fit_transform(df)\n", + " y_pre = y.to_numpy().reshape(len(y), 1)\n", + "\n", + " X = np.concatenate((y_pre, X_pre), axis=1)\n", + "\n", + " logger.info(\"Splitting %d rows of data into train, validation, test datasets.\", len(X))\n", + " np.random.shuffle(X)\n", + " train, validation, test = np.split(X, [int(0.7 * len(X)), int(0.85 * len(X))])\n", + "\n", + " logger.info(\"Writing out datasets to %s.\", base_dir)\n", + " pd.DataFrame(train).to_csv(f\"{base_dir}/train/train.csv\", header=False, index=False)\n", + " pd.DataFrame(validation).to_csv(\n", + " f\"{base_dir}/validation/validation.csv\", header=False, index=False\n", + " )\n", + " pd.DataFrame(test).to_csv(f\"{base_dir}/test/test.csv\", header=False, index=False)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:sagemaker.image_uris:Defaulting to only available Python version: py3\n", + "/opt/conda/lib/python3.10/site-packages/sagemaker/workflow/pipeline_context.py:332: UserWarning: Running within a PipelineSession, there will be No Wait, No Logs, and No Job being started.\n", + " warnings.warn(\n" + ] + } + ], + "source": [ + "sklearn_processor = SKLearnProcessor(\n", + " framework_version=\"0.23-1\",\n", + " instance_type=\"ml.m5.xlarge\",\n", + " instance_count=processing_instance_count,\n", + " base_job_name=f\"{base_job_prefix}/sklearn-abalone-preprocess\",\n", + " sagemaker_session=pipeline_session,\n", + " role=role,\n", + ")\n", + "processor_args = sklearn_processor.run(\n", + " outputs=[\n", + " ProcessingOutput(output_name=\"train\", source=\"/opt/ml/processing/train\"),\n", + " ProcessingOutput(output_name=\"validation\", source=\"/opt/ml/processing/validation\"),\n", + " ProcessingOutput(output_name=\"test\", source=\"/opt/ml/processing/test\"),\n", + " ],\n", + " code=\"code/preprocess.py\",\n", + " arguments=[\"--input-data\", input_data],\n", + ")\n", + "step_process = ProcessingStep(name=\"PreprocessAbaloneData\", step_args=processor_args)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Calculating the Data Quality\n", + "\n", + "`CheckJobConfig` is a helper function that's used to define the job configurations used by the `QualityCheckStep`. By separating the job configuration from the step parameters, the same `CheckJobConfig` can be used across multiple steps for quality checks.\n", + "\n", + "The `DataQualityCheckConfig` is used to define the Quality Check job by specifying the dataset used to calculate the baseline, in this case, the training dataset from the data processing step, the dataset format, in this case, a csv file with no headers, and the output path for the results of the data quality check." + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:sagemaker.image_uris:Defaulting to the only supported framework/algorithm version: .\n", + "INFO:sagemaker.image_uris:Ignoring unnecessary instance type: None.\n" + ] + } + ], + "source": [ + "check_job_config = CheckJobConfig(\n", + " role=role,\n", + " instance_count=1,\n", + " instance_type=\"ml.c5.xlarge\",\n", + " volume_size_in_gb=120,\n", + " sagemaker_session=sagemaker_session,\n", + ")\n", + "\n", + "data_quality_check_config = DataQualityCheckConfig(\n", + " baseline_dataset=step_process.properties.ProcessingOutputConfig.Outputs[\"train\"].S3Output.S3Uri,\n", + " dataset_format=DatasetFormat.csv(header=False, output_columns_position=\"START\"),\n", + " output_s3_uri=Join(\n", + " on=\"/\",\n", + " values=[\n", + " \"s3:/\",\n", + " default_bucket,\n", + " base_job_prefix,\n", + " ExecutionVariables.PIPELINE_EXECUTION_ID,\n", + " \"dataqualitycheckstep\",\n", + " ],\n", + " ),\n", + ")\n", + "\n", + "data_quality_check_step = QualityCheckStep(\n", + " name=\"DataQualityCheckStep\",\n", + " skip_check=skip_check_data_quality,\n", + " register_new_baseline=register_new_baseline_data_quality,\n", + " quality_check_config=data_quality_check_config,\n", + " check_job_config=check_job_config,\n", + " supplied_baseline_statistics=supplied_baseline_statistics_data_quality,\n", + " supplied_baseline_constraints=supplied_baseline_constraints_data_quality,\n", + " model_package_group_name=model_package_group_name,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Calculating the Data Bias\n", + "\n", + "The job configuration from the previous step is used here and the `DataConfig` class is used to define how the `ClarifyCheckStep` should compute the data bias. The training dataset is used again for the bias evaluation, the column representing the label is specified through the `label` parameter, and a `BiasConfig` is provided.\n", + "\n", + "In the `BiasConfig`, we specify a facet name (the column that is the focal point of the bias calculation), the value of the facet that determines the range of values it can hold, and the threshold value for the label.\n", + "\n", + "More details on `BiasConfig` can be found [here](https://sagemaker.readthedocs.io/en/stable/api/training/processing.html#sagemaker.clarify.BiasConfig)." + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:sagemaker.image_uris:Defaulting to the only supported framework/algorithm version: 1.0.\n", + "INFO:sagemaker.image_uris:Ignoring unnecessary instance type: None.\n", + "INFO:sagemaker.model_monitor.clarify_model_monitoring:Uploading analysis config to {s3_uri}.\n", + "INFO:sagemaker.image_uris:Defaulting to the only supported framework/algorithm version: 1.0.\n", + "INFO:sagemaker.image_uris:Ignoring unnecessary instance type: None.\n" + ] + } + ], + "source": [ + "data_bias_analysis_cfg_output_path = (\n", + " f\"s3://{default_bucket}/{base_job_prefix}/databiascheckstep/analysis_cfg\"\n", + ")\n", + "\n", + "data_bias_data_config = DataConfig(\n", + " s3_data_input_path=step_process.properties.ProcessingOutputConfig.Outputs[\n", + " \"train\"\n", + " ].S3Output.S3Uri,\n", + " s3_output_path=Join(\n", + " on=\"/\",\n", + " values=[\n", + " \"s3:/\",\n", + " default_bucket,\n", + " base_job_prefix,\n", + " ExecutionVariables.PIPELINE_EXECUTION_ID,\n", + " \"databiascheckstep\",\n", + " ],\n", + " ),\n", + " label=0,\n", + " dataset_type=\"text/csv\",\n", + " s3_analysis_config_output_path=data_bias_analysis_cfg_output_path,\n", + ")\n", + "\n", + "\n", + "data_bias_config = BiasConfig(\n", + " label_values_or_threshold=[15.0], facet_name=[8], facet_values_or_threshold=[[0.5]]\n", + ")\n", + "\n", + "data_bias_check_config = DataBiasCheckConfig(\n", + " data_config=data_bias_data_config,\n", + " data_bias_config=data_bias_config,\n", + ")\n", + "\n", + "data_bias_check_step = ClarifyCheckStep(\n", + " name=\"DataBiasCheckStep\",\n", + " clarify_check_config=data_bias_check_config,\n", + " check_job_config=check_job_config,\n", + " skip_check=skip_check_data_bias,\n", + " register_new_baseline=register_new_baseline_data_bias,\n", + " supplied_baseline_constraints=supplied_baseline_constraints_data_bias,\n", + " model_package_group_name=model_package_group_name,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Train an XGBoost Model" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "model_path = f\"s3://{sagemaker_session.default_bucket()}/{base_job_prefix}/AbaloneTrain\"\n", + "image_uri = sagemaker.image_uris.retrieve(\n", + " framework=\"xgboost\",\n", + " region=region,\n", + " version=\"1.0-1\",\n", + " py_version=\"py3\",\n", + " instance_type=\"ml.m5.xlarge\",\n", + ")\n", + "\n", + "xgb_train = Estimator(\n", + " image_uri=image_uri,\n", + " instance_type=training_instance_type,\n", + " instance_count=1,\n", + " output_path=model_path,\n", + " base_job_name=f\"{base_job_prefix}/abalone-train\",\n", + " sagemaker_session=pipeline_session,\n", + " role=role,\n", + ")\n", + "\n", + "xgb_train.set_hyperparameters(\n", + " objective=\"reg:linear\",\n", + " num_round=50,\n", + " max_depth=5,\n", + " eta=0.2,\n", + " gamma=4,\n", + " min_child_weight=6,\n", + " subsample=0.7,\n", + " silent=0,\n", + ")\n", + "\n", + "train_args = xgb_train.fit(\n", + " inputs={\n", + " \"train\": TrainingInput(\n", + " s3_data=step_process.properties.ProcessingOutputConfig.Outputs[\"train\"].S3Output.S3Uri,\n", + " content_type=\"text/csv\",\n", + " ),\n", + " \"validation\": TrainingInput(\n", + " s3_data=step_process.properties.ProcessingOutputConfig.Outputs[\n", + " \"validation\"\n", + " ].S3Output.S3Uri,\n", + " content_type=\"text/csv\",\n", + " ),\n", + " },\n", + ")\n", + "step_train = TrainingStep(\n", + " name=\"TrainAbaloneModel\",\n", + " step_args=train_args,\n", + " depends_on=[data_bias_check_step.name, data_quality_check_step.name],\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create the model\n", + "\n", + "The model is created so that a batch transform job can be used to get predictions from the model on a test dataset. These predictions are used when calculating model quality, model bias, and model explainability." + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "model = Model(\n", + " image_uri=image_uri,\n", + " model_data=step_train.properties.ModelArtifacts.S3ModelArtifacts,\n", + " sagemaker_session=pipeline_session,\n", + " role=role,\n", + ")\n", + "\n", + "step_create_model = ModelStep(\n", + " name=\"AbaloneCreateModel\",\n", + " step_args=model.create(instance_type=\"ml.m5.large\", accelerator_type=\"ml.eia1.medium\"),\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Transform Output\n", + "\n", + "The output of the transform step combines the prediction and the input label. The output format is
\n", + "`prediction, original label`" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "transformer = Transformer(\n", + " model_name=step_create_model.properties.ModelName,\n", + " instance_type=\"ml.m5.xlarge\",\n", + " instance_count=1,\n", + " accept=\"text/csv\",\n", + " assemble_with=\"Line\",\n", + " output_path=f\"s3://{default_bucket}/AbaloneTransform\",\n", + ")\n", + "\n", + "step_transform = TransformStep(\n", + " name=\"AbaloneTransform\",\n", + " transformer=transformer,\n", + " inputs=TransformInput(\n", + " data=step_process.properties.ProcessingOutputConfig.Outputs[\"test\"].S3Output.S3Uri,\n", + " input_filter=\"$[1:]\",\n", + " join_source=\"Input\",\n", + " output_filter=\"$[0,-1]\",\n", + " content_type=\"text/csv\",\n", + " split_type=\"Line\",\n", + " ),\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Check the Model Quality\n", + "\n", + "In this `QualityCheckStep` we calculate the baselines for statistics and constraints using the predictions that the model generates from the test dataset (output from the TransformStep). We define the problem type as 'Regression' in the `ModelQualityCheckConfig` along with specifying the columns which represent the input and output. Since the dataset has no headers, `_c0`, `_c1` are auto-generated header names that should be used in the `ModelQualityCheckConfig`." + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:sagemaker.image_uris:Defaulting to the only supported framework/algorithm version: .\n", + "INFO:sagemaker.image_uris:Ignoring unnecessary instance type: None.\n" + ] + } + ], + "source": [ + "model_quality_check_config = ModelQualityCheckConfig(\n", + " baseline_dataset=step_transform.properties.TransformOutput.S3OutputPath,\n", + " dataset_format=DatasetFormat.csv(header=False),\n", + " output_s3_uri=Join(\n", + " on=\"/\",\n", + " values=[\n", + " \"s3:/\",\n", + " default_bucket,\n", + " base_job_prefix,\n", + " ExecutionVariables.PIPELINE_EXECUTION_ID,\n", + " \"modelqualitycheckstep\",\n", + " ],\n", + " ),\n", + " problem_type=\"Regression\",\n", + " inference_attribute=\"_c0\", # use auto-populated headers since we don't have headers in the dataset\n", + " ground_truth_attribute=\"_c1\", # use auto-populated headers since we don't have headers in the dataset\n", + ")\n", + "\n", + "model_quality_check_step = QualityCheckStep(\n", + " name=\"ModelQualityCheckStep\",\n", + " skip_check=skip_check_model_quality,\n", + " register_new_baseline=register_new_baseline_model_quality,\n", + " quality_check_config=model_quality_check_config,\n", + " check_job_config=check_job_config,\n", + " supplied_baseline_statistics=supplied_baseline_statistics_model_quality,\n", + " supplied_baseline_constraints=supplied_baseline_constraints_model_quality,\n", + " model_package_group_name=model_package_group_name,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Check for Model Bias\n", + "\n", + "Similar to the Data Bias check step, a `BiasConfig` is defined and Clarify is used to calculate the model bias using the training dataset and the model." + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:sagemaker.image_uris:Defaulting to the only supported framework/algorithm version: 1.0.\n", + "INFO:sagemaker.image_uris:Ignoring unnecessary instance type: None.\n", + "INFO:sagemaker.model_monitor.clarify_model_monitoring:Uploading analysis config to {s3_uri}.\n", + "INFO:sagemaker.image_uris:Defaulting to the only supported framework/algorithm version: 1.0.\n", + "INFO:sagemaker.image_uris:Ignoring unnecessary instance type: None.\n" + ] + } + ], + "source": [ + "model_bias_analysis_cfg_output_path = (\n", + " f\"s3://{default_bucket}/{base_job_prefix}/modelbiascheckstep/analysis_cfg\"\n", + ")\n", + "\n", + "model_bias_data_config = DataConfig(\n", + " s3_data_input_path=step_process.properties.ProcessingOutputConfig.Outputs[\n", + " \"train\"\n", + " ].S3Output.S3Uri,\n", + " s3_output_path=Join(\n", + " on=\"/\",\n", + " values=[\n", + " \"s3:/\",\n", + " default_bucket,\n", + " base_job_prefix,\n", + " ExecutionVariables.PIPELINE_EXECUTION_ID,\n", + " \"modelbiascheckstep\",\n", + " ],\n", + " ),\n", + " s3_analysis_config_output_path=model_bias_analysis_cfg_output_path,\n", + " label=0,\n", + " dataset_type=\"text/csv\",\n", + ")\n", + "\n", + "model_config = ModelConfig(\n", + " model_name=step_create_model.properties.ModelName,\n", + " instance_count=1,\n", + " instance_type=\"ml.m5.xlarge\",\n", + ")\n", + "\n", + "# We are using this bias config to configure Clarify to detect bias based on the first feature in the featurized vector for Sex\n", + "model_bias_config = BiasConfig(\n", + " label_values_or_threshold=[15.0], facet_name=[8], facet_values_or_threshold=[[0.5]]\n", + ")\n", + "\n", + "model_bias_check_config = ModelBiasCheckConfig(\n", + " data_config=model_bias_data_config,\n", + " data_bias_config=model_bias_config,\n", + " model_config=model_config,\n", + " model_predicted_label_config=ModelPredictedLabelConfig(),\n", + ")\n", + "\n", + "model_bias_check_step = ClarifyCheckStep(\n", + " name=\"ModelBiasCheckStep\",\n", + " clarify_check_config=model_bias_check_config,\n", + " check_job_config=check_job_config,\n", + " skip_check=skip_check_model_bias,\n", + " register_new_baseline=register_new_baseline_model_bias,\n", + " supplied_baseline_constraints=supplied_baseline_constraints_model_bias,\n", + " model_package_group_name=model_package_group_name,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Check Model Explainability\n", + "\n", + "SageMaker Clarify uses a model-agnostic feature attribution approach, which you can use to understand why a model made a prediction after training and to provide per-instance explanation during inference. The implementation includes a scalable and efficient implementation of SHAP, based on the concept of a Shapley value from the field of cooperative game theory that assigns each feature an importance value for a particular prediction.\n", + "\n", + "For Model Explainability, Clarify requires an explainability configuration to be provided. In this example, we use `SHAPConfig`. For more information of `explainability_config`, visit the [Clarify documentation](https://docs.aws.amazon.com/sagemaker/latest/dg/clarify-model-explainability.html)." + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:sagemaker.image_uris:Defaulting to the only supported framework/algorithm version: 1.0.\n", + "INFO:sagemaker.image_uris:Ignoring unnecessary instance type: None.\n", + "INFO:sagemaker.model_monitor.clarify_model_monitoring:Uploading analysis config to {s3_uri}.\n", + "INFO:sagemaker.image_uris:Defaulting to the only supported framework/algorithm version: 1.0.\n", + "INFO:sagemaker.image_uris:Ignoring unnecessary instance type: None.\n" + ] + } + ], + "source": [ + "model_explainability_analysis_cfg_output_path = \"s3://{}/{}/{}/{}\".format(\n", + " default_bucket, base_job_prefix, \"modelexplainabilitycheckstep\", \"analysis_cfg\"\n", + ")\n", + "\n", + "model_explainability_data_config = DataConfig(\n", + " s3_data_input_path=step_process.properties.ProcessingOutputConfig.Outputs[\n", + " \"train\"\n", + " ].S3Output.S3Uri,\n", + " s3_output_path=Join(\n", + " on=\"/\",\n", + " values=[\n", + " \"s3:/\",\n", + " default_bucket,\n", + " base_job_prefix,\n", + " ExecutionVariables.PIPELINE_EXECUTION_ID,\n", + " \"modelexplainabilitycheckstep\",\n", + " ],\n", + " ),\n", + " s3_analysis_config_output_path=model_explainability_analysis_cfg_output_path,\n", + " label=0,\n", + " dataset_type=\"text/csv\",\n", + ")\n", + "shap_config = SHAPConfig(seed=123, num_samples=10)\n", + "model_explainability_check_config = ModelExplainabilityCheckConfig(\n", + " data_config=model_explainability_data_config,\n", + " model_config=model_config,\n", + " explainability_config=shap_config,\n", + ")\n", + "model_explainability_check_step = ClarifyCheckStep(\n", + " name=\"ModelExplainabilityCheckStep\",\n", + " clarify_check_config=model_explainability_check_config,\n", + " check_job_config=check_job_config,\n", + " skip_check=skip_check_model_explainability,\n", + " register_new_baseline=register_new_baseline_model_explainability,\n", + " supplied_baseline_constraints=supplied_baseline_constraints_model_explainability,\n", + " model_package_group_name=model_package_group_name,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Evaluate the performance of the model\n", + "\n", + "Using a processing job, evaluate the performance of the model. The performance is used in the Condition Step to determine if the model should be registered or not." + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Overwriting code/evaluate.py\n" + ] + } + ], + "source": [ + "%%writefile code/evaluate.py\n", + "\n", + "\"\"\"Evaluation script for measuring mean squared error.\"\"\"\n", + "import json\n", + "import logging\n", + "import pathlib\n", + "import pickle\n", + "import tarfile\n", + "\n", + "import numpy as np\n", + "import pandas as pd\n", + "import xgboost\n", + "\n", + "from sklearn.metrics import mean_squared_error\n", + "\n", + "logger = logging.getLogger()\n", + "logger.setLevel(logging.INFO)\n", + "logger.addHandler(logging.StreamHandler())\n", + "\n", + "\n", + "if __name__ == \"__main__\":\n", + " logger.debug(\"Starting evaluation.\")\n", + " model_path = \"/opt/ml/processing/model/model.tar.gz\"\n", + " with tarfile.open(model_path) as tar:\n", + " tar.extractall(path=\".\")\n", + "\n", + " logger.debug(\"Loading xgboost model.\")\n", + " model = pickle.load(open(\"xgboost-model\", \"rb\"))\n", + "\n", + " logger.debug(\"Reading test data.\")\n", + " test_path = \"/opt/ml/processing/test/test.csv\"\n", + " df = pd.read_csv(test_path, header=None)\n", + "\n", + " logger.debug(\"Reading test data.\")\n", + " y_test = df.iloc[:, 0].to_numpy()\n", + " df.drop(df.columns[0], axis=1, inplace=True)\n", + " X_test = xgboost.DMatrix(df.values)\n", + "\n", + " logger.info(\"Performing predictions against test data.\")\n", + " predictions = model.predict(X_test)\n", + "\n", + " logger.debug(\"Calculating mean squared error.\")\n", + " mse = mean_squared_error(y_test, predictions)\n", + " std = np.std(y_test - predictions)\n", + " report_dict = {\n", + " \"regression_metrics\": {\n", + " \"mse\": {\"value\": mse, \"standard_deviation\": std},\n", + " },\n", + " }\n", + "\n", + " output_dir = \"/opt/ml/processing/evaluation\"\n", + " pathlib.Path(output_dir).mkdir(parents=True, exist_ok=True)\n", + "\n", + " logger.info(\"Writing out evaluation report with mse: %f\", mse)\n", + " evaluation_path = f\"{output_dir}/evaluation.json\"\n", + " with open(evaluation_path, \"w\") as f:\n", + " f.write(json.dumps(report_dict))" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "script_eval = ScriptProcessor(\n", + " image_uri=image_uri,\n", + " command=[\"python3\"],\n", + " instance_type=\"ml.m5.xlarge\",\n", + " instance_count=1,\n", + " base_job_name=f\"{base_job_prefix}/script-abalone-eval\",\n", + " sagemaker_session=pipeline_session,\n", + " role=role,\n", + ")\n", + "evaluation_report = PropertyFile(\n", + " name=\"AbaloneEvaluationReport\",\n", + " output_name=\"evaluation\",\n", + " path=\"evaluation.json\",\n", + ")\n", + "\n", + "eval_args = script_eval.run(\n", + " inputs=[\n", + " ProcessingInput(\n", + " source=step_train.properties.ModelArtifacts.S3ModelArtifacts,\n", + " destination=\"/opt/ml/processing/model\",\n", + " ),\n", + " ProcessingInput(\n", + " source=step_process.properties.ProcessingOutputConfig.Outputs[\"test\"].S3Output.S3Uri,\n", + " destination=\"/opt/ml/processing/test\",\n", + " ),\n", + " ],\n", + " outputs=[\n", + " ProcessingOutput(output_name=\"evaluation\", source=\"/opt/ml/processing/evaluation\"),\n", + " ],\n", + " code=\"code/evaluate.py\",\n", + ")\n", + "step_eval = ProcessingStep(\n", + " name=\"EvaluateAbaloneModel\",\n", + " step_args=eval_args,\n", + " property_files=[evaluation_report],\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define the metrics to be registered with the model in the Model Registry" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "model_metrics = ModelMetrics(\n", + " model_data_statistics=MetricsSource(\n", + " s3_uri=data_quality_check_step.properties.CalculatedBaselineStatistics,\n", + " content_type=\"application/json\",\n", + " ),\n", + " model_data_constraints=MetricsSource(\n", + " s3_uri=data_quality_check_step.properties.CalculatedBaselineConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " bias_pre_training=MetricsSource(\n", + " s3_uri=data_bias_check_step.properties.CalculatedBaselineConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " model_statistics=MetricsSource(\n", + " s3_uri=model_quality_check_step.properties.CalculatedBaselineStatistics,\n", + " content_type=\"application/json\",\n", + " ),\n", + " model_constraints=MetricsSource(\n", + " s3_uri=model_quality_check_step.properties.CalculatedBaselineConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " bias_post_training=MetricsSource(\n", + " s3_uri=model_bias_check_step.properties.CalculatedBaselineConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " explainability=MetricsSource(\n", + " s3_uri=model_explainability_check_step.properties.CalculatedBaselineConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + ")\n", + "\n", + "drift_check_baselines = DriftCheckBaselines(\n", + " model_data_statistics=MetricsSource(\n", + " s3_uri=data_quality_check_step.properties.BaselineUsedForDriftCheckStatistics,\n", + " content_type=\"application/json\",\n", + " ),\n", + " model_data_constraints=MetricsSource(\n", + " s3_uri=data_quality_check_step.properties.BaselineUsedForDriftCheckConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " bias_pre_training_constraints=MetricsSource(\n", + " s3_uri=data_bias_check_step.properties.BaselineUsedForDriftCheckConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " bias_config_file=FileSource(\n", + " s3_uri=model_bias_check_config.monitoring_analysis_config_uri,\n", + " content_type=\"application/json\",\n", + " ),\n", + " model_statistics=MetricsSource(\n", + " s3_uri=model_quality_check_step.properties.BaselineUsedForDriftCheckStatistics,\n", + " content_type=\"application/json\",\n", + " ),\n", + " model_constraints=MetricsSource(\n", + " s3_uri=model_quality_check_step.properties.BaselineUsedForDriftCheckConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " bias_post_training_constraints=MetricsSource(\n", + " s3_uri=model_bias_check_step.properties.BaselineUsedForDriftCheckConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " explainability_constraints=MetricsSource(\n", + " s3_uri=model_explainability_check_step.properties.BaselineUsedForDriftCheckConstraints,\n", + " content_type=\"application/json\",\n", + " ),\n", + " explainability_config_file=FileSource(\n", + " s3_uri=model_explainability_check_config.monitoring_analysis_config_uri,\n", + " content_type=\"application/json\",\n", + " ),\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Register the model\n", + "\n", + "The two parameters in `RegisterModel` that hold the metrics calculated by the `ClarifyCheckStep` and `QualityCheckStep` are `model_metrics` and `drift_check_baselines`.\n", + "\n", + "`drift_check_baselines` - these are the baseline files that will be used for drift checks in `QualityCheckStep` or `ClarifyCheckStep` and model monitoring jobs that are set up on endpoints hosting this model.\n", + "\n", + "`model_metrics` - these should be the latest baselines calculated in the pipeline run. This can be set using the step property `CalculatedBaseline`\n", + "\n", + "The intention behind these parameters is to give users a way to configure the baselines associated with a model so they can be used in drift checks or model monitoring jobs. Each time a pipeline is executed, users can choose to update the `drift_check_baselines` with newly calculated baselines. The `model_metrics` can be used to register the newly calculated baselines or any other metrics associated with the model.\n", + "\n", + "Every time a baseline is calculated, it is not necessary that the baselines used for drift checks are updated to the newly calculated baselines. In some cases, users may retain an older version of the baseline file to be used for drift checks and not register new baselines that are calculated in the Pipeline run." + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [], + "source": [ + "import io\n", + "import os\n", + "import numpy as np\n", + "from six.moves.urllib.parse import urlparse\n", + "from pprint import pprint\n", + "import boto3\n", + "import sagemaker\n", + "from sagemaker.image_uris import retrieve\n", + "import sagemaker.amazon.common as smac\n", + "from sagemaker.model_card import (\n", + " ModelCard,\n", + " ModelOverview,\n", + " IntendedUses,\n", + " BusinessDetails,\n", + " AdditionalInformation,\n", + " ModelCardStatusEnum,\n", + " ObjectiveFunctionEnum,\n", + " RiskRatingEnum,\n", + " MetricTypeEnum,\n", + " TrainingDetails\n", + ")\n", + "from sagemaker.model import ModelPackage as MP" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "model_overview = ModelOverview(\n", + " #model_description=\"This is an example model used for a Python SDK demo of unified Amazon SageMaker Model Registry and Model Cards.\",\n", + " #problem_type=\"Binary Classification\",\n", + " #algorithm_type=\"Logistic Regression\",\n", + " model_creator=\"DEMO-Model-Registry-ModelCard-Unification\",\n", + " #model_owner=\"datascienceteam\",\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [], + "source": [ + "intended_uses = IntendedUses(\n", + " purpose_of_model=\"Test model card.\",\n", + " intended_uses=\"Not used except this test.\",\n", + " factors_affecting_model_efficiency=\"No.\",\n", + " risk_rating=RiskRatingEnum.LOW,\n", + " explanations_for_risk_rating=\"Just an example.\",\n", + ")\n", + "business_details = BusinessDetails(\n", + " business_problem=\"The business problem that your model is used to solve.\",\n", + " business_stakeholders=\"The stakeholders who have the interest in the business that your model is used for.\",\n", + " line_of_business=\"Services that the business is offering.\",\n", + ")\n", + "additional_information = AdditionalInformation(\n", + " ethical_considerations=\"Your model ethical consideration.\",\n", + " caveats_and_recommendations=\"Your model's caveats and recommendations.\",\n", + " custom_details={\"Datazone projects\": project_id},\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [], + "source": [ + "my_card = ModelCard(\n", + " name=\"MyModelCard\",\n", + " status=ModelCardStatusEnum.DRAFT,\n", + " model_overview=model_overview,\n", + " intended_uses=intended_uses,\n", + " business_details=business_details,\n", + " additional_information=additional_information,\n", + " sagemaker_session=pipeline_session,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "register_args = model.register(\n", + " content_types=[\"text/csv\"],\n", + " response_types=[\"text/csv\"],\n", + " inference_instances=[\"ml.t2.medium\", \"ml.m5.large\"],\n", + " transform_instances=[\"ml.m5.large\"],\n", + " model_package_group_name=model_package_group_name,\n", + " approval_status=model_approval_status,\n", + " model_metrics=model_metrics,\n", + " drift_check_baselines=drift_check_baselines,\n", + " model_card=my_card\n", + ")\n", + "\n", + "step_register = ModelStep(name=\"RegisterAbaloneModel\", step_args=register_args)" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "# condition step for evaluating model quality and branching execution\n", + "cond_lte = ConditionLessThanOrEqualTo(\n", + " left=JsonGet(\n", + " step_name=step_eval.name,\n", + " property_file=evaluation_report,\n", + " json_path=\"regression_metrics.mse.value\",\n", + " ),\n", + " right=6.0,\n", + ")\n", + "step_cond = ConditionStep(\n", + " name=\"CheckMSEAbaloneEvaluation\",\n", + " conditions=[cond_lte],\n", + " if_steps=[step_register],\n", + " else_steps=[],\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create the Pipeline" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "# pipeline instance\n", + "pipeline = Pipeline(\n", + " name=pipeline_name,\n", + " parameters=[\n", + " processing_instance_count,\n", + " training_instance_type,\n", + " model_approval_status,\n", + " input_data,\n", + " skip_check_data_quality,\n", + " register_new_baseline_data_quality,\n", + " supplied_baseline_statistics_data_quality,\n", + " supplied_baseline_constraints_data_quality,\n", + " skip_check_data_bias,\n", + " register_new_baseline_data_bias,\n", + " supplied_baseline_constraints_data_bias,\n", + " skip_check_model_quality,\n", + " register_new_baseline_model_quality,\n", + " supplied_baseline_statistics_model_quality,\n", + " supplied_baseline_constraints_model_quality,\n", + " skip_check_model_bias,\n", + " register_new_baseline_model_bias,\n", + " supplied_baseline_constraints_model_bias,\n", + " skip_check_model_explainability,\n", + " register_new_baseline_model_explainability,\n", + " supplied_baseline_constraints_model_explainability,\n", + " ],\n", + " steps=[\n", + " step_process,\n", + " data_quality_check_step,\n", + " data_bias_check_step,\n", + " step_train,\n", + " step_create_model,\n", + " step_transform,\n", + " model_quality_check_step,\n", + " model_bias_check_step,\n", + " model_explainability_check_step,\n", + " step_eval,\n", + " step_cond,\n", + " ],\n", + " sagemaker_session=pipeline_session,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Get Pipeline definition" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TrainingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TransformJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow._utils:Popping out 'CertifyForMarketplace' from the pipeline definition since it will be overridden in pipeline execution time.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelPackageName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n" + ] + }, + { + "data": { + "text/plain": [ + "{'Version': '2020-12-01',\n", + " 'Metadata': {},\n", + " 'Parameters': [{'Name': 'ProcessingInstanceCount',\n", + " 'Type': 'Integer',\n", + " 'DefaultValue': 1},\n", + " {'Name': 'TrainingInstanceType',\n", + " 'Type': 'String',\n", + " 'DefaultValue': 'ml.m5.xlarge'},\n", + " {'Name': 'ModelApprovalStatus',\n", + " 'Type': 'String',\n", + " 'DefaultValue': 'PendingManualApproval'},\n", + " {'Name': 'InputDataUrl',\n", + " 'Type': 'String',\n", + " 'DefaultValue': 's3://sagemaker-sample-files/datasets/tabular/uci_abalone/abalone.csv'},\n", + " {'Name': 'SkipDataQualityCheck', 'Type': 'Boolean', 'DefaultValue': False},\n", + " {'Name': 'RegisterNewDataQualityBaseline',\n", + " 'Type': 'Boolean',\n", + " 'DefaultValue': False},\n", + " {'Name': 'DataQualitySuppliedStatistics',\n", + " 'Type': 'String',\n", + " 'DefaultValue': ''},\n", + " {'Name': 'DataQualitySuppliedConstraints',\n", + " 'Type': 'String',\n", + " 'DefaultValue': ''},\n", + " {'Name': 'SkipDataBiasCheck', 'Type': 'Boolean', 'DefaultValue': False},\n", + " {'Name': 'RegisterNewDataBiasBaseline',\n", + " 'Type': 'Boolean',\n", + " 'DefaultValue': False},\n", + " {'Name': 'DataBiasSuppliedBaselineConstraints',\n", + " 'Type': 'String',\n", + " 'DefaultValue': ''},\n", + " {'Name': 'SkipModelQualityCheck', 'Type': 'Boolean', 'DefaultValue': False},\n", + " {'Name': 'RegisterNewModelQualityBaseline',\n", + " 'Type': 'Boolean',\n", + " 'DefaultValue': False},\n", + " {'Name': 'ModelQualitySuppliedStatistics',\n", + " 'Type': 'String',\n", + " 'DefaultValue': ''},\n", + " {'Name': 'ModelQualitySuppliedConstraints',\n", + " 'Type': 'String',\n", + " 'DefaultValue': ''},\n", + " {'Name': 'SkipModelBiasCheck', 'Type': 'Boolean', 'DefaultValue': False},\n", + " {'Name': 'RegisterNewModelBiasBaseline',\n", + " 'Type': 'Boolean',\n", + " 'DefaultValue': False},\n", + " {'Name': 'ModelBiasSuppliedBaselineConstraints',\n", + " 'Type': 'String',\n", + " 'DefaultValue': ''},\n", + " {'Name': 'SkipModelExplainabilityCheck',\n", + " 'Type': 'Boolean',\n", + " 'DefaultValue': False},\n", + " {'Name': 'RegisterNewModelExplainabilityBaseline',\n", + " 'Type': 'Boolean',\n", + " 'DefaultValue': False},\n", + " {'Name': 'ModelExplainabilitySuppliedBaselineConstraints',\n", + " 'Type': 'String',\n", + " 'DefaultValue': ''}],\n", + " 'PipelineExperimentConfig': {'ExperimentName': {'Get': 'Execution.PipelineName'},\n", + " 'TrialName': {'Get': 'Execution.PipelineExecutionId'}},\n", + " 'Steps': [{'Name': 'PreprocessAbaloneData',\n", + " 'Type': 'Processing',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': 'ml.m5.xlarge',\n", + " 'InstanceCount': {'Get': 'Parameters.ProcessingInstanceCount'},\n", + " 'VolumeSizeInGB': 30}},\n", + " 'AppSpecification': {'ImageUri': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-scikit-learn:0.23-1-cpu-py3',\n", + " 'ContainerArguments': ['--input-data',\n", + " {'Get': 'Parameters.InputDataUrl'}],\n", + " 'ContainerEntrypoint': ['python3',\n", + " '/opt/ml/processing/input/code/preprocess.py']},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'code',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/examplepipeline/code/2d6df10ec89b5513bb118b8c4af0c648/preprocess.py',\n", + " 'LocalPath': '/opt/ml/processing/input/code',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'train',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'examplepipeline',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'PreprocessAbaloneData',\n", + " 'output',\n", + " 'train']}},\n", + " 'LocalPath': '/opt/ml/processing/train',\n", + " 'S3UploadMode': 'EndOfJob'}},\n", + " {'OutputName': 'validation',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'examplepipeline',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'PreprocessAbaloneData',\n", + " 'output',\n", + " 'validation']}},\n", + " 'LocalPath': '/opt/ml/processing/validation',\n", + " 'S3UploadMode': 'EndOfJob'}},\n", + " {'OutputName': 'test',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'examplepipeline',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'PreprocessAbaloneData',\n", + " 'output',\n", + " 'test']}},\n", + " 'LocalPath': '/opt/ml/processing/test',\n", + " 'S3UploadMode': 'EndOfJob'}}]}}},\n", + " {'Name': 'DataQualityCheckStep',\n", + " 'Type': 'QualityCheck',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': 'ml.c5.xlarge',\n", + " 'InstanceCount': 1,\n", + " 'VolumeSizeInGB': 120}},\n", + " 'AppSpecification': {'ImageUri': '156813124566.dkr.ecr.us-east-1.amazonaws.com/sagemaker-model-monitor-analyzer'},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'baseline_dataset_input',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': \"Steps.PreprocessAbaloneData.ProcessingOutputConfig.Outputs['train'].S3Output.S3Uri\"},\n", + " 'LocalPath': '/opt/ml/processing/input/baseline_dataset_input',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'quality_check_output',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'model-monitor-clarify',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'dataqualitycheckstep']}},\n", + " 'LocalPath': '/opt/ml/processing/output',\n", + " 'S3UploadMode': 'EndOfJob'}}]},\n", + " 'Environment': {'output_path': '/opt/ml/processing/output',\n", + " 'publish_cloudwatch_metrics': 'Disabled',\n", + " 'dataset_format': '{\"csv\": {\"header\": false, \"output_columns_position\": \"START\"}}',\n", + " 'dataset_source': '/opt/ml/processing/input/baseline_dataset_input'}},\n", + " 'CheckType': 'DATA_QUALITY',\n", + " 'ModelPackageGroupName': 'ExamplePackage',\n", + " 'SkipCheck': {'Get': 'Parameters.SkipDataQualityCheck'},\n", + " 'FailOnViolation': True,\n", + " 'RegisterNewBaseline': {'Get': 'Parameters.RegisterNewDataQualityBaseline'},\n", + " 'SuppliedBaselineStatistics': {'Get': 'Parameters.DataQualitySuppliedStatistics'},\n", + " 'SuppliedBaselineConstraints': {'Get': 'Parameters.DataQualitySuppliedConstraints'}},\n", + " {'Name': 'DataBiasCheckStep',\n", + " 'Type': 'ClarifyCheck',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': 'ml.c5.xlarge',\n", + " 'InstanceCount': 1,\n", + " 'VolumeSizeInGB': 120}},\n", + " 'AppSpecification': {'ImageUri': '205585389593.dkr.ecr.us-east-1.amazonaws.com/sagemaker-clarify-processing:1.0'},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'analysis_config',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/model-monitor-clarify/databiascheckstep/analysis_cfg/analysis_config.json',\n", + " 'LocalPath': '/opt/ml/processing/input/config',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}},\n", + " {'InputName': 'dataset',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': \"Steps.PreprocessAbaloneData.ProcessingOutputConfig.Outputs['train'].S3Output.S3Uri\"},\n", + " 'LocalPath': '/opt/ml/processing/input/data',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'analysis_result',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'model-monitor-clarify',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'databiascheckstep']}},\n", + " 'LocalPath': '/opt/ml/processing/output',\n", + " 'S3UploadMode': 'EndOfJob'}}]}},\n", + " 'CheckType': 'DATA_BIAS',\n", + " 'ModelPackageGroupName': 'ExamplePackage',\n", + " 'SkipCheck': {'Get': 'Parameters.SkipDataBiasCheck'},\n", + " 'FailOnViolation': True,\n", + " 'RegisterNewBaseline': {'Get': 'Parameters.RegisterNewDataBiasBaseline'},\n", + " 'SuppliedBaselineConstraints': {'Get': 'Parameters.DataBiasSuppliedBaselineConstraints'}},\n", + " {'Name': 'TrainAbaloneModel',\n", + " 'Type': 'Training',\n", + " 'Arguments': {'AlgorithmSpecification': {'TrainingInputMode': 'File',\n", + " 'TrainingImage': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-xgboost:1.0-1-cpu-py3'},\n", + " 'OutputDataConfig': {'S3OutputPath': 's3://sagemaker-us-east-1-340280328827/model-monitor-clarify/AbaloneTrain'},\n", + " 'StoppingCondition': {'MaxRuntimeInSeconds': 86400},\n", + " 'ResourceConfig': {'VolumeSizeInGB': 30,\n", + " 'InstanceCount': 1,\n", + " 'InstanceType': {'Get': 'Parameters.TrainingInstanceType'}},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'InputDataConfig': [{'DataSource': {'S3DataSource': {'S3DataType': 'S3Prefix',\n", + " 'S3Uri': {'Get': \"Steps.PreprocessAbaloneData.ProcessingOutputConfig.Outputs['train'].S3Output.S3Uri\"},\n", + " 'S3DataDistributionType': 'FullyReplicated'}},\n", + " 'ContentType': 'text/csv',\n", + " 'ChannelName': 'train'},\n", + " {'DataSource': {'S3DataSource': {'S3DataType': 'S3Prefix',\n", + " 'S3Uri': {'Get': \"Steps.PreprocessAbaloneData.ProcessingOutputConfig.Outputs['validation'].S3Output.S3Uri\"},\n", + " 'S3DataDistributionType': 'FullyReplicated'}},\n", + " 'ContentType': 'text/csv',\n", + " 'ChannelName': 'validation'}],\n", + " 'HyperParameters': {'objective': 'reg:linear',\n", + " 'num_round': '50',\n", + " 'max_depth': '5',\n", + " 'eta': '0.2',\n", + " 'gamma': '4',\n", + " 'min_child_weight': '6',\n", + " 'subsample': '0.7',\n", + " 'silent': '0'},\n", + " 'DebugHookConfig': {'S3OutputPath': 's3://sagemaker-us-east-1-340280328827/model-monitor-clarify/AbaloneTrain',\n", + " 'CollectionConfigurations': []},\n", + " 'ProfilerConfig': {'S3OutputPath': 's3://sagemaker-us-east-1-340280328827/model-monitor-clarify/AbaloneTrain',\n", + " 'DisableProfiler': False}},\n", + " 'DependsOn': ['DataBiasCheckStep', 'DataQualityCheckStep']},\n", + " {'Name': 'AbaloneCreateModel-CreateModel',\n", + " 'Type': 'Model',\n", + " 'Arguments': {'ExecutionRoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'PrimaryContainer': {'Image': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-xgboost:1.0-1-cpu-py3',\n", + " 'Environment': {},\n", + " 'ModelDataUrl': {'Get': 'Steps.TrainAbaloneModel.ModelArtifacts.S3ModelArtifacts'}}}},\n", + " {'Name': 'AbaloneTransform',\n", + " 'Type': 'Transform',\n", + " 'Arguments': {'ModelName': {'Get': 'Steps.AbaloneCreateModel-CreateModel.ModelName'},\n", + " 'TransformInput': {'DataSource': {'S3DataSource': {'S3DataType': 'S3Prefix',\n", + " 'S3Uri': {'Get': \"Steps.PreprocessAbaloneData.ProcessingOutputConfig.Outputs['test'].S3Output.S3Uri\"}}},\n", + " 'ContentType': 'text/csv',\n", + " 'SplitType': 'Line'},\n", + " 'TransformOutput': {'S3OutputPath': 's3://sagemaker-us-east-1-340280328827/AbaloneTransform',\n", + " 'AssembleWith': 'Line',\n", + " 'Accept': 'text/csv'},\n", + " 'TransformResources': {'InstanceCount': 1, 'InstanceType': 'ml.m5.xlarge'},\n", + " 'DataProcessing': {'InputFilter': '$[1:]',\n", + " 'OutputFilter': '$[0,-1]',\n", + " 'JoinSource': 'Input'}}},\n", + " {'Name': 'ModelQualityCheckStep',\n", + " 'Type': 'QualityCheck',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': 'ml.c5.xlarge',\n", + " 'InstanceCount': 1,\n", + " 'VolumeSizeInGB': 120}},\n", + " 'AppSpecification': {'ImageUri': '156813124566.dkr.ecr.us-east-1.amazonaws.com/sagemaker-model-monitor-analyzer'},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'baseline_dataset_input',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': 'Steps.AbaloneTransform.TransformOutput.S3OutputPath'},\n", + " 'LocalPath': '/opt/ml/processing/input/baseline_dataset_input',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'quality_check_output',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'model-monitor-clarify',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'modelqualitycheckstep']}},\n", + " 'LocalPath': '/opt/ml/processing/output',\n", + " 'S3UploadMode': 'EndOfJob'}}]},\n", + " 'Environment': {'output_path': '/opt/ml/processing/output',\n", + " 'publish_cloudwatch_metrics': 'Disabled',\n", + " 'dataset_format': '{\"csv\": {\"header\": false, \"output_columns_position\": \"START\"}}',\n", + " 'dataset_source': '/opt/ml/processing/input/baseline_dataset_input',\n", + " 'analysis_type': 'MODEL_QUALITY',\n", + " 'problem_type': 'Regression',\n", + " 'inference_attribute': '_c0',\n", + " 'ground_truth_attribute': '_c1'}},\n", + " 'CheckType': 'MODEL_QUALITY',\n", + " 'ModelPackageGroupName': 'ExamplePackage',\n", + " 'SkipCheck': {'Get': 'Parameters.SkipModelQualityCheck'},\n", + " 'FailOnViolation': True,\n", + " 'RegisterNewBaseline': {'Get': 'Parameters.RegisterNewModelQualityBaseline'},\n", + " 'SuppliedBaselineStatistics': {'Get': 'Parameters.ModelQualitySuppliedStatistics'},\n", + " 'SuppliedBaselineConstraints': {'Get': 'Parameters.ModelQualitySuppliedConstraints'}},\n", + " {'Name': 'ModelBiasCheckStep',\n", + " 'Type': 'ClarifyCheck',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': 'ml.c5.xlarge',\n", + " 'InstanceCount': 1,\n", + " 'VolumeSizeInGB': 120}},\n", + " 'AppSpecification': {'ImageUri': '205585389593.dkr.ecr.us-east-1.amazonaws.com/sagemaker-clarify-processing:1.0'},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'analysis_config',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/model-monitor-clarify/modelbiascheckstep/analysis_cfg/analysis_config.json',\n", + " 'LocalPath': '/opt/ml/processing/input/config',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}},\n", + " {'InputName': 'dataset',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': \"Steps.PreprocessAbaloneData.ProcessingOutputConfig.Outputs['train'].S3Output.S3Uri\"},\n", + " 'LocalPath': '/opt/ml/processing/input/data',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'analysis_result',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'model-monitor-clarify',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'modelbiascheckstep']}},\n", + " 'LocalPath': '/opt/ml/processing/output',\n", + " 'S3UploadMode': 'EndOfJob'}}]}},\n", + " 'CheckType': 'MODEL_BIAS',\n", + " 'ModelPackageGroupName': 'ExamplePackage',\n", + " 'SkipCheck': {'Get': 'Parameters.SkipModelBiasCheck'},\n", + " 'FailOnViolation': True,\n", + " 'RegisterNewBaseline': {'Get': 'Parameters.RegisterNewModelBiasBaseline'},\n", + " 'SuppliedBaselineConstraints': {'Get': 'Parameters.ModelBiasSuppliedBaselineConstraints'},\n", + " 'ModelName': {'Get': 'Steps.AbaloneCreateModel-CreateModel.ModelName'}},\n", + " {'Name': 'ModelExplainabilityCheckStep',\n", + " 'Type': 'ClarifyCheck',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': 'ml.c5.xlarge',\n", + " 'InstanceCount': 1,\n", + " 'VolumeSizeInGB': 120}},\n", + " 'AppSpecification': {'ImageUri': '205585389593.dkr.ecr.us-east-1.amazonaws.com/sagemaker-clarify-processing:1.0'},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'analysis_config',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/model-monitor-clarify/modelexplainabilitycheckstep/analysis_cfg/analysis_config.json',\n", + " 'LocalPath': '/opt/ml/processing/input/config',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}},\n", + " {'InputName': 'dataset',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': \"Steps.PreprocessAbaloneData.ProcessingOutputConfig.Outputs['train'].S3Output.S3Uri\"},\n", + " 'LocalPath': '/opt/ml/processing/input/data',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'analysis_result',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'model-monitor-clarify',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'modelexplainabilitycheckstep']}},\n", + " 'LocalPath': '/opt/ml/processing/output',\n", + " 'S3UploadMode': 'EndOfJob'}}]}},\n", + " 'CheckType': 'MODEL_EXPLAINABILITY',\n", + " 'ModelPackageGroupName': 'ExamplePackage',\n", + " 'SkipCheck': {'Get': 'Parameters.SkipModelExplainabilityCheck'},\n", + " 'FailOnViolation': True,\n", + " 'RegisterNewBaseline': {'Get': 'Parameters.RegisterNewModelExplainabilityBaseline'},\n", + " 'SuppliedBaselineConstraints': {'Get': 'Parameters.ModelExplainabilitySuppliedBaselineConstraints'},\n", + " 'ModelName': {'Get': 'Steps.AbaloneCreateModel-CreateModel.ModelName'}},\n", + " {'Name': 'EvaluateAbaloneModel',\n", + " 'Type': 'Processing',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': 'ml.m5.xlarge',\n", + " 'InstanceCount': 1,\n", + " 'VolumeSizeInGB': 30}},\n", + " 'AppSpecification': {'ImageUri': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-xgboost:1.0-1-cpu-py3',\n", + " 'ContainerEntrypoint': ['python3',\n", + " '/opt/ml/processing/input/code/evaluate.py']},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'input-1',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': 'Steps.TrainAbaloneModel.ModelArtifacts.S3ModelArtifacts'},\n", + " 'LocalPath': '/opt/ml/processing/model',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}},\n", + " {'InputName': 'input-2',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': \"Steps.PreprocessAbaloneData.ProcessingOutputConfig.Outputs['test'].S3Output.S3Uri\"},\n", + " 'LocalPath': '/opt/ml/processing/test',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}},\n", + " {'InputName': 'code',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/examplepipeline/code/3384adc475a3da31615b9ff745f950e3/evaluate.py',\n", + " 'LocalPath': '/opt/ml/processing/input/code',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'evaluation',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'examplepipeline',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'EvaluateAbaloneModel',\n", + " 'output',\n", + " 'evaluation']}},\n", + " 'LocalPath': '/opt/ml/processing/evaluation',\n", + " 'S3UploadMode': 'EndOfJob'}}]}},\n", + " 'PropertyFiles': [{'PropertyFileName': 'AbaloneEvaluationReport',\n", + " 'OutputName': 'evaluation',\n", + " 'FilePath': 'evaluation.json'}]},\n", + " {'Name': 'CheckMSEAbaloneEvaluation',\n", + " 'Type': 'Condition',\n", + " 'Arguments': {'Conditions': [{'Type': 'LessThanOrEqualTo',\n", + " 'LeftValue': {'Std:JsonGet': {'PropertyFile': {'Get': 'Steps.EvaluateAbaloneModel.PropertyFiles.AbaloneEvaluationReport'},\n", + " 'Path': 'regression_metrics.mse.value'}},\n", + " 'RightValue': 6.0}],\n", + " 'IfSteps': [{'Name': 'RegisterAbaloneModel-RegisterModel',\n", + " 'Type': 'RegisterModel',\n", + " 'Arguments': {'ModelPackageGroupName': 'ExamplePackage',\n", + " 'ModelMetrics': {'ModelQuality': {'Statistics': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.ModelQualityCheckStep.CalculatedBaselineStatistics'}},\n", + " 'Constraints': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.ModelQualityCheckStep.CalculatedBaselineConstraints'}}},\n", + " 'ModelDataQuality': {'Statistics': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.DataQualityCheckStep.CalculatedBaselineStatistics'}},\n", + " 'Constraints': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.DataQualityCheckStep.CalculatedBaselineConstraints'}}},\n", + " 'Bias': {'PreTrainingReport': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.DataBiasCheckStep.CalculatedBaselineConstraints'}},\n", + " 'PostTrainingReport': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.ModelBiasCheckStep.CalculatedBaselineConstraints'}}},\n", + " 'Explainability': {'Report': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.ModelExplainabilityCheckStep.CalculatedBaselineConstraints'}}}},\n", + " 'DriftCheckBaselines': {'ModelQuality': {'Statistics': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.ModelQualityCheckStep.BaselineUsedForDriftCheckStatistics'}},\n", + " 'Constraints': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.ModelQualityCheckStep.BaselineUsedForDriftCheckConstraints'}}},\n", + " 'ModelDataQuality': {'Statistics': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.DataQualityCheckStep.BaselineUsedForDriftCheckStatistics'}},\n", + " 'Constraints': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.DataQualityCheckStep.BaselineUsedForDriftCheckConstraints'}}},\n", + " 'Bias': {'ConfigFile': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/model-monitor-clarify/modelbiascheckstep/analysis_cfg/bias-monitoring-configuration/bias-monitoring-config-2024-09-23-21-05-03-909/c568d056-6fa3-4a63-acbf-2781cfc96700/analysis_config.json',\n", + " 'ContentType': 'application/json'},\n", + " 'PreTrainingConstraints': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.DataBiasCheckStep.BaselineUsedForDriftCheckConstraints'}},\n", + " 'PostTrainingConstraints': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.ModelBiasCheckStep.BaselineUsedForDriftCheckConstraints'}}},\n", + " 'Explainability': {'Constraints': {'ContentType': 'application/json',\n", + " 'S3Uri': {'Get': 'Steps.ModelExplainabilityCheckStep.BaselineUsedForDriftCheckConstraints'}},\n", + " 'ConfigFile': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/model-monitor-clarify/modelexplainabilitycheckstep/analysis_cfg/model-explainability-monitoring-configuration/model-explainability-monitoring-config-2024-09-23-21-05-04-268/c66b6d48-6718-4d38-a2ce-9eb904a92442/analysis_config.json',\n", + " 'ContentType': 'application/json'}}},\n", + " 'InferenceSpecification': {'Containers': [{'Image': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-xgboost:1.0-1-cpu-py3',\n", + " 'Environment': {},\n", + " 'ModelDataUrl': {'Get': 'Steps.TrainAbaloneModel.ModelArtifacts.S3ModelArtifacts'}}],\n", + " 'SupportedContentTypes': ['text/csv'],\n", + " 'SupportedResponseMIMETypes': ['text/csv'],\n", + " 'SupportedRealtimeInferenceInstanceTypes': ['ml.t2.medium',\n", + " 'ml.m5.large'],\n", + " 'SupportedTransformInstanceTypes': ['ml.m5.large']},\n", + " 'ModelApprovalStatus': {'Get': 'Parameters.ModelApprovalStatus'},\n", + " 'SkipModelValidation': 'None',\n", + " 'ModelCard': {'ModelCardStatus': 'Draft',\n", + " 'ModelCardContent': '{\"model_overview\": {\"model_creator\": \"DEMO-Model-Registry-ModelCard-Unification\", \"model_artifact\": []}, \"intended_uses\": {\"purpose_of_model\": \"Test model card.\", \"intended_uses\": \"Not used except this test.\", \"factors_affecting_model_efficiency\": \"No.\", \"risk_rating\": \"Low\", \"explanations_for_risk_rating\": \"Just an example.\"}, \"business_details\": {\"business_problem\": \"The business problem that your model is used to solve.\", \"business_stakeholders\": \"The stakeholders who have the interest in the business that your model is used for.\", \"line_of_business\": \"Services that the business is offering.\"}, \"additional_information\": {\"ethical_considerations\": \"Your model ethical consideration.\", \"caveats_and_recommendations\": \"Your model\\'s caveats and recommendations.\", \"custom_details\": {\"Datazone projects\": \"5rn1teh0tv85rb\"}}}'}}}],\n", + " 'ElseSteps': []}}]}" + ] + }, + "execution_count": 37, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import json\n", + "\n", + "definition = json.loads(pipeline.definition())\n", + "definition" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TrainingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TransformJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelPackageName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TrainingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TransformJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelPackageName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n" + ] + }, + { + "data": { + "text/plain": [ + "{'PipelineArn': 'arn:aws:sagemaker:us-east-1:340280328827:pipeline/ExamplePipeline',\n", + " 'ResponseMetadata': {'RequestId': '68d144f7-c4d3-45e1-8d5c-b2c44ca535e5',\n", + " 'HTTPStatusCode': 200,\n", + " 'HTTPHeaders': {'x-amzn-requestid': '68d144f7-c4d3-45e1-8d5c-b2c44ca535e5',\n", + " 'content-type': 'application/x-amz-json-1.1',\n", + " 'content-length': '83',\n", + " 'date': 'Mon, 23 Sep 2024 21:05:06 GMT'},\n", + " 'RetryAttempts': 0}}" + ] + }, + "execution_count": 38, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "pipeline.upsert(role_arn=role)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### First time executing\n", + "\n", + "The first time the pipeline is run the parameters need to be overridden so that the checks are skipped and newly calculated baselines are registered" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "execution = pipeline.start(\n", + " parameters=dict(\n", + " SkipDataQualityCheck=True,\n", + " RegisterNewDataQualityBaseline=True,\n", + " SkipDataBiasCheck=True,\n", + " RegisterNewDataBiasBaseline=True,\n", + " SkipModelQualityCheck=True,\n", + " RegisterNewModelQualityBaseline=True,\n", + " SkipModelBiasCheck=True,\n", + " RegisterNewModelBiasBaseline=True,\n", + " SkipModelExplainabilityCheck=True,\n", + " RegisterNewModelExplainabilityBaseline=True,\n", + " )\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Wait for the pipeline execution to complete" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "execution.wait()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Cleaning up resources\n", + "\n", + "Users are responsible for cleaning up resources created when running this notebook. Specify the ModelName, ModelPackageName, and ModelPackageGroupName that need to be deleted. The model names are generated by the CreateModel step of the Pipeline and the property values are available only in the Pipeline context. To delete the models created by this pipeline, navigate to the Model Registry and Console to find the models to delete.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "# Create a SageMaker client\n", + "# sm_client = boto3.client(\"sagemaker\")\n", + "\n", + "# # Delete SageMaker Models\n", + "# sm_client.delete_model(ModelName=\"...\")\n", + "\n", + "# # Delete Model Packages\n", + "# sm_client.delete_model_package(ModelPackageName=\"...\")\n", + "\n", + "# # Delete the Model Package Group\n", + "# sm_client.delete_model_package_group(ModelPackageGroupName=\"model-monitor-clarify-group\")\n", + "\n", + "# # Delete the Pipeline\n", + "# sm_client.delete_pipeline(PipelineName=\"model-monitor-clarify-pipeline\")" + ] + } + ], + "metadata": { + "instance_type": "ml.t3.medium", + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/sagemaker_model_governance/Directmarketing.ipynb b/sagemaker_model_governance/Directmarketing.ipynb new file mode 100644 index 0000000000..1dc3419bde --- /dev/null +++ b/sagemaker_model_governance/Directmarketing.ipynb @@ -0,0 +1,1980 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Amazon SageMaker Model Governance - unified model card and model registry\n", + "\n", + "This notebook walks you through the features of Amazon SageMaker Model Registry. For more information, see [Model Registry](https://docs.aws.amazon.com/sagemaker/latest/dg/model-registry-models.html) in the _Amazon SageMaker Developer Guide_.\n", + "\n", + "Amazon SageMaker integrates Model Cards into Model Registry, making it easier for customers to manage governance information for specific model versions directly in Model Registry in just a few clicks. Customers register ML models in Model Registry to manage their models. Additionally, they can register ML model versions early in the development lifecycle, including essential business details and technical metadata. This integration allows customers to seamlessly review and govern models across their lifecycle from a single place. Customers have greater visibility into the model lifecycle from experimentation and training to evaluation and deployment. This streamlined experience ensures that model governance is consistent and easily accessible throughout the development.\n", + "\n", + "In this example, you create a binary classification model along with persisting model card information into registry to manage unified governance information and view" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Notebook Overview\n", + "\n", + "This notebook shows how to:\n", + "\n", + "* Define a set of Pipeline parameters that can be used to parametrize a SageMaker Pipeline.\n", + "\n", + "* Define a Processing step that performs cleaning, feature engineering, and splitting the input data into train and test data sets.\n", + "\n", + "* Define a Training step that trains a model on the preprocessed train data set.\n", + "\n", + "* Define a Processing step that evaluates the trained model's performance on the test dataset.\n", + "\n", + "* Define a Register Model step that creates a model package from the estimator and model \n", + "artifacts used to train the model.\n", + "\n", + "* Define a Conditional step that measures a condition based on output from prior steps and conditionally executes other steps." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Update the Sagemaker Python SDK to latest" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Requirement already satisfied: sagemaker>=2 in /opt/conda/lib/python3.10/site-packages (2.232.1)\n", + "Requirement already satisfied: attrs<24,>=23.1.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (23.2.0)\n", + "Requirement already satisfied: boto3<2.0,>=1.34.142 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (1.35.23)\n", + "Requirement already satisfied: cloudpickle==2.2.1 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (2.2.1)\n", + "Requirement already satisfied: docker in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (7.1.0)\n", + "Requirement already satisfied: google-pasta in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (0.2.0)\n", + "Requirement already satisfied: importlib-metadata<7.0,>=1.4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (6.11.0)\n", + "Requirement already satisfied: jsonschema in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (4.23.0)\n", + "Requirement already satisfied: numpy<2.0,>=1.9.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (1.26.4)\n", + "Requirement already satisfied: packaging>=20.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (24.1)\n", + "Requirement already satisfied: pandas in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (2.2.2)\n", + "Requirement already satisfied: pathos in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (0.3.2)\n", + "Requirement already satisfied: platformdirs in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (4.3.6)\n", + "Requirement already satisfied: protobuf<5.0,>=3.12 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (4.25.5)\n", + "Requirement already satisfied: psutil in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (6.0.0)\n", + "Requirement already satisfied: pyyaml~=6.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (6.0.2)\n", + "Requirement already satisfied: requests in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (2.32.3)\n", + "Requirement already satisfied: sagemaker-core<2.0.0,>=1.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (1.0.7)\n", + "Requirement already satisfied: schema in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (0.7.7)\n", + "Requirement already satisfied: smdebug-rulesconfig==1.0.1 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (1.0.1)\n", + "Requirement already satisfied: tblib<4,>=1.7.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (3.0.0)\n", + "Requirement already satisfied: tqdm in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (4.66.5)\n", + "Requirement already satisfied: urllib3<3.0.0,>=1.26.8 in /opt/conda/lib/python3.10/site-packages (from sagemaker>=2) (2.2.3)\n", + "Requirement already satisfied: botocore<1.36.0,>=1.35.23 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2) (1.35.23)\n", + "Requirement already satisfied: jmespath<2.0.0,>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2) (1.0.1)\n", + "Requirement already satisfied: s3transfer<0.11.0,>=0.10.0 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0,>=1.34.142->sagemaker>=2) (0.10.2)\n", + "Requirement already satisfied: zipp>=0.5 in /opt/conda/lib/python3.10/site-packages (from importlib-metadata<7.0,>=1.4.0->sagemaker>=2) (3.20.2)\n", + "Requirement already satisfied: pydantic<3.0.0,>=1.7.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (2.5.1)\n", + "Requirement already satisfied: rich<14.0.0,>=13.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (13.8.1)\n", + "Requirement already satisfied: mock<5.0,>4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (4.0.3)\n", + "Requirement already satisfied: jsonschema-specifications>=2023.03.6 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2) (2023.12.1)\n", + "Requirement already satisfied: referencing>=0.28.4 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2) (0.35.1)\n", + "Requirement already satisfied: rpds-py>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from jsonschema->sagemaker>=2) (0.20.0)\n", + "Requirement already satisfied: charset-normalizer<4,>=2 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2) (3.3.2)\n", + "Requirement already satisfied: idna<4,>=2.5 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2) (3.10)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /opt/conda/lib/python3.10/site-packages (from requests->sagemaker>=2) (2024.8.30)\n", + "Requirement already satisfied: six in /opt/conda/lib/python3.10/site-packages (from google-pasta->sagemaker>=2) (1.16.0)\n", + "Requirement already satisfied: python-dateutil>=2.8.2 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2) (2.9.0.post0)\n", + "Requirement already satisfied: pytz>=2020.1 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2) (2023.3)\n", + "Requirement already satisfied: tzdata>=2022.7 in /opt/conda/lib/python3.10/site-packages (from pandas->sagemaker>=2) (2024.1)\n", + "Requirement already satisfied: ppft>=1.7.6.8 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2) (1.7.6.8)\n", + "Requirement already satisfied: dill>=0.3.8 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2) (0.3.8)\n", + "Requirement already satisfied: pox>=0.3.4 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2) (0.3.4)\n", + "Requirement already satisfied: multiprocess>=0.70.16 in /opt/conda/lib/python3.10/site-packages (from pathos->sagemaker>=2) (0.70.16)\n", + "Requirement already satisfied: annotated-types>=0.4.0 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (0.7.0)\n", + "Requirement already satisfied: pydantic-core==2.14.3 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (2.14.3)\n", + "Requirement already satisfied: typing-extensions>=4.6.1 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core<2.0.0,>=1.0.0->sagemaker>=2) (4.12.2)\n", + "\u001b[31mERROR: Could not install packages due to an OSError: [Errno 2] No such file or directory: '/opt/conda/lib/python3.10/site-packages/pytz-2023.3.dist-info/METADATA'\n", + "\u001b[0m\u001b[31m\n", + "\u001b[0m" + ] + } + ], + "source": [ + "!pip install --upgrade \"sagemaker>=2\"" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Requirement already satisfied: sagemaker-core in /opt/conda/lib/python3.10/site-packages (1.0.7)\n", + "Requirement already satisfied: boto3<2.0.0,>=1.34.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (1.35.23)\n", + "Requirement already satisfied: pydantic<3.0.0,>=1.7.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (2.5.1)\n", + "Requirement already satisfied: PyYAML<7.0,>=6.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (6.0.2)\n", + "Requirement already satisfied: jsonschema<5.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (4.23.0)\n", + "Requirement already satisfied: platformdirs<5.0.0,>=4.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (4.3.6)\n", + "Requirement already satisfied: rich<14.0.0,>=13.0.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (13.8.1)\n", + "Requirement already satisfied: mock<5.0,>4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (4.0.3)\n", + "Requirement already satisfied: importlib-metadata<7.0,>=1.4.0 in /opt/conda/lib/python3.10/site-packages (from sagemaker-core) (6.11.0)\n", + "Requirement already satisfied: botocore<1.36.0,>=1.35.23 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0.0,>=1.34.0->sagemaker-core) (1.35.23)\n", + "Requirement already satisfied: jmespath<2.0.0,>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0.0,>=1.34.0->sagemaker-core) (1.0.1)\n", + "Requirement already satisfied: s3transfer<0.11.0,>=0.10.0 in /opt/conda/lib/python3.10/site-packages (from boto3<2.0.0,>=1.34.0->sagemaker-core) (0.10.2)\n", + "Requirement already satisfied: zipp>=0.5 in /opt/conda/lib/python3.10/site-packages (from importlib-metadata<7.0,>=1.4.0->sagemaker-core) (3.20.2)\n", + "Requirement already satisfied: attrs>=22.2.0 in /opt/conda/lib/python3.10/site-packages (from jsonschema<5.0.0->sagemaker-core) (23.2.0)\n", + "Requirement already satisfied: jsonschema-specifications>=2023.03.6 in /opt/conda/lib/python3.10/site-packages (from jsonschema<5.0.0->sagemaker-core) (2023.12.1)\n", + "Requirement already satisfied: referencing>=0.28.4 in /opt/conda/lib/python3.10/site-packages (from jsonschema<5.0.0->sagemaker-core) (0.35.1)\n", + "Requirement already satisfied: rpds-py>=0.7.1 in /opt/conda/lib/python3.10/site-packages (from jsonschema<5.0.0->sagemaker-core) (0.20.0)\n", + "Requirement already satisfied: annotated-types>=0.4.0 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core) (0.7.0)\n", + "Requirement already satisfied: pydantic-core==2.14.3 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core) (2.14.3)\n", + "Requirement already satisfied: typing-extensions>=4.6.1 in /opt/conda/lib/python3.10/site-packages (from pydantic<3.0.0,>=1.7.0->sagemaker-core) (4.12.2)\n", + "Requirement already satisfied: markdown-it-py>=2.2.0 in /opt/conda/lib/python3.10/site-packages (from rich<14.0.0,>=13.0.0->sagemaker-core) (3.0.0)\n", + "Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /opt/conda/lib/python3.10/site-packages (from rich<14.0.0,>=13.0.0->sagemaker-core) (2.18.0)\n", + "Requirement already satisfied: python-dateutil<3.0.0,>=2.1 in /opt/conda/lib/python3.10/site-packages (from botocore<1.36.0,>=1.35.23->boto3<2.0.0,>=1.34.0->sagemaker-core) (2.9.0.post0)\n", + "Requirement already satisfied: urllib3!=2.2.0,<3,>=1.25.4 in /opt/conda/lib/python3.10/site-packages (from botocore<1.36.0,>=1.35.23->boto3<2.0.0,>=1.34.0->sagemaker-core) (2.2.3)\n", + "Requirement already satisfied: mdurl~=0.1 in /opt/conda/lib/python3.10/site-packages (from markdown-it-py>=2.2.0->rich<14.0.0,>=13.0.0->sagemaker-core) (0.1.2)\n", + "Requirement already satisfied: six>=1.5 in /opt/conda/lib/python3.10/site-packages (from python-dateutil<3.0.0,>=2.1->botocore<1.36.0,>=1.35.23->boto3<2.0.0,>=1.34.0->sagemaker-core) (1.16.0)\n", + "\u001b[33mWARNING: Error parsing requirements for pytz: [Errno 2] No such file or directory: '/opt/conda/lib/python3.10/site-packages/pytz-2023.3.dist-info/METADATA'\u001b[0m\u001b[33m\n", + "\u001b[0m" + ] + } + ], + "source": [ + "!pip install --upgrade sagemaker-core" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Create Datazone project\n", + "This is optional step, however encouraged to help with governance. Amazon DataZone is a data management service that makes it faster and easier for you to catalog, discover, share, and govern data stored across AWS, on-premises, and third-party sources. With Amazon DataZone, administrators who oversee organization’s data assets can manage and govern access to data using fine-grained controls. These controls help ensure access with the right level of privileges and context. Amazon DataZone makes it easy for engineers, data scientists, product managers, analysts, and business users to share and access data throughout an organization so they can discover, use, and collaborate to derive data-driven insights.\n", + "\n", + "First, [create a new datazone domain](https://us-east-1.console.aws.amazon.com/datazone/home?region=us-east-1#/) if it doesnt already exists.Then, [create a new DataZone Project](https://docs.aws.amazon.com/datazone/latest/userguide/create-new-project.html). Use the project id in the below check and run " + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "# Capture project id from DataZone project\n", + "project_id = \"5rn1teh0tv85rb\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Usecase and Dataset\n", + "\n", + "In this tutorial, you will assume the role of a machine learning developer working at a bank. You have been asked to develop a machine learning model to predict whether a customer will enroll for a certificate of deposit (CD). The model will be trained on the marketing dataset that contains information on customer demographics, responses to marketing events, and external factors.\n", + "\n", + "The data has been labeled for your convenience and a column in the dataset identifies whether the customer is enrolled for a product offered by the bank. A version of this dataset is publicly available from the ML repository curated by the University of California, Irvine. This tutorial implements a supervised machine learning model, since the data is labeled. (Unsupervised learning occurs when the datasets are not labeled.)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Pipelines Instance\n", + "A SageMaker Pipeline instance is composed of three components:\n", + " 1. Name\n", + " 2. Parameters\n", + " 3. Steps" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Initial set up" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "sagemaker.config INFO - Not applying SDK defaults from location: /etc/xdg/sagemaker/config.yaml\n", + "sagemaker.config INFO - Not applying SDK defaults from location: /home/sagemaker-user/.config/sagemaker/config.yaml\n" + ] + } + ], + "source": [ + "# Setup\n", + "import boto3\n", + "import sagemaker\n", + "\n", + "region = boto3.Session().region_name\n", + "sagemaker_session = sagemaker.session.Session()\n", + "role = sagemaker.get_execution_role()\n", + "default_bucket = sagemaker_session.default_bucket()\n", + "model_package_group_name = f\"DirectMarketingExamplePackageGroupName\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Upload the data into the default bucket. You can select your own data set for the `input_data_uri` as is appropriate." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "s3://sagemaker-us-east-1-340280328827/marketing/bank-additional-full.csv\n" + ] + } + ], + "source": [ + "local_path = \"bank-additional-full.csv\"\n", + "\n", + "base_uri = f\"s3://{default_bucket}/marketing\"\n", + "input_data_uri = sagemaker.s3.S3Uploader.upload(\n", + " local_path=local_path, \n", + " desired_s3_uri=base_uri,\n", + ")\n", + "print(input_data_uri)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define Parameters to Parametrize Pipeline Execution\n", + "\n", + "Define Pipeline parameters that you can use to parametrize the pipeline. Parameters enable custom pipeline executions and schedules without having to modify the Pipeline definition.\n", + "\n", + "The supported parameter types include:\n", + "\n", + "* `ParameterString` - represents a `str` Python type\n", + "* `ParameterInteger` - represents an `int` Python type\n", + "* `ParameterFloat` - represents a `float` Python type\n", + "\n", + "These parameters support providing a default value, which can be overridden on pipeline execution. The default value specified should be an instance of the type of the parameter.\n", + "\n", + "The parameters defined in this workflow include:\n", + "\n", + "* `processing_instance_type` - The `ml.*` instance type of the processing job.\n", + "* `processing_instance_count` - The instance count of the processing job.\n", + "* `training_instance_type` - The `ml.*` instance type of the training job.\n", + "* `model_approval_status` - What approval status to register the trained model with for CI/CD purposes ( \"PendingManualApproval\" is the default).\n", + "* `input_data` - The S3 bucket URI location of the input data" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "# Define pipeline parameters\n", + "from sagemaker.workflow.parameters import (\n", + " ParameterInteger,\n", + " ParameterString,\n", + ")\n", + "\n", + "processing_instance_count = ParameterInteger(\n", + " name=\"ProcessingInstanceCount\",\n", + " default_value=1\n", + ")\n", + "processing_instance_type = ParameterString(\n", + " name=\"ProcessingInstanceType\",\n", + " default_value=\"ml.m5.xlarge\"\n", + ")\n", + "training_instance_type = ParameterString(\n", + " name=\"TrainingInstanceType\",\n", + " default_value=\"ml.m5.xlarge\"\n", + ")\n", + "model_approval_status = ParameterString(\n", + " name=\"ModelApprovalStatus\",\n", + " default_value=\"PendingManualApproval\"\n", + ")\n", + "input_data = ParameterString(\n", + " name=\"InputData\",\n", + " default_value=input_data_uri,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define a Processing Step for Feature Engineering\n", + "\n", + "First, develop a preprocessing script that is specified in the Processing step.\n", + "\n", + "This notebook cell writes a file `preprocessing.py`, which contains the preprocessing script. You can update the script, and rerun this cell to overwrite. The preprocessing script uses `scikit-learn` to do the following:\n", + "\n", + "* It creates new variables: no_previous_contact, not_working\n", + "* It drops columns that are not necessary\n", + "* It one-hot encodes categorical variables\n", + "\n", + "The Processing step executes the script on the input data. The Training step uses the preprocessed training features and labels to train a model. The Evaluation step uses the trained model and preprocessed test features and labels to evaluate the model." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "!mkdir -p marketing" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Overwriting marketing/preprocessing.py\n" + ] + } + ], + "source": [ + "%%writefile marketing/preprocessing.py\n", + "import argparse\n", + "import os\n", + "\n", + "import numpy as np\n", + "import pandas as pd\n", + "\n", + "# Helper method\n", + "def process(df):\n", + " # Add two new indicators\n", + " df[\"no_previous_contact\"] = (df[\"pdays\"] == 999).astype(int)\n", + " df[\"not_working\"] = df[\"job\"].isin([\"student\", \"retired\", \"unemployed\"]).astype(int)\n", + " columns = list(df.columns)\n", + " \n", + " toremove = [\"emp.var.rate\", \"cons.price.idx\", \"cons.conf.idx\", \"euribor3m\", \"nr.employed\"]\n", + " columns = [x for x in columns if x not in toremove]\n", + " \n", + " # Keeping only columns that we need\n", + " df = df[columns]\n", + " \n", + " # One hot encode\n", + " df=pd.get_dummies(df)\n", + " df = pd.concat([df['y_yes'], df.drop(['y_no', 'y_yes'], axis=1)], axis=1)\n", + " df = df.sample(frac=1).reset_index(drop=True)\n", + " return df\n", + "\n", + "if __name__ == \"__main__\":\n", + " parser = argparse.ArgumentParser()\n", + " parser.add_argument(\"--input-path\", type=str, default=\"/opt/ml/processing\")\n", + " args, _ = parser.parse_known_args()\n", + " \n", + " base_dir = args.input_path\n", + "\n", + " df = pd.read_csv(\n", + " f\"{base_dir}/input/bank-additional-full.csv\",\n", + " header=0\n", + " )\n", + " \n", + " # Call the helper method\n", + " df = process(df)\n", + " \n", + " train, validation, test = np.split(df, [int(.7*len(df)), int(.85*len(df))])\n", + "\n", + " train.to_csv(f\"{base_dir}/train/train.csv\", header=False, index=False)\n", + " validation.to_csv(f\"{base_dir}/validation/validation.csv\", header=False, index=False)\n", + " test.to_csv(f\"{base_dir}/test/test.csv\", header=False, index=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Next, create an instance of an `SKLearnProcessor` processor and use that in our `ProcessingStep`.\n", + "\n", + "You also specify the `framework_version` to use throughout this notebook.\n", + "\n", + "Note the `processing_instance_type` and `processing_instance_count` parameters used by the processor instance." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "The input argument instance_type of function (sagemaker.image_uris.retrieve) is a pipeline variable (), which is interpreted in pipeline execution time only. As the function needs to evaluate the argument value in SDK compile time, the default_value of this Parameter object will be used to override it. Please make sure the default_value is valid.\n" + ] + } + ], + "source": [ + "from sagemaker.sklearn.processing import SKLearnProcessor\n", + "\n", + "\n", + "framework_version = \"0.23-1\"\n", + "\n", + "sklearn_processor = SKLearnProcessor(\n", + " framework_version=framework_version,\n", + " instance_type=processing_instance_type,\n", + " instance_count=processing_instance_count,\n", + " base_job_name=\"sklearn-marketing-process\",\n", + " role=role,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Finally, use the processor instance to construct a `ProcessingStep`, along with the input and output channels, and the code that will be executed when the pipeline invokes pipeline execution. This is similar to a processor instance's `run` method in the Python SDK.\n", + "\n", + "Note the `input_data` parameters passed into `ProcessingStep` is the input data used in the step. This input data is used by the processor instance when it is run.\n", + "\n", + "Also, note the `\"train_data\"` and `\"test_data\"` named channels specified in the output configuration for the processing job. Step `Properties` can be used in subsequent steps and resolve to their runtime values at execution. Specifically, this usage is called out when you define the training step." + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "from sagemaker.processing import ProcessingInput, ProcessingOutput\n", + "from sagemaker.workflow.steps import ProcessingStep\n", + " \n", + "\n", + "step_process = ProcessingStep(\n", + " name=\"MarketingProcess\",\n", + " processor=sklearn_processor,\n", + " inputs=[\n", + " ProcessingInput(source=input_data, destination=\"/opt/ml/processing/input\"), \n", + " ],\n", + " outputs=[\n", + " ProcessingOutput(output_name=\"train\", source=\"/opt/ml/processing/train\"),\n", + " ProcessingOutput(output_name=\"validation\", source=\"/opt/ml/processing/validation\"),\n", + " ProcessingOutput(output_name=\"test\", source=\"/opt/ml/processing/test\")\n", + " ],\n", + " code=\"marketing/preprocessing.py\",\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define a Training Step to Train a Model\n", + "\n", + "In this section, use Amazon SageMaker's [XGBoost Algorithm](https://docs.aws.amazon.com/sagemaker/latest/dg/xgboost.html) to train on this dataset. Configure an Estimator for the XGBoost algorithm and the input dataset. A typical training script loads data from the input channels, configures training with hyperparameters, trains a model, and saves a model to `model_dir` so that it can be hosted later.\n", + "\n", + "The model path where the models from training will be saved is also specified.\n", + "\n", + "Note the `training_instance_type` parameter may be used in multiple places in the pipeline. In this case, the `training_instance_type` is passed into the estimator." + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "The input argument instance_type of function (sagemaker.image_uris.retrieve) is a pipeline variable (), which is interpreted in pipeline execution time only. As the function needs to evaluate the argument value in SDK compile time, the default_value of this Parameter object will be used to override it. Please make sure the default_value is valid.\n" + ] + } + ], + "source": [ + "from sagemaker.estimator import Estimator\n", + "\n", + "model_path = f\"s3://{default_bucket}/MarketingTrain\"\n", + "image_uri = sagemaker.image_uris.retrieve(\n", + " framework=\"xgboost\",\n", + " region=region,\n", + " version=\"1.0-1\",\n", + " py_version=\"py3\",\n", + " instance_type=training_instance_type,\n", + ")\n", + "xgb_train = Estimator(\n", + " image_uri=image_uri,\n", + " instance_type=training_instance_type,\n", + " instance_count=1,\n", + " output_path=model_path,\n", + " role=role,\n", + ")\n", + "xgb_train.set_hyperparameters(\n", + " objective=\"binary:logistic\",\n", + " num_round=50,\n", + " max_depth=5,\n", + " eta=0.2,\n", + " gamma=4,\n", + " min_child_weight=6,\n", + " subsample=0.7,\n", + " silent=0\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Finally, use the estimator instance to construct a `TrainingStep` as well as the `properties` of the prior `ProcessingStep` used as input in the `TrainingStep` inputs and the code that's executed when the pipeline invokes the pipeline execution. This is similar to an estimator's `fit` method in the Python SDK.\n", + "\n", + "Pass in the `S3Uri` of the `\"train_data\"` output channel to the `TrainingStep`. Also, use the other `\"test_data\"` output channel for model evaluation in the pipeline. The `properties` attribute of a Pipeline step matches the object model of the corresponding response of a describe call. These properties can be referenced as placeholder values and are resolved at runtime. For example, the `ProcessingStep` `properties` attribute matches the object model of the [DescribeProcessingJob](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_DescribeProcessingJob.html) response object." + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "from sagemaker.inputs import TrainingInput\n", + "from sagemaker.workflow.steps import TrainingStep\n", + "\n", + "\n", + "step_train = TrainingStep(\n", + " name=\"MarketingTrain\",\n", + " estimator=xgb_train,\n", + " inputs={\n", + " \"train\": TrainingInput(\n", + " s3_data=step_process.properties.ProcessingOutputConfig.Outputs[\n", + " \"train\"\n", + " ].S3Output.S3Uri,\n", + " content_type=\"text/csv\"\n", + " ),\n", + " \"validation\": TrainingInput(\n", + " s3_data=step_process.properties.ProcessingOutputConfig.Outputs[\n", + " \"validation\"\n", + " ].S3Output.S3Uri,\n", + " content_type=\"text/csv\"\n", + " )\n", + " },\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define a Model Evaluation Step to Evaluate the Trained Model\n", + "\n", + "First, develop an evaluation script that is specified in a Processing step that performs the model evaluation.\n", + "\n", + "After pipeline execution, you can examine the resulting `evaluation.json` for analysis.\n", + "\n", + "The evaluation script uses `xgboost` to do the following:\n", + "\n", + "* Load the model.\n", + "* Read the test data.\n", + "* Issue predictions against the test data.\n", + "* Build a classification report, including accuracy and ROC curve.\n", + "* Save the evaluation report to the evaluation directory." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Overwriting marketing/evaluation.py\n" + ] + } + ], + "source": [ + "%%writefile marketing/evaluation.py\n", + "import os\n", + "import json\n", + "import pathlib\n", + "import pickle\n", + "import tarfile\n", + "\n", + "import pandas as pd\n", + "import xgboost\n", + "\n", + "import joblib\n", + "import numpy as np\n", + "import pandas as pd\n", + "import xgboost\n", + "\n", + "from sklearn.metrics import accuracy_score, classification_report, roc_auc_score\n", + "\n", + "if __name__ == \"__main__\":\n", + " model_path = f\"/opt/ml/processing/model/model.tar.gz\"\n", + " with tarfile.open(model_path) as tar:\n", + " tar.extractall(path=\".\")\n", + " \n", + " model = pickle.load(open(\"xgboost-model\", \"rb\"))\n", + "\n", + " print(\"Loading test input data\")\n", + " test_path = \"/opt/ml/processing/test/test.csv\"\n", + " df = pd.read_csv(test_path, header=None)\n", + " \n", + " y_test = df.iloc[:, 0].to_numpy()\n", + " df.drop(df.columns[0], axis=1, inplace=True)\n", + " \n", + " X_test = xgboost.DMatrix(df.values)\n", + " \n", + " predictions = model.predict(X_test)\n", + "\n", + " print(\"Creating classification evaluation report\")\n", + " acc = accuracy_score(y_test, predictions.round())\n", + " auc = roc_auc_score(y_test, predictions.round())\n", + " \n", + " # The metrics reported can change based on the model used, \n", + " # but it must be a specific name per \n", + " # (https://docs.aws.amazon.com/sagemaker/latest/dg/model-monitor-model-quality-metrics.html)\n", + " report_dict = {\n", + " \"binary_classification_metrics\": {\n", + " \"accuracy\": {\n", + " \"value\": acc,\n", + " \"standard_deviation\": \"NaN\",\n", + " },\n", + " \"auc\": {\"value\": auc, \"standard_deviation\": \"NaN\"},\n", + " },\n", + " }\n", + " \n", + " print(\"Classification report:\\n{}\".format(report_dict))\n", + "\n", + " evaluation_output_path = os.path.join(\"/opt/ml/processing/evaluation\", \"evaluation.json\")\n", + " print(\"Saving classification report to {}\".format(evaluation_output_path))\n", + "\n", + " with open(evaluation_output_path, \"w\") as f:\n", + " f.write(json.dumps(report_dict))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Next, create an instance of a `ScriptProcessor` processor and use it in the `ProcessingStep`.\n", + "\n", + "Note the `processing_instance_type` parameter passed into the processor." + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "from sagemaker.processing import ScriptProcessor\n", + "\n", + "\n", + "script_eval = ScriptProcessor(\n", + " image_uri=image_uri,\n", + " command=[\"python3\"],\n", + " instance_type=processing_instance_type,\n", + " instance_count=1,\n", + " base_job_name=\"script-marketing-eval\",\n", + " role=role,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Use the processor instance to construct a `ProcessingStep`, along with the input and output channels and the code that will be executed when the pipeline invokes pipeline execution. This is similar to a processor instance's `run` method in the Python SDK.\n", + "\n", + "Specifically, the `S3ModelArtifacts` from the `step_train` `properties` and the `S3Uri` of the `\"test_data\"` output channel of the `step_process` `properties` are passed into the inputs. The `TrainingStep` and `ProcessingStep` `properties` attribute matches the object model of the [DescribeTrainingJob](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_DescribeTrainingJob.html) and [DescribeProcessingJob](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_DescribeProcessingJob.html) response objects, respectively." + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [], + "source": [ + "from sagemaker.workflow.properties import PropertyFile\n", + "\n", + "\n", + "evaluation_report = PropertyFile(\n", + " name=\"EvaluationReport\",\n", + " output_name=\"evaluation\",\n", + " path=\"evaluation.json\"\n", + ")\n", + "step_eval = ProcessingStep(\n", + " name=\"MarketingEval\",\n", + " processor=script_eval,\n", + " inputs=[\n", + " ProcessingInput(\n", + " source=step_train.properties.ModelArtifacts.S3ModelArtifacts,\n", + " destination=\"/opt/ml/processing/model\"\n", + " ),\n", + " ProcessingInput(\n", + " source=step_process.properties.ProcessingOutputConfig.Outputs[\n", + " \"test\"\n", + " ].S3Output.S3Uri,\n", + " destination=\"/opt/ml/processing/test\"\n", + " )\n", + " ],\n", + " outputs=[\n", + " ProcessingOutput(output_name=\"evaluation\", source=\"/opt/ml/processing/evaluation\"),\n", + " ],\n", + " code=\"marketing/evaluation.py\",\n", + " property_files=[evaluation_report],\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define a Register Model Step to Create a Model Package\n", + "\n", + "Use the estimator instance specified in the training step to construct an instance of `RegisterModel`. The result of executing `RegisterModel` in a pipeline is a model package. A model package is a reusable model artifacts abstraction that packages all ingredients required for inference. Primarily, it consists of an inference specification that defines the inference image to use along with an optional model weights location.\n", + "\n", + "A model package group is a collection of model packages. A model package group can be created for a specific ML business problem, and new versions of the model packages can be added to it. Typically, customers are expected to create a ModelPackageGroup for a SageMaker pipeline so that model package versions can be added to the group for every SageMaker Pipeline run.\n", + "\n", + "The construction of `RegisterModel` is similar to an estimator instance's `register` method in the Python SDK.\n", + "\n", + "Specifically, pass in the `S3ModelArtifacts` from the `TrainingStep`, `step_train` properties. The `TrainingStep` `properties` attribute matches the object model of the [DescribeTrainingJob](https://docs.aws.amazon.com/sagemaker/latest/APIReference/API_DescribeTrainingJob.html) response object.\n", + "\n", + "Note that the specific model package group name provided in this notebook can be used in the model registry and CI/CD work with SageMaker Projects." + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "import io\n", + "import os\n", + "import numpy as np\n", + "from six.moves.urllib.parse import urlparse\n", + "from pprint import pprint\n", + "import boto3\n", + "import sagemaker\n", + "from sagemaker.image_uris import retrieve\n", + "import sagemaker.amazon.common as smac\n", + "from sagemaker.model_card import (\n", + " ModelCard,\n", + " ModelOverview,\n", + " IntendedUses,\n", + " BusinessDetails,\n", + " AdditionalInformation,\n", + " ModelCardStatusEnum,\n", + " ObjectiveFunctionEnum,\n", + " RiskRatingEnum,\n", + " MetricTypeEnum,\n", + " TrainingDetails\n", + ")\n", + "from sagemaker.model import ModelPackage as MP" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "model_overview = ModelOverview(\n", + " #model_description=\"This is an example model used for a Python SDK demo of unified Amazon SageMaker Model Registry and Model Cards.\",\n", + " #problem_type=\"Binary Classification\",\n", + " #algorithm_type=\"Logistic Regression\",\n", + " model_creator=\"DEMO-Model-Registry-ModelCard-Unification\",\n", + " #model_owner=\"datascienceteam\",\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "intended_uses = IntendedUses(\n", + " purpose_of_model=\"Test model card.\",\n", + " intended_uses=\"Not used except this test.\",\n", + " factors_affecting_model_efficiency=\"No.\",\n", + " risk_rating=RiskRatingEnum.LOW,\n", + " explanations_for_risk_rating=\"Just an example.\",\n", + ")\n", + "business_details = BusinessDetails(\n", + " business_problem=\"The business problem that your model is used to solve.\",\n", + " business_stakeholders=\"The stakeholders who have the interest in the business that your model is used for.\",\n", + " line_of_business=\"Services that the business is offering.\",\n", + ")\n", + "additional_information = AdditionalInformation(\n", + " ethical_considerations=\"Your model ethical consideration.\",\n", + " caveats_and_recommendations=\"Your model's caveats and recommendations.\",\n", + " custom_details={\"Datazone projects\": project_id},\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "my_card = ModelCard(\n", + " name=\"MyModelCard\",\n", + " status=ModelCardStatusEnum.DRAFT,\n", + " model_overview=model_overview,\n", + " intended_uses=intended_uses,\n", + " business_details=business_details,\n", + " additional_information=additional_information,\n", + " sagemaker_session=sagemaker_session,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n" + ] + } + ], + "source": [ + "from sagemaker.model_metrics import MetricsSource, ModelMetrics \n", + "from sagemaker.workflow.step_collections import RegisterModel\n", + "\n", + "\n", + "model_metrics = ModelMetrics(\n", + " model_statistics=MetricsSource(\n", + " s3_uri=\"{}/evaluation.json\".format(\n", + " step_eval.arguments[\"ProcessingOutputConfig\"][\"Outputs\"][0][\"S3Output\"][\"S3Uri\"]\n", + " ),\n", + " content_type=\"application/json\"\n", + " )\n", + ")\n", + "step_register = RegisterModel(\n", + " name=\"MarketingRegisterModel\",\n", + " estimator=xgb_train,\n", + " model_data=step_train.properties.ModelArtifacts.S3ModelArtifacts,\n", + " content_types=[\"text/csv\"],\n", + " response_types=[\"text/csv\"],\n", + " inference_instances=[\"ml.t2.medium\", \"ml.m5.xlarge\"],\n", + " transform_instances=[\"ml.m5.xlarge\"],\n", + " model_package_group_name=model_package_group_name,\n", + " approval_status=model_approval_status,\n", + " model_metrics=model_metrics,\n", + " model_card=my_card\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define a Condition Step to Check Accuracy and Conditionally Register a Model in the Model Registry\n", + "\n", + "In this step, the model is registered only if the accuracy of the model, as determined by the evaluation step `step_eval`, exceeded a specified value. A `ConditionStep` enables pipelines to support conditional execution in the pipeline DAG based on the conditions of the step properties. \n", + "\n", + "In the following section, you:\n", + "\n", + "* Define a `ConditionLessThanOrEqualTo` on the accuracy value found in the output of the evaluation step, `step_eval`.\n", + "* Use the condition in the list of conditions in a `ConditionStep`.\n", + "* Pass the `RegisterModel` step collection into the `if_steps` of the `ConditionStep`, which are only executed, if the condition evaluates to `True`." + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "The class JsonGet has been renamed in sagemaker>=2.\n", + "See: https://sagemaker.readthedocs.io/en/stable/v2.html for details.\n" + ] + } + ], + "source": [ + "from sagemaker.workflow.conditions import ConditionGreaterThanOrEqualTo\n", + "from sagemaker.workflow.condition_step import (\n", + " ConditionStep,\n", + " JsonGet,\n", + ")\n", + "\n", + "cond_lte = ConditionGreaterThanOrEqualTo( # You can change the condition here\n", + " left=JsonGet(\n", + " step=step_eval,\n", + " property_file=evaluation_report,\n", + " json_path=\"binary_classification_metrics.accuracy.value\", # This should follow the structure of your report_dict defined in the evaluate.py file.\n", + " ),\n", + " right=0.8, # You can change the threshold here\n", + ")\n", + "\n", + "step_cond = ConditionStep(\n", + " name=\"MarketingAccuracyCond\",\n", + " conditions=[cond_lte],\n", + " if_steps=[step_register],\n", + " else_steps=[]\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define a Pipeline of Parameters, Steps, and Conditions\n", + "\n", + "In this section, combine the steps into a Pipeline so it can be executed.\n", + "\n", + "A pipeline requires a `name`, `parameters`, and `steps`. Names must be unique within an `(account, region)` pair.\n", + "\n", + "Note:\n", + "\n", + "* All of the parameters used in the definitions must be present.\n", + "* Steps passed into the pipeline do not have to be listed in the order of execution. The SageMaker Pipeline service resolves the _data dependency_ DAG as steps for the execution to complete.\n", + "* Steps must be unique to across the pipeline step list and all condition step if/else lists." + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "from sagemaker.workflow.pipeline import Pipeline\n", + "\n", + "\n", + "pipeline_name = f\"ExamplePipeline\"\n", + "pipeline = Pipeline(\n", + " name=pipeline_name,\n", + " parameters=[\n", + " processing_instance_type, \n", + " processing_instance_count,\n", + " training_instance_type,\n", + " model_approval_status,\n", + " input_data,\n", + " ],\n", + " steps=[step_process, step_train, step_eval, step_cond],\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### (Optional) Examining the pipeline definition\n", + "\n", + "The JSON of the pipeline definition can be examined to confirm the pipeline is well-defined and the parameters and step properties resolve correctly." + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TrainingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.estimator:No finished training job found associated with this estimator. Please make sure this estimator is only used for building workflow config\n", + "WARNING:sagemaker.workflow._utils:Popping out 'CertifyForMarketplace' from the pipeline definition since it will be overridden in pipeline execution time.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelPackageName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n" + ] + }, + { + "data": { + "text/plain": [ + "{'Version': '2020-12-01',\n", + " 'Metadata': {},\n", + " 'Parameters': [{'Name': 'ProcessingInstanceType',\n", + " 'Type': 'String',\n", + " 'DefaultValue': 'ml.m5.xlarge'},\n", + " {'Name': 'ProcessingInstanceCount', 'Type': 'Integer', 'DefaultValue': 1},\n", + " {'Name': 'TrainingInstanceType',\n", + " 'Type': 'String',\n", + " 'DefaultValue': 'ml.m5.xlarge'},\n", + " {'Name': 'ModelApprovalStatus',\n", + " 'Type': 'String',\n", + " 'DefaultValue': 'PendingManualApproval'},\n", + " {'Name': 'InputData',\n", + " 'Type': 'String',\n", + " 'DefaultValue': 's3://sagemaker-us-east-1-340280328827/marketing/bank-additional-full.csv'}],\n", + " 'PipelineExperimentConfig': {'ExperimentName': {'Get': 'Execution.PipelineName'},\n", + " 'TrialName': {'Get': 'Execution.PipelineExecutionId'}},\n", + " 'Steps': [{'Name': 'MarketingProcess',\n", + " 'Type': 'Processing',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': {'Get': 'Parameters.ProcessingInstanceType'},\n", + " 'InstanceCount': {'Get': 'Parameters.ProcessingInstanceCount'},\n", + " 'VolumeSizeInGB': 30}},\n", + " 'AppSpecification': {'ImageUri': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-scikit-learn:0.23-1-cpu-py3',\n", + " 'ContainerEntrypoint': ['python3',\n", + " '/opt/ml/processing/input/code/preprocessing.py']},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'input-1',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': 'Parameters.InputData'},\n", + " 'LocalPath': '/opt/ml/processing/input',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}},\n", + " {'InputName': 'code',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/MarketingProcess-7ece76b7a927727349ed8e8eb15a8a46/input/code/preprocessing.py',\n", + " 'LocalPath': '/opt/ml/processing/input/code',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'train',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'ExamplePipeline',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'MarketingProcess',\n", + " 'output',\n", + " 'train']}},\n", + " 'LocalPath': '/opt/ml/processing/train',\n", + " 'S3UploadMode': 'EndOfJob'}},\n", + " {'OutputName': 'validation',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'ExamplePipeline',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'MarketingProcess',\n", + " 'output',\n", + " 'validation']}},\n", + " 'LocalPath': '/opt/ml/processing/validation',\n", + " 'S3UploadMode': 'EndOfJob'}},\n", + " {'OutputName': 'test',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': {'Std:Join': {'On': '/',\n", + " 'Values': ['s3:/',\n", + " 'sagemaker-us-east-1-340280328827',\n", + " 'ExamplePipeline',\n", + " {'Get': 'Execution.PipelineExecutionId'},\n", + " 'MarketingProcess',\n", + " 'output',\n", + " 'test']}},\n", + " 'LocalPath': '/opt/ml/processing/test',\n", + " 'S3UploadMode': 'EndOfJob'}}]}}},\n", + " {'Name': 'MarketingTrain',\n", + " 'Type': 'Training',\n", + " 'Arguments': {'AlgorithmSpecification': {'TrainingInputMode': 'File',\n", + " 'TrainingImage': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-xgboost:1.0-1-cpu-py3'},\n", + " 'OutputDataConfig': {'S3OutputPath': 's3://sagemaker-us-east-1-340280328827/MarketingTrain'},\n", + " 'StoppingCondition': {'MaxRuntimeInSeconds': 86400},\n", + " 'ResourceConfig': {'VolumeSizeInGB': 30,\n", + " 'InstanceCount': 1,\n", + " 'InstanceType': {'Get': 'Parameters.TrainingInstanceType'}},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'InputDataConfig': [{'DataSource': {'S3DataSource': {'S3DataType': 'S3Prefix',\n", + " 'S3Uri': {'Get': \"Steps.MarketingProcess.ProcessingOutputConfig.Outputs['train'].S3Output.S3Uri\"},\n", + " 'S3DataDistributionType': 'FullyReplicated'}},\n", + " 'ContentType': 'text/csv',\n", + " 'ChannelName': 'train'},\n", + " {'DataSource': {'S3DataSource': {'S3DataType': 'S3Prefix',\n", + " 'S3Uri': {'Get': \"Steps.MarketingProcess.ProcessingOutputConfig.Outputs['validation'].S3Output.S3Uri\"},\n", + " 'S3DataDistributionType': 'FullyReplicated'}},\n", + " 'ContentType': 'text/csv',\n", + " 'ChannelName': 'validation'}],\n", + " 'HyperParameters': {'objective': 'binary:logistic',\n", + " 'num_round': '50',\n", + " 'max_depth': '5',\n", + " 'eta': '0.2',\n", + " 'gamma': '4',\n", + " 'min_child_weight': '6',\n", + " 'subsample': '0.7',\n", + " 'silent': '0'},\n", + " 'DebugHookConfig': {'S3OutputPath': 's3://sagemaker-us-east-1-340280328827/MarketingTrain',\n", + " 'CollectionConfigurations': []},\n", + " 'ProfilerConfig': {'S3OutputPath': 's3://sagemaker-us-east-1-340280328827/MarketingTrain',\n", + " 'DisableProfiler': False}}},\n", + " {'Name': 'MarketingEval',\n", + " 'Type': 'Processing',\n", + " 'Arguments': {'ProcessingResources': {'ClusterConfig': {'InstanceType': {'Get': 'Parameters.ProcessingInstanceType'},\n", + " 'InstanceCount': 1,\n", + " 'VolumeSizeInGB': 30}},\n", + " 'AppSpecification': {'ImageUri': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-xgboost:1.0-1-cpu-py3',\n", + " 'ContainerEntrypoint': ['python3',\n", + " '/opt/ml/processing/input/code/evaluation.py']},\n", + " 'RoleArn': 'arn:aws:iam::340280328827:role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS',\n", + " 'ProcessingInputs': [{'InputName': 'input-1',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': 'Steps.MarketingTrain.ModelArtifacts.S3ModelArtifacts'},\n", + " 'LocalPath': '/opt/ml/processing/model',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}},\n", + " {'InputName': 'input-2',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': {'Get': \"Steps.MarketingProcess.ProcessingOutputConfig.Outputs['test'].S3Output.S3Uri\"},\n", + " 'LocalPath': '/opt/ml/processing/test',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}},\n", + " {'InputName': 'code',\n", + " 'AppManaged': False,\n", + " 'S3Input': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/MarketingEval-31b0d4fc6c62a4b00c655e1c275ac100/input/code/evaluation.py',\n", + " 'LocalPath': '/opt/ml/processing/input/code',\n", + " 'S3DataType': 'S3Prefix',\n", + " 'S3InputMode': 'File',\n", + " 'S3DataDistributionType': 'FullyReplicated',\n", + " 'S3CompressionType': 'None'}}],\n", + " 'ProcessingOutputConfig': {'Outputs': [{'OutputName': 'evaluation',\n", + " 'AppManaged': False,\n", + " 'S3Output': {'S3Uri': 's3://sagemaker-us-east-1-340280328827/MarketingEval-31b0d4fc6c62a4b00c655e1c275ac100/output/evaluation',\n", + " 'LocalPath': '/opt/ml/processing/evaluation',\n", + " 'S3UploadMode': 'EndOfJob'}}]}},\n", + " 'PropertyFiles': [{'PropertyFileName': 'EvaluationReport',\n", + " 'OutputName': 'evaluation',\n", + " 'FilePath': 'evaluation.json'}]},\n", + " {'Name': 'MarketingAccuracyCond',\n", + " 'Type': 'Condition',\n", + " 'Arguments': {'Conditions': [{'Type': 'GreaterThanOrEqualTo',\n", + " 'LeftValue': {'Std:JsonGet': {'PropertyFile': {'Get': 'Steps.MarketingEval.PropertyFiles.EvaluationReport'},\n", + " 'Path': 'binary_classification_metrics.accuracy.value'}},\n", + " 'RightValue': 0.8}],\n", + " 'IfSteps': [{'Name': 'MarketingRegisterModel-RegisterModel',\n", + " 'Type': 'RegisterModel',\n", + " 'Arguments': {'ModelPackageGroupName': 'DirectMarketingExamplePackageGroupName',\n", + " 'ModelMetrics': {'ModelQuality': {'Statistics': {'ContentType': 'application/json',\n", + " 'S3Uri': 's3://sagemaker-us-east-1-340280328827/MarketingEval-31b0d4fc6c62a4b00c655e1c275ac100/output/evaluation/evaluation.json'}},\n", + " 'Bias': {},\n", + " 'Explainability': {}},\n", + " 'InferenceSpecification': {'Containers': [{'Image': '683313688378.dkr.ecr.us-east-1.amazonaws.com/sagemaker-xgboost:1.0-1-cpu-py3',\n", + " 'ModelDataUrl': {'Get': 'Steps.MarketingTrain.ModelArtifacts.S3ModelArtifacts'}}],\n", + " 'SupportedContentTypes': ['text/csv'],\n", + " 'SupportedResponseMIMETypes': ['text/csv'],\n", + " 'SupportedRealtimeInferenceInstanceTypes': ['ml.t2.medium',\n", + " 'ml.m5.xlarge'],\n", + " 'SupportedTransformInstanceTypes': ['ml.m5.xlarge']},\n", + " 'ModelApprovalStatus': {'Get': 'Parameters.ModelApprovalStatus'},\n", + " 'SkipModelValidation': 'None',\n", + " 'ModelCard': {'ModelCardStatus': 'Draft',\n", + " 'ModelCardContent': '{\"model_overview\": {\"model_creator\": \"DEMO-Model-Registry-ModelCard-Unification\", \"model_artifact\": []}, \"intended_uses\": {\"purpose_of_model\": \"Test model card.\", \"intended_uses\": \"Not used except this test.\", \"factors_affecting_model_efficiency\": \"No.\", \"risk_rating\": \"Low\", \"explanations_for_risk_rating\": \"Just an example.\"}, \"business_details\": {\"business_problem\": \"The business problem that your model is used to solve.\", \"business_stakeholders\": \"The stakeholders who have the interest in the business that your model is used for.\", \"line_of_business\": \"Services that the business is offering.\"}, \"additional_information\": {\"ethical_considerations\": \"Your model ethical consideration.\", \"caveats_and_recommendations\": \"Your model\\'s caveats and recommendations.\", \"custom_details\": {\"Datazone projects\": \"5rn1teh0tv85rb\"}}}'}}}],\n", + " 'ElseSteps': []}}]}" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import json\n", + "\n", + "definition = json.loads(pipeline.definition())\n", + "definition" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Submit the pipeline to SageMaker and start execution\n", + "\n", + "Submit the pipeline definition to the Pipeline service. The role passed in will be used by the Pipeline service to create all the jobs defined in the steps." + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TrainingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.estimator:No finished training job found associated with this estimator. Please make sure this estimator is only used for building workflow config\n", + "WARNING:sagemaker.workflow._utils:Popping out 'CertifyForMarketplace' from the pipeline definition since it will be overridden in pipeline execution time.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelPackageName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'TrainingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n", + "WARNING:sagemaker.estimator:No finished training job found associated with this estimator. Please make sure this estimator is only used for building workflow config\n", + "WARNING:sagemaker.workflow._utils:Popping out 'CertifyForMarketplace' from the pipeline definition since it will be overridden in pipeline execution time.\n", + "WARNING:sagemaker.workflow.utilities:Popping out 'ModelPackageName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n" + ] + }, + { + "data": { + "text/plain": [ + "{'PipelineArn': 'arn:aws:sagemaker:us-east-1:340280328827:pipeline/ExamplePipeline',\n", + " 'ResponseMetadata': {'RequestId': '966bebd5-7bb6-4aac-9e58-7c97544700ae',\n", + " 'HTTPStatusCode': 200,\n", + " 'HTTPHeaders': {'x-amzn-requestid': '966bebd5-7bb6-4aac-9e58-7c97544700ae',\n", + " 'content-type': 'application/x-amz-json-1.1',\n", + " 'content-length': '83',\n", + " 'date': 'Mon, 23 Sep 2024 17:31:05 GMT'},\n", + " 'RetryAttempts': 0}}" + ] + }, + "execution_count": 24, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "pipeline.upsert(role_arn=role)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Start the pipeline and accept all of the default parameters." + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [], + "source": [ + "execution = pipeline.start()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Pipeline Operations: Examining and Waiting for Pipeline Execution\n", + "\n", + "Describe the pipeline execution." + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'PipelineArn': 'arn:aws:sagemaker:us-east-1:340280328827:pipeline/ExamplePipeline',\n", + " 'PipelineExecutionArn': 'arn:aws:sagemaker:us-east-1:340280328827:pipeline/ExamplePipeline/execution/qs4nfbqgsscf',\n", + " 'PipelineExecutionDisplayName': 'execution-1727112665835',\n", + " 'PipelineExecutionStatus': 'Executing',\n", + " 'CreationTime': datetime.datetime(2024, 9, 23, 17, 31, 5, 733000, tzinfo=tzlocal()),\n", + " 'LastModifiedTime': datetime.datetime(2024, 9, 23, 17, 31, 5, 733000, tzinfo=tzlocal()),\n", + " 'CreatedBy': {'UserProfileArn': 'arn:aws:sagemaker:us-east-1:340280328827:user-profile/d-ykydvorozt8h/default-1710454128270',\n", + " 'UserProfileName': 'default-1710454128270',\n", + " 'DomainId': 'd-ykydvorozt8h',\n", + " 'IamIdentity': {'Arn': 'arn:aws:sts::340280328827:assumed-role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS/SageMaker',\n", + " 'PrincipalId': 'AROAU6OSJYJ5VWYPHAFI6:SageMaker'}},\n", + " 'LastModifiedBy': {'UserProfileArn': 'arn:aws:sagemaker:us-east-1:340280328827:user-profile/d-ykydvorozt8h/default-1710454128270',\n", + " 'UserProfileName': 'default-1710454128270',\n", + " 'DomainId': 'd-ykydvorozt8h',\n", + " 'IamIdentity': {'Arn': 'arn:aws:sts::340280328827:assumed-role/CFN-SM-IM-Lambda-Catalog-SageMakerExecutionRole-1TSLA2QB1DJKS/SageMaker',\n", + " 'PrincipalId': 'AROAU6OSJYJ5VWYPHAFI6:SageMaker'}},\n", + " 'ResponseMetadata': {'RequestId': 'b98dc7f2-9a9a-4212-adf4-a7269adfa630',\n", + " 'HTTPStatusCode': 200,\n", + " 'HTTPHeaders': {'x-amzn-requestid': 'b98dc7f2-9a9a-4212-adf4-a7269adfa630',\n", + " 'content-type': 'application/x-amz-json-1.1',\n", + " 'content-length': '1119',\n", + " 'date': 'Mon, 23 Sep 2024 17:31:05 GMT'},\n", + " 'RetryAttempts': 0}}" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "execution.describe()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Wait for the execution to complete." + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [], + "source": [ + "execution.wait()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "List the steps in the execution. These are the steps in the pipeline that have been resolved by the step executor service." + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[{'StepName': 'MarketingRegisterModel-RegisterModel',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 39, 8, 150000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 39, 10, 333000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'RegisterModel': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:model-package/DirectMarketingExamplePackageGroupName/1'}},\n", + " 'AttemptCount': 1},\n", + " {'StepName': 'MarketingAccuracyCond',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 39, 7, 310000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 39, 7, 755000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'Condition': {'Outcome': 'True'}},\n", + " 'AttemptCount': 1},\n", + " {'StepName': 'MarketingEval',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 36, 30, 513000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 39, 6, 100000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'ProcessingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:processing-job/pipelines-qs4nfbqgsscf-MarketingEval-oqyhKFL7Zk'}},\n", + " 'AttemptCount': 1},\n", + " {'StepName': 'MarketingTrain',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 34, 6, 272000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 36, 29, 693000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'TrainingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:training-job/pipelines-qs4nfbqgsscf-MarketingTrain-Y0wnnyFc4z'}},\n", + " 'AttemptCount': 1},\n", + " {'StepName': 'MarketingProcess',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 31, 7, 486000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 34, 4, 807000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'ProcessingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:processing-job/pipelines-qs4nfbqgsscf-MarketingProcess-Ktj0pD3TmZ'}},\n", + " 'AttemptCount': 1}]" + ] + }, + "execution_count": 28, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "execution.list_steps()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Examining the Evalution\n", + "\n", + "Examine the resulting model evaluation after the pipeline completes. Download the resulting `evaluation.json` file from S3 and print the report." + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:sagemaker.workflow.utilities:Popping out 'ProcessingJobName' from the pipeline definition by default since it will be overridden at pipeline execution time. Please utilize the PipelineDefinitionConfig to persist this field in the pipeline definition if desired.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'binary_classification_metrics': {'accuracy': {'standard_deviation': 'NaN',\n", + " 'value': 0.9101796407185628},\n", + " 'auc': {'standard_deviation': 'NaN',\n", + " 'value': 0.7215769660516066}}}\n" + ] + } + ], + "source": [ + "from pprint import pprint\n", + "\n", + "\n", + "evaluation_json = sagemaker.s3.S3Downloader.read_file(\"{}/evaluation.json\".format(\n", + " step_eval.arguments[\"ProcessingOutputConfig\"][\"Outputs\"][0][\"S3Output\"][\"S3Uri\"]\n", + "))\n", + "pprint(json.loads(evaluation_json))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Lineage\n", + "\n", + "Review the lineage of the artifacts generated by the pipeline." + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'StepName': 'MarketingProcess', 'StartTime': datetime.datetime(2024, 9, 23, 17, 31, 7, 486000, tzinfo=tzlocal()), 'EndTime': datetime.datetime(2024, 9, 23, 17, 34, 4, 807000, tzinfo=tzlocal()), 'StepStatus': 'Succeeded', 'Metadata': {'ProcessingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:processing-job/pipelines-qs4nfbqgsscf-MarketingProcess-Ktj0pD3TmZ'}}, 'AttemptCount': 1}\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Name/SourceDirectionTypeAssociation TypeLineage Type
0s3://...8e8eb15a8a46/input/code/preprocessing.pyInputDataSetContributedToartifact
1s3://...28827/marketing/bank-additional-full.csvInputDataSetContributedToartifact
268331...om/sagemaker-scikit-learn:0.23-1-cpu-py3InputImageContributedToartifact
3s3://...s4nfbqgsscf/MarketingProcess/output/testOutputDataSetProducedartifact
4s3://...gsscf/MarketingProcess/output/validationOutputDataSetProducedartifact
5s3://...4nfbqgsscf/MarketingProcess/output/trainOutputDataSetProducedartifact
\n", + "
" + ], + "text/plain": [ + " Name/Source Direction Type \\\n", + "0 s3://...8e8eb15a8a46/input/code/preprocessing.py Input DataSet \n", + "1 s3://...28827/marketing/bank-additional-full.csv Input DataSet \n", + "2 68331...om/sagemaker-scikit-learn:0.23-1-cpu-py3 Input Image \n", + "3 s3://...s4nfbqgsscf/MarketingProcess/output/test Output DataSet \n", + "4 s3://...gsscf/MarketingProcess/output/validation Output DataSet \n", + "5 s3://...4nfbqgsscf/MarketingProcess/output/train Output DataSet \n", + "\n", + " Association Type Lineage Type \n", + "0 ContributedTo artifact \n", + "1 ContributedTo artifact \n", + "2 ContributedTo artifact \n", + "3 Produced artifact \n", + "4 Produced artifact \n", + "5 Produced artifact " + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'StepName': 'MarketingTrain', 'StartTime': datetime.datetime(2024, 9, 23, 17, 34, 6, 272000, tzinfo=tzlocal()), 'EndTime': datetime.datetime(2024, 9, 23, 17, 36, 29, 693000, tzinfo=tzlocal()), 'StepStatus': 'Succeeded', 'Metadata': {'TrainingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:training-job/pipelines-qs4nfbqgsscf-MarketingTrain-Y0wnnyFc4z'}}, 'AttemptCount': 1}\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Name/SourceDirectionTypeAssociation TypeLineage Type
0s3://...gsscf/MarketingProcess/output/validationInputDataSetContributedToartifact
1s3://...4nfbqgsscf/MarketingProcess/output/trainInputDataSetContributedToartifact
268331...naws.com/sagemaker-xgboost:1.0-1-cpu-py3InputImageContributedToartifact
3s3://...tingTrain-Y0wnnyFc4z/output/model.tar.gzOutputModelProducedartifact
\n", + "
" + ], + "text/plain": [ + " Name/Source Direction Type \\\n", + "0 s3://...gsscf/MarketingProcess/output/validation Input DataSet \n", + "1 s3://...4nfbqgsscf/MarketingProcess/output/train Input DataSet \n", + "2 68331...naws.com/sagemaker-xgboost:1.0-1-cpu-py3 Input Image \n", + "3 s3://...tingTrain-Y0wnnyFc4z/output/model.tar.gz Output Model \n", + "\n", + " Association Type Lineage Type \n", + "0 ContributedTo artifact \n", + "1 ContributedTo artifact \n", + "2 ContributedTo artifact \n", + "3 Produced artifact " + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'StepName': 'MarketingEval', 'StartTime': datetime.datetime(2024, 9, 23, 17, 36, 30, 513000, tzinfo=tzlocal()), 'EndTime': datetime.datetime(2024, 9, 23, 17, 39, 6, 100000, tzinfo=tzlocal()), 'StepStatus': 'Succeeded', 'Metadata': {'ProcessingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:processing-job/pipelines-qs4nfbqgsscf-MarketingEval-oqyhKFL7Zk'}}, 'AttemptCount': 1}\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Name/SourceDirectionTypeAssociation TypeLineage Type
0s3://...c655e1c275ac100/input/code/evaluation.pyInputDataSetContributedToartifact
1s3://...s4nfbqgsscf/MarketingProcess/output/testInputDataSetContributedToartifact
2s3://...tingTrain-Y0wnnyFc4z/output/model.tar.gzInputModelContributedToartifact
368331...naws.com/sagemaker-xgboost:1.0-1-cpu-py3InputImageContributedToartifact
4s3://...62a4b00c655e1c275ac100/output/evaluationOutputDataSetProducedartifact
\n", + "
" + ], + "text/plain": [ + " Name/Source Direction Type \\\n", + "0 s3://...c655e1c275ac100/input/code/evaluation.py Input DataSet \n", + "1 s3://...s4nfbqgsscf/MarketingProcess/output/test Input DataSet \n", + "2 s3://...tingTrain-Y0wnnyFc4z/output/model.tar.gz Input Model \n", + "3 68331...naws.com/sagemaker-xgboost:1.0-1-cpu-py3 Input Image \n", + "4 s3://...62a4b00c655e1c275ac100/output/evaluation Output DataSet \n", + "\n", + " Association Type Lineage Type \n", + "0 ContributedTo artifact \n", + "1 ContributedTo artifact \n", + "2 ContributedTo artifact \n", + "3 ContributedTo artifact \n", + "4 Produced artifact " + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'StepName': 'MarketingAccuracyCond', 'StartTime': datetime.datetime(2024, 9, 23, 17, 39, 7, 310000, tzinfo=tzlocal()), 'EndTime': datetime.datetime(2024, 9, 23, 17, 39, 7, 755000, tzinfo=tzlocal()), 'StepStatus': 'Succeeded', 'Metadata': {'Condition': {'Outcome': 'True'}}, 'AttemptCount': 1}\n" + ] + }, + { + "data": { + "text/plain": [ + "None" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'StepName': 'MarketingRegisterModel-RegisterModel', 'StartTime': datetime.datetime(2024, 9, 23, 17, 39, 8, 150000, tzinfo=tzlocal()), 'EndTime': datetime.datetime(2024, 9, 23, 17, 39, 10, 333000, tzinfo=tzlocal()), 'StepStatus': 'Succeeded', 'Metadata': {'RegisterModel': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:model-package/DirectMarketingExamplePackageGroupName/1'}}, 'AttemptCount': 1}\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Name/SourceDirectionTypeAssociation TypeLineage Type
0s3://...tingTrain-Y0wnnyFc4z/output/model.tar.gzInputModelContributedToartifact
168331...naws.com/sagemaker-xgboost:1.0-1-cpu-py3InputImageContributedToartifact
2DirectMarketingExamplePackageGroupName-1-Pendi...InputApprovalContributedToaction
3DirectMarketingExamplePackageGroupName-1727113...OutputModelGroupAssociatedWithcontext
\n", + "
" + ], + "text/plain": [ + " Name/Source Direction Type \\\n", + "0 s3://...tingTrain-Y0wnnyFc4z/output/model.tar.gz Input Model \n", + "1 68331...naws.com/sagemaker-xgboost:1.0-1-cpu-py3 Input Image \n", + "2 DirectMarketingExamplePackageGroupName-1-Pendi... Input Approval \n", + "3 DirectMarketingExamplePackageGroupName-1727113... Output ModelGroup \n", + "\n", + " Association Type Lineage Type \n", + "0 ContributedTo artifact \n", + "1 ContributedTo artifact \n", + "2 ContributedTo action \n", + "3 AssociatedWith context " + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import time\n", + "from sagemaker.lineage.visualizer import LineageTableVisualizer\n", + "\n", + "\n", + "viz = LineageTableVisualizer(sagemaker.session.Session())\n", + "for execution_step in reversed(execution.list_steps()):\n", + " print(execution_step)\n", + " display(viz.show(pipeline_execution_step=execution_step))\n", + " time.sleep(5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Parametrized Executions\n", + "\n", + "You can run additional executions of the pipeline and specify different pipeline parameters. The parameters argument is a dictionary containing parameter names, and where the values are used to override the defaults values.\n", + "\n", + "Based on the performance of the model, you might want to kick off another pipeline execution on a compute-optimized instance type and set the model approval status to \"Approved\" automatically. This means that the model package version generated by the `RegisterModel` step is automatically ready for deployment through CI/CD pipelines, such as with SageMaker Projects." + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "execution = pipeline.start(\n", + " parameters=dict(\n", + " ProcessingInstanceType=\"ml.c5.xlarge\",\n", + " ModelApprovalStatus=\"Approved\",\n", + " )\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [], + "source": [ + "execution.wait()" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[{'StepName': 'MarketingRegisterModel-RegisterModel',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 47, 32, 254000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 47, 34, 441000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'RegisterModel': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:model-package/DirectMarketingExamplePackageGroupName/2'}},\n", + " 'AttemptCount': 1},\n", + " {'StepName': 'MarketingAccuracyCond',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 47, 31, 146000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 47, 31, 791000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'Condition': {'Outcome': 'True'}},\n", + " 'AttemptCount': 1},\n", + " {'StepName': 'MarketingEval',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 44, 56, 945000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 47, 30, 570000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'ProcessingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:processing-job/pipelines-gcjrvw70vqlk-MarketingEval-iVsFdUI5oB'}},\n", + " 'AttemptCount': 1},\n", + " {'StepName': 'MarketingTrain',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 42, 41, 707000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 44, 56, 253000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'TrainingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:training-job/pipelines-gcjrvw70vqlk-MarketingTrain-ztut8DyeXC'}},\n", + " 'AttemptCount': 1},\n", + " {'StepName': 'MarketingProcess',\n", + " 'StartTime': datetime.datetime(2024, 9, 23, 17, 40, 6, 420000, tzinfo=tzlocal()),\n", + " 'EndTime': datetime.datetime(2024, 9, 23, 17, 42, 41, 89000, tzinfo=tzlocal()),\n", + " 'StepStatus': 'Succeeded',\n", + " 'Metadata': {'ProcessingJob': {'Arn': 'arn:aws:sagemaker:us-east-1:340280328827:processing-job/pipelines-gcjrvw70vqlk-MarketingProcess-ACorRAfKyH'}},\n", + " 'AttemptCount': 1}]" + ] + }, + "execution_count": 33, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "execution.list_steps()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "instance_type": "ml.t3.medium", + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/sagemaker_model_governance/bank-additional-full.csv b/sagemaker_model_governance/bank-additional-full.csv new file mode 100644 index 0000000000..0743b8a6fa --- /dev/null +++ b/sagemaker_model_governance/bank-additional-full.csv @@ -0,0 +1,41189 @@ +age,job,marital,education,default,housing,loan,contact,month,day_of_week,duration,campaign,pdays,previous,poutcome,emp.var.rate,cons.price.idx,cons.conf.idx,euribor3m,nr.employed,y +56,housemaid,married,basic.4y,no,no,no,telephone,may,mon,261,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,services,married,high.school,unknown,no,no,telephone,may,mon,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,mon,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,basic.6y,no,no,no,telephone,may,mon,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,services,married,high.school,no,no,yes,telephone,may,mon,307,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,married,basic.9y,unknown,no,no,telephone,may,mon,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,admin.,married,professional.course,no,no,no,telephone,may,mon,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,unknown,unknown,no,no,telephone,may,mon,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,technician,single,professional.course,no,yes,no,telephone,may,mon,380,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,services,single,high.school,no,yes,no,telephone,may,mon,50,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,unknown,unknown,no,no,telephone,may,mon,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,services,single,high.school,no,yes,no,telephone,may,mon,222,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,single,high.school,no,no,yes,telephone,may,mon,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,housemaid,divorced,basic.4y,no,yes,no,telephone,may,mon,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,146,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,married,basic.9y,unknown,yes,yes,telephone,may,mon,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,312,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,mon,440,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.9y,no,yes,yes,telephone,may,mon,353,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,single,basic.9y,unknown,no,no,telephone,may,mon,195,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,unemployed,married,high.school,no,no,no,telephone,may,mon,38,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,262,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,retired,single,high.school,no,yes,no,telephone,may,mon,342,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,single,high.school,no,yes,no,telephone,may,mon,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,mon,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,university.degree,no,no,yes,telephone,may,mon,99,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,technician,married,unknown,no,yes,no,telephone,may,mon,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,self-employed,married,basic.9y,unknown,no,no,telephone,may,mon,233,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,technician,single,university.degree,unknown,no,no,telephone,may,mon,255,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,unknown,married,university.degree,unknown,unknown,unknown,telephone,may,mon,362,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,unknown,no,no,no,telephone,may,mon,348,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,technician,married,unknown,no,yes,no,telephone,may,mon,386,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,unknown,no,no,no,telephone,may,mon,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,management,married,basic.4y,unknown,yes,no,telephone,may,mon,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,blue-collar,divorced,basic.4y,no,no,no,telephone,may,mon,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,unknown,married,basic.4y,unknown,yes,no,telephone,may,mon,336,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,mon,365,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,technician,married,basic.9y,no,yes,no,telephone,may,mon,1666,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,university.degree,no,yes,no,telephone,may,mon,577,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,technician,married,basic.4y,no,yes,no,telephone,may,mon,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,management,unknown,university.degree,no,yes,no,telephone,may,mon,366,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,entrepreneur,married,high.school,no,yes,no,telephone,may,mon,314,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,professional.course,no,no,no,telephone,may,mon,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,admin.,married,university.degree,no,no,yes,telephone,may,mon,212,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,single,professional.course,unknown,no,no,telephone,may,mon,22,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,admin.,married,university.degree,no,yes,yes,telephone,may,mon,616,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.9y,no,no,yes,telephone,may,mon,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,mon,355,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,225,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,admin.,married,high.school,no,no,no,telephone,may,mon,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,basic.4y,no,no,yes,telephone,may,mon,266,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,admin.,married,high.school,no,no,no,telephone,may,mon,253,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,single,professional.course,no,no,no,telephone,may,mon,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,269,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,married,professional.course,unknown,yes,no,telephone,may,mon,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,management,married,university.degree,unknown,no,yes,telephone,may,mon,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,married,high.school,unknown,yes,no,telephone,may,mon,787,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,unemployed,married,professional.course,unknown,yes,yes,telephone,may,mon,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,technician,single,university.degree,no,yes,no,telephone,may,mon,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,entrepreneur,married,university.degree,unknown,no,no,telephone,may,mon,449,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,812,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,164,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.6y,unknown,no,no,telephone,may,mon,366,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,married,high.school,no,no,no,telephone,may,mon,357,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,university.degree,no,no,no,telephone,may,mon,232,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,single,basic.9y,no,yes,no,telephone,may,mon,91,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,unknown,no,yes,no,telephone,may,mon,273,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,admin.,married,basic.9y,no,yes,no,telephone,may,mon,158,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,single,basic.4y,unknown,yes,yes,telephone,may,mon,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,basic.6y,no,no,no,telephone,may,mon,200,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,management,divorced,university.degree,no,yes,no,telephone,may,mon,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,176,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,unknown,married,unknown,unknown,no,no,telephone,may,mon,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,214,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,mon,1575,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +55,technician,married,university.degree,no,no,no,telephone,may,mon,349,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,high.school,unknown,yes,no,telephone,may,mon,337,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,management,married,unknown,unknown,yes,no,telephone,may,mon,272,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,mon,212,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,high.school,unknown,no,no,telephone,may,mon,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,entrepreneur,married,university.degree,unknown,yes,no,telephone,may,mon,1042,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +38,technician,single,university.degree,no,no,yes,telephone,may,mon,20,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,divorced,high.school,no,no,no,telephone,may,mon,246,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,basic.6y,no,no,no,telephone,may,mon,529,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,yes,yes,telephone,may,mon,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,technician,married,basic.9y,no,no,no,telephone,may,mon,1467,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +34,admin.,married,high.school,no,yes,no,telephone,may,mon,188,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,mon,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,unknown,married,unknown,unknown,yes,no,telephone,may,mon,48,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,admin.,married,unknown,unknown,no,yes,telephone,may,mon,213,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,unemployed,married,basic.9y,no,no,no,telephone,may,mon,545,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.6y,no,no,yes,telephone,may,mon,583,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,married,professional.course,no,yes,no,telephone,may,mon,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,university.degree,no,no,no,telephone,may,mon,426,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,divorced,university.degree,unknown,no,no,telephone,may,mon,287,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,professional.course,no,no,no,telephone,may,mon,197,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,257,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,services,married,unknown,no,yes,no,telephone,may,mon,229,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,55,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,services,married,unknown,no,no,no,telephone,may,mon,400,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,divorced,university.degree,no,no,no,telephone,may,mon,197,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,divorced,university.degree,no,no,no,telephone,may,mon,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,single,high.school,unknown,no,no,telephone,may,mon,21,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,housemaid,married,basic.6y,no,yes,no,telephone,may,mon,300,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,mon,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,entrepreneur,married,unknown,unknown,yes,no,telephone,may,mon,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,married,unknown,unknown,yes,yes,telephone,may,mon,325,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,divorced,university.degree,unknown,no,no,telephone,may,mon,514,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,unemployed,married,basic.4y,unknown,no,no,telephone,may,mon,849,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,divorced,high.school,no,yes,no,telephone,may,mon,194,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,212,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,management,married,university.degree,no,no,no,telephone,may,mon,337,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,high.school,no,no,no,telephone,may,mon,286,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,divorced,university.degree,no,no,no,telephone,may,mon,247,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,divorced,unknown,unknown,yes,no,telephone,may,mon,518,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,admin.,married,unknown,no,yes,no,telephone,may,mon,364,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,mon,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,high.school,unknown,yes,no,telephone,may,mon,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,divorced,high.school,no,no,no,telephone,may,mon,439,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,high.school,no,no,no,telephone,may,mon,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,married,high.school,no,yes,no,telephone,may,mon,79,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,married,university.degree,no,yes,yes,telephone,may,mon,175,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,university.degree,no,no,yes,telephone,may,mon,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,married,basic.6y,no,no,no,telephone,may,mon,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,divorced,professional.course,no,yes,yes,telephone,may,mon,78,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.4y,no,yes,no,telephone,may,mon,102,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,professional.course,unknown,yes,no,telephone,may,mon,579,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +37,blue-collar,married,basic.6y,no,yes,yes,telephone,may,mon,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,professional.course,unknown,no,no,telephone,may,mon,677,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,unknown,no,yes,no,telephone,may,mon,267,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,345,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,married,university.degree,no,no,no,telephone,may,mon,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,divorced,university.degree,no,no,no,telephone,may,mon,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,basic.4y,unknown,no,no,telephone,may,mon,69,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,100,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,yes,no,telephone,may,mon,125,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,461,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +43,unemployed,single,university.degree,no,yes,no,telephone,may,mon,240,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,management,married,unknown,no,yes,no,telephone,may,mon,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,university.degree,no,yes,no,telephone,may,mon,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,unknown,divorced,high.school,unknown,yes,no,telephone,may,mon,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,528,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,541,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,high.school,no,yes,no,telephone,may,mon,338,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,163,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,301,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,entrepreneur,married,unknown,unknown,yes,no,telephone,may,mon,46,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,divorced,high.school,unknown,yes,no,telephone,may,mon,52,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,entrepreneur,married,unknown,unknown,no,no,telephone,may,mon,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,unknown,no,yes,yes,telephone,may,mon,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,yes,yes,telephone,may,mon,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,unknown,unknown,yes,no,telephone,may,mon,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,unknown,unknown,no,no,telephone,may,mon,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,single,professional.course,no,yes,no,telephone,may,mon,186,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,services,married,high.school,no,no,no,telephone,may,mon,579,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,management,single,university.degree,no,yes,no,telephone,may,mon,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,unknown,yes,yes,telephone,may,mon,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,46,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,559,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,divorced,high.school,unknown,no,no,telephone,may,mon,2033,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,entrepreneur,married,basic.6y,no,no,no,telephone,may,mon,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,no,yes,yes,telephone,may,mon,506,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,admin.,divorced,unknown,unknown,no,no,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,unknown,no,no,no,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,management,divorced,university.degree,no,yes,no,telephone,may,mon,843,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,high.school,unknown,no,yes,telephone,may,mon,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,unknown,no,no,telephone,may,mon,427,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,married,university.degree,no,yes,yes,telephone,may,mon,292,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,single,university.degree,unknown,no,no,telephone,may,mon,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,mon,93,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,management,married,basic.9y,no,no,no,telephone,may,mon,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,services,married,high.school,no,yes,yes,telephone,may,mon,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,single,basic.6y,no,no,no,telephone,may,mon,303,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,married,high.school,no,yes,no,telephone,may,mon,81,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,270,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,high.school,no,no,no,telephone,may,mon,228,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,240,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,no,yes,yes,telephone,may,mon,673,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +36,admin.,married,university.degree,no,yes,no,telephone,may,mon,233,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,married,university.degree,no,no,no,telephone,may,mon,461,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,technician,married,basic.6y,unknown,no,no,telephone,may,mon,250,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,married,high.school,unknown,no,no,telephone,may,mon,130,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,252,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,married,university.degree,no,yes,no,telephone,may,mon,138,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,professional.course,no,no,no,telephone,may,mon,412,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.9y,no,yes,no,telephone,may,mon,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,management,divorced,university.degree,no,no,no,telephone,may,mon,19,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,university.degree,no,no,no,telephone,may,mon,228,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,mon,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,717,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,high.school,unknown,yes,no,telephone,may,mon,313,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,basic.9y,unknown,no,no,telephone,may,mon,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,basic.9y,unknown,yes,no,telephone,may,mon,683,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,1077,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,high.school,no,no,no,telephone,may,mon,146,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,single,basic.6y,no,no,no,telephone,may,mon,167,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,high.school,no,yes,no,telephone,may,mon,356,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,married,unknown,no,no,no,telephone,may,mon,277,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,student,single,university.degree,unknown,no,no,telephone,may,mon,218,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,student,single,university.degree,unknown,yes,yes,telephone,may,mon,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,unemployed,married,professional.course,no,no,no,telephone,may,mon,67,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,single,basic.4y,no,no,no,telephone,may,mon,291,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,student,single,university.degree,unknown,yes,no,telephone,may,mon,248,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,student,single,basic.9y,no,yes,no,telephone,may,mon,256,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,housemaid,divorced,university.degree,no,no,no,telephone,may,mon,286,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,admin.,married,university.degree,no,no,no,telephone,may,mon,477,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,married,unknown,unknown,no,no,telephone,may,mon,611,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,professional.course,unknown,yes,no,telephone,may,mon,471,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,basic.4y,unknown,yes,no,telephone,may,mon,381,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,unknown,no,yes,no,telephone,may,mon,251,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,unknown,no,yes,yes,telephone,may,mon,408,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,housemaid,married,basic.4y,unknown,no,no,telephone,may,mon,287,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,married,high.school,no,no,no,telephone,may,mon,322,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,mon,216,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,married,unknown,unknown,no,no,telephone,may,mon,366,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,single,basic.6y,unknown,yes,no,telephone,may,mon,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,technician,married,basic.4y,unknown,yes,no,telephone,may,mon,288,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,basic.9y,no,no,no,telephone,may,mon,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,retired,married,university.degree,no,no,no,telephone,may,mon,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,university.degree,no,no,no,telephone,may,mon,64,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,university.degree,no,no,no,telephone,may,mon,209,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,retired,married,basic.4y,unknown,no,no,telephone,may,mon,410,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,no,yes,yes,telephone,may,mon,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,professional.course,no,yes,no,telephone,may,mon,580,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,divorced,professional.course,no,yes,no,telephone,may,mon,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,divorced,basic.4y,unknown,yes,no,telephone,may,mon,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,high.school,unknown,no,no,telephone,may,mon,357,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,self-employed,married,university.degree,unknown,no,no,telephone,may,mon,175,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,professional.course,no,yes,no,telephone,may,mon,300,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,married,high.school,no,no,no,telephone,may,mon,125,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,high.school,unknown,no,yes,telephone,may,mon,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,university.degree,unknown,no,yes,telephone,may,mon,213,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,married,high.school,no,no,no,telephone,may,mon,238,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,single,professional.course,no,no,no,telephone,may,mon,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,management,married,university.degree,no,yes,no,telephone,may,mon,18,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,single,basic.9y,no,no,no,telephone,may,mon,730,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,married,university.degree,unknown,no,no,telephone,may,mon,40,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,divorced,unknown,no,no,no,telephone,may,mon,181,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,professional.course,no,no,no,telephone,may,mon,79,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,single,high.school,no,yes,no,telephone,may,mon,142,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,high.school,no,no,yes,telephone,may,mon,389,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,high.school,no,no,no,telephone,may,mon,702,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,divorced,professional.course,no,no,no,telephone,may,mon,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,services,married,basic.6y,no,yes,no,telephone,may,mon,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,professional.course,no,yes,no,telephone,may,mon,232,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,married,unknown,no,no,no,telephone,may,mon,408,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,services,married,high.school,no,yes,yes,telephone,may,mon,370,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,management,married,basic.9y,no,no,yes,telephone,may,mon,46,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,married,unknown,no,yes,no,telephone,may,mon,200,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,no,yes,telephone,may,mon,50,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,no,yes,telephone,may,mon,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,single,basic.6y,no,unknown,unknown,telephone,may,mon,119,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,high.school,no,no,no,telephone,may,mon,361,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,divorced,basic.9y,no,no,no,telephone,may,mon,73,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,university.degree,no,no,no,telephone,may,mon,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,single,basic.6y,no,no,no,telephone,may,mon,350,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,self-employed,single,university.degree,no,yes,no,telephone,may,mon,150,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,student,single,university.degree,unknown,no,no,telephone,may,mon,332,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,management,divorced,university.degree,no,no,no,telephone,may,mon,611,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,self-employed,married,basic.4y,unknown,no,no,telephone,may,mon,58,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,unemployed,married,high.school,unknown,yes,no,telephone,may,mon,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,divorced,university.degree,no,no,no,telephone,may,mon,89,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,housemaid,married,basic.9y,unknown,no,no,telephone,may,mon,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,high.school,no,no,no,telephone,may,mon,611,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,housemaid,single,high.school,unknown,yes,yes,telephone,may,mon,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,463,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,mon,962,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,102,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,single,basic.9y,no,no,no,telephone,may,mon,10,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,retired,married,professional.course,no,no,no,telephone,may,mon,118,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,technician,married,basic.4y,no,yes,no,telephone,may,mon,143,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,married,basic.9y,no,no,no,telephone,may,mon,189,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,75,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,mon,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,divorced,basic.6y,no,no,no,telephone,may,mon,55,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,basic.9y,no,yes,no,telephone,may,mon,935,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +37,admin.,single,high.school,no,yes,yes,telephone,may,mon,56,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,blue-collar,married,unknown,unknown,yes,no,telephone,may,mon,5,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,mon,225,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,divorced,university.degree,no,yes,no,telephone,may,mon,125,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,high.school,no,yes,yes,telephone,may,mon,286,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,divorced,professional.course,unknown,no,yes,telephone,may,mon,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,164,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,professional.course,no,yes,no,telephone,may,mon,98,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,self-employed,married,professional.course,no,no,no,telephone,may,mon,446,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,divorced,high.school,no,no,yes,telephone,may,mon,742,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,university.degree,no,yes,no,telephone,may,mon,120,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,divorced,high.school,no,no,no,telephone,may,mon,122,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,unknown,married,unknown,unknown,no,no,telephone,may,mon,362,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,single,high.school,unknown,no,no,telephone,may,mon,357,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,divorced,high.school,unknown,no,yes,telephone,may,mon,200,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,married,professional.course,unknown,no,no,telephone,may,mon,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,unknown,married,unknown,no,yes,no,telephone,may,mon,267,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,high.school,no,yes,no,telephone,may,mon,248,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,basic.6y,unknown,yes,no,telephone,may,mon,215,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,unknown,unknown,no,no,telephone,may,mon,209,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,housemaid,divorced,basic.4y,no,yes,yes,telephone,may,mon,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,university.degree,no,yes,no,telephone,may,mon,261,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,83,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,management,divorced,university.degree,no,yes,no,telephone,may,mon,106,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,admin.,single,university.degree,no,no,no,telephone,may,mon,106,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,mon,108,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,blue-collar,married,professional.course,unknown,yes,no,telephone,may,mon,214,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,management,married,university.degree,unknown,yes,no,telephone,may,mon,358,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,basic.9y,unknown,no,no,telephone,may,mon,453,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,divorced,high.school,no,no,no,telephone,may,mon,364,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.6y,no,no,no,telephone,may,mon,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,173,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,no,yes,no,telephone,may,mon,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,management,single,basic.9y,no,yes,no,telephone,may,mon,224,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,single,basic.6y,no,yes,yes,telephone,may,mon,148,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,single,unknown,no,no,no,telephone,may,mon,230,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,married,basic.6y,unknown,no,no,telephone,may,mon,199,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,technician,married,professional.course,no,yes,yes,telephone,may,mon,196,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,housemaid,single,professional.course,no,no,no,telephone,may,mon,111,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,admin.,single,university.degree,no,yes,no,telephone,may,mon,231,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,no,no,telephone,may,mon,316,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,240,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,mon,669,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,single,high.school,no,yes,no,telephone,may,mon,425,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,121,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,management,married,high.school,no,yes,no,telephone,may,mon,174,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,self-employed,single,university.degree,no,no,yes,telephone,may,mon,88,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,services,married,high.school,unknown,yes,no,telephone,may,mon,313,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,entrepreneur,married,high.school,no,yes,no,telephone,may,mon,135,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,single,professional.course,unknown,yes,no,telephone,may,mon,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,high.school,no,yes,yes,telephone,may,mon,402,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,university.degree,unknown,no,no,telephone,may,mon,213,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,married,professional.course,unknown,yes,no,telephone,may,mon,144,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,single,high.school,no,yes,no,telephone,may,mon,158,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,admin.,married,basic.9y,no,no,no,telephone,may,mon,220,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,unknown,married,unknown,unknown,yes,no,telephone,may,mon,325,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,mon,254,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,technician,married,high.school,no,yes,no,telephone,may,mon,503,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,divorced,professional.course,no,no,no,telephone,may,mon,680,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,mon,421,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,entrepreneur,married,university.degree,no,yes,no,telephone,may,mon,130,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,164,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.6y,unknown,no,no,telephone,may,mon,174,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,married,professional.course,no,no,no,telephone,may,mon,113,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,management,married,university.degree,no,no,no,telephone,may,mon,195,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,no,yes,no,telephone,may,mon,347,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,married,university.degree,no,yes,no,telephone,may,mon,208,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,unemployed,single,university.degree,no,no,no,telephone,may,mon,404,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,high.school,no,no,no,telephone,may,mon,396,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,98,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,basic.4y,no,no,no,telephone,may,mon,229,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,entrepreneur,married,basic.4y,no,yes,no,telephone,may,mon,350,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,unemployed,divorced,high.school,unknown,no,no,telephone,may,tue,88,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,married,university.degree,no,yes,no,telephone,may,tue,379,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,married,high.school,no,yes,no,telephone,may,tue,168,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,190,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,university.degree,no,yes,no,telephone,may,tue,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,university.degree,no,no,no,telephone,may,tue,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,self-employed,married,high.school,no,yes,no,telephone,may,tue,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,admin.,divorced,basic.9y,no,no,no,telephone,may,tue,306,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,management,divorced,high.school,no,no,no,telephone,may,tue,218,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.9y,no,no,yes,telephone,may,tue,54,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,single,high.school,no,yes,no,telephone,may,tue,344,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +22,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,195,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,tue,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,unknown,no,no,no,telephone,may,tue,286,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,basic.6y,no,yes,no,telephone,may,tue,278,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,university.degree,no,no,no,telephone,may,tue,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,basic.9y,no,no,no,telephone,may,tue,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,admin.,married,university.degree,no,yes,yes,telephone,may,tue,18,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,unknown,no,no,no,telephone,may,tue,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,basic.9y,no,yes,no,telephone,may,tue,235,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,management,single,university.degree,no,no,no,telephone,may,tue,290,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,student,single,unknown,unknown,no,no,telephone,may,tue,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,management,married,basic.4y,unknown,yes,yes,telephone,may,tue,318,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,management,married,basic.4y,unknown,unknown,unknown,telephone,may,tue,437,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,self-employed,married,university.degree,no,no,no,telephone,may,tue,402,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,housemaid,married,basic.6y,unknown,yes,yes,telephone,may,tue,501,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,unknown,single,unknown,unknown,yes,yes,telephone,may,tue,1201,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +44,services,married,high.school,no,yes,no,telephone,may,tue,1030,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +59,retired,unknown,university.degree,unknown,no,no,telephone,may,tue,253,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,management,married,high.school,unknown,no,no,telephone,may,tue,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,no,no,telephone,may,tue,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,high.school,no,no,no,telephone,may,tue,69,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,basic.9y,no,no,no,telephone,may,tue,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,professional.course,no,no,no,telephone,may,tue,769,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,services,married,high.school,unknown,no,no,telephone,may,tue,135,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,divorced,basic.4y,no,no,no,telephone,may,tue,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,self-employed,married,university.degree,no,yes,yes,telephone,may,tue,442,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,199,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,services,single,high.school,no,no,no,telephone,may,tue,455,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,services,married,high.school,unknown,unknown,unknown,telephone,may,tue,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,high.school,unknown,yes,no,telephone,may,tue,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,unemployed,married,university.degree,unknown,yes,no,telephone,may,tue,424,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,43,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,entrepreneur,married,university.degree,no,yes,no,telephone,may,tue,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,services,divorced,basic.6y,no,no,no,telephone,may,tue,393,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,high.school,no,yes,no,telephone,may,tue,203,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,no,yes,telephone,may,tue,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,326,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,high.school,no,no,no,telephone,may,tue,483,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,married,basic.4y,no,no,yes,telephone,may,tue,259,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,227,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,unknown,basic.4y,no,no,no,telephone,may,tue,673,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,entrepreneur,married,basic.4y,unknown,yes,no,telephone,may,tue,576,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,tue,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,self-employed,single,basic.9y,unknown,yes,yes,telephone,may,tue,90,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,high.school,unknown,no,no,telephone,may,tue,505,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,services,married,high.school,no,yes,no,telephone,may,tue,245,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,single,university.degree,no,yes,no,telephone,may,tue,186,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,basic.4y,no,no,no,telephone,may,tue,623,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,university.degree,unknown,no,no,telephone,may,tue,496,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,102,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,management,married,basic.6y,no,no,no,telephone,may,tue,342,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,married,professional.course,no,yes,no,telephone,may,tue,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,unknown,married,unknown,unknown,yes,no,telephone,may,tue,185,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,unknown,no,no,telephone,may,tue,276,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,self-employed,divorced,university.degree,no,no,no,telephone,may,tue,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,self-employed,married,basic.9y,unknown,no,no,telephone,may,tue,744,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,self-employed,single,university.degree,no,yes,no,telephone,may,tue,262,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,services,single,professional.course,no,yes,yes,telephone,may,tue,271,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,services,married,unknown,unknown,no,no,telephone,may,tue,141,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,professional.course,no,yes,no,telephone,may,tue,198,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,housemaid,married,basic.9y,no,yes,no,telephone,may,tue,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,professional.course,no,no,no,telephone,may,tue,241,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,divorced,university.degree,no,no,no,telephone,may,tue,196,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,management,married,unknown,no,yes,no,telephone,may,tue,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,unknown,no,yes,telephone,may,tue,264,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,housemaid,married,university.degree,no,no,no,telephone,may,tue,246,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,tue,309,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,management,married,university.degree,no,yes,no,telephone,may,tue,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,married,basic.9y,no,no,no,telephone,may,tue,175,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,unknown,unknown,no,no,telephone,may,tue,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,professional.course,no,no,no,telephone,may,tue,1623,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +57,technician,married,basic.4y,unknown,no,yes,telephone,may,tue,50,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,technician,married,basic.4y,unknown,no,no,telephone,may,tue,101,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.4y,no,no,yes,telephone,may,tue,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,technician,married,basic.4y,unknown,no,no,telephone,may,tue,238,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,student,single,basic.9y,unknown,yes,no,telephone,may,tue,354,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,management,married,university.degree,no,no,no,telephone,may,tue,451,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,married,university.degree,no,yes,no,telephone,may,tue,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,married,professional.course,no,yes,no,telephone,may,tue,170,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,high.school,no,no,no,telephone,may,tue,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,management,married,professional.course,unknown,yes,no,telephone,may,tue,141,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,unemployed,single,basic.4y,no,yes,no,telephone,may,tue,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,housemaid,married,basic.4y,no,no,no,telephone,may,tue,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.6y,no,no,yes,telephone,may,tue,53,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,single,basic.9y,unknown,no,no,telephone,may,tue,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,divorced,high.school,no,no,no,telephone,may,tue,204,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,self-employed,married,university.degree,no,yes,no,telephone,may,tue,678,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,married,high.school,no,no,no,telephone,may,tue,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,high.school,no,yes,yes,telephone,may,tue,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,basic.6y,unknown,no,no,telephone,may,tue,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,married,professional.course,unknown,yes,no,telephone,may,tue,699,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,married,basic.4y,no,yes,no,telephone,may,tue,358,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,university.degree,no,no,no,telephone,may,tue,1677,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +42,technician,single,professional.course,unknown,unknown,unknown,telephone,may,tue,529,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,professional.course,no,yes,no,telephone,may,tue,310,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,divorced,high.school,no,no,no,telephone,may,tue,47,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,married,university.degree,unknown,yes,no,telephone,may,tue,379,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,divorced,basic.4y,no,no,no,telephone,may,tue,30,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,472,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,unknown,married,unknown,unknown,no,no,telephone,may,tue,113,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,114,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,married,university.degree,no,no,no,telephone,may,tue,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,unknown,unknown,no,no,telephone,may,tue,448,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,high.school,unknown,no,yes,telephone,may,tue,264,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,no,yes,no,telephone,may,tue,169,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,retired,married,basic.4y,no,no,no,telephone,may,tue,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,unknown,married,unknown,unknown,yes,no,telephone,may,tue,288,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,management,married,basic.6y,unknown,yes,yes,telephone,may,tue,381,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,university.degree,no,unknown,unknown,telephone,may,tue,176,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,unknown,no,no,telephone,may,tue,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,professional.course,no,yes,no,telephone,may,tue,278,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,housemaid,married,professional.course,unknown,no,no,telephone,may,tue,188,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,technician,married,unknown,no,yes,no,telephone,may,tue,174,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,university.degree,no,yes,no,telephone,may,tue,226,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,unemployed,married,basic.9y,unknown,no,no,telephone,may,tue,111,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,basic.9y,no,no,no,telephone,may,tue,157,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,46,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,unknown,unknown,unknown,telephone,may,tue,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,unknown,unknown,unknown,telephone,may,tue,374,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,professional.course,no,yes,no,telephone,may,tue,349,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,divorced,university.degree,unknown,yes,no,telephone,may,tue,325,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,married,professional.course,no,yes,no,telephone,may,tue,233,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,married,basic.6y,unknown,yes,no,telephone,may,tue,531,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,entrepreneur,married,university.degree,unknown,no,no,telephone,may,tue,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,basic.9y,no,unknown,unknown,telephone,may,tue,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,basic.9y,no,no,no,telephone,may,tue,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,services,divorced,high.school,unknown,yes,no,telephone,may,tue,568,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,married,high.school,unknown,yes,no,telephone,may,tue,918,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +45,entrepreneur,married,university.degree,no,no,no,telephone,may,tue,82,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,single,university.degree,no,no,no,telephone,may,tue,198,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,unknown,single,unknown,unknown,yes,no,telephone,may,tue,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,university.degree,no,yes,no,telephone,may,tue,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,high.school,unknown,yes,no,telephone,may,tue,269,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,128,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,high.school,no,no,no,telephone,may,tue,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,management,married,university.degree,no,yes,no,telephone,may,tue,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,married,basic.9y,no,yes,yes,telephone,may,tue,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,entrepreneur,married,high.school,no,yes,no,telephone,may,tue,91,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,married,unknown,unknown,yes,no,telephone,may,tue,267,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,housemaid,single,basic.4y,unknown,yes,no,telephone,may,tue,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,371,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,unknown,unknown,no,no,telephone,may,tue,288,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,unknown,no,no,no,telephone,may,tue,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,management,married,basic.9y,unknown,unknown,unknown,telephone,may,tue,427,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,310,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,tue,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,high.school,no,no,no,telephone,may,tue,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,single,unknown,unknown,yes,no,telephone,may,tue,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,single,high.school,no,no,no,telephone,may,tue,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,divorced,high.school,no,yes,yes,telephone,may,tue,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,divorced,university.degree,no,no,no,telephone,may,tue,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,high.school,no,no,no,telephone,may,tue,263,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,tue,342,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,high.school,unknown,yes,yes,telephone,may,tue,41,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.6y,no,no,no,telephone,may,tue,13,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,79,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,high.school,no,no,no,telephone,may,tue,358,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,unknown,no,no,telephone,may,tue,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,high.school,no,yes,yes,telephone,may,tue,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,single,basic.4y,unknown,no,no,telephone,may,tue,26,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,basic.6y,unknown,no,no,telephone,may,tue,250,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,self-employed,married,university.degree,no,no,no,telephone,may,tue,792,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,self-employed,married,unknown,unknown,no,no,telephone,may,tue,146,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,basic.9y,unknown,no,no,telephone,may,tue,440,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,technician,married,professional.course,unknown,no,yes,telephone,may,tue,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,entrepreneur,single,university.degree,no,yes,no,telephone,may,tue,242,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,self-employed,single,high.school,no,yes,no,telephone,may,tue,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,married,professional.course,no,yes,yes,telephone,may,tue,161,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,university.degree,no,no,no,telephone,may,tue,268,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,divorced,high.school,no,no,yes,telephone,may,tue,259,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,university.degree,no,yes,yes,telephone,may,tue,26,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,tue,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,single,university.degree,no,no,no,telephone,may,tue,424,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,375,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,entrepreneur,married,basic.6y,no,no,no,telephone,may,tue,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,married,university.degree,no,yes,no,telephone,may,tue,383,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,440,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,basic.4y,no,no,yes,telephone,may,tue,195,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,high.school,no,no,yes,telephone,may,tue,1297,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +40,technician,married,basic.4y,no,no,no,telephone,may,tue,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.4y,unknown,no,no,telephone,may,tue,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,tue,427,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,502,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,no,yes,yes,telephone,may,tue,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,university.degree,unknown,no,no,telephone,may,tue,209,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,divorced,university.degree,no,unknown,unknown,telephone,may,tue,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,basic.6y,no,yes,no,telephone,may,tue,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,high.school,unknown,no,no,telephone,may,tue,69,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,unknown,no,no,no,telephone,may,tue,105,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +23,admin.,single,university.degree,no,no,no,telephone,may,tue,266,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,unemployed,married,university.degree,unknown,unknown,unknown,telephone,may,tue,87,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,entrepreneur,married,professional.course,no,unknown,unknown,telephone,may,tue,524,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,professional.course,no,unknown,unknown,telephone,may,tue,155,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,162,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.4y,unknown,yes,yes,telephone,may,tue,316,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,housemaid,married,high.school,no,no,no,telephone,may,tue,352,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,high.school,no,no,no,telephone,may,tue,695,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,divorced,high.school,no,no,no,telephone,may,tue,76,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,married,high.school,unknown,no,yes,telephone,may,tue,535,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,management,married,university.degree,no,no,no,telephone,may,tue,310,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,unknown,no,no,no,telephone,may,tue,390,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,management,married,university.degree,unknown,no,no,telephone,may,tue,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,112,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,unknown,married,unknown,unknown,no,no,telephone,may,tue,79,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,technician,single,professional.course,no,no,yes,telephone,may,tue,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,unknown,married,unknown,unknown,no,no,telephone,may,tue,315,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,university.degree,no,no,yes,telephone,may,tue,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,university.degree,unknown,no,no,telephone,may,tue,174,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,424,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,36,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,married,professional.course,no,no,no,telephone,may,tue,1906,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,professional.course,no,yes,no,telephone,may,tue,219,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,married,university.degree,no,no,no,telephone,may,tue,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,single,high.school,no,unknown,unknown,telephone,may,tue,147,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,management,married,university.degree,no,no,no,telephone,may,tue,407,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,technician,married,professional.course,no,yes,no,telephone,may,tue,402,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,basic.9y,no,no,no,telephone,may,tue,209,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,married,professional.course,no,yes,no,telephone,may,tue,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,admin.,divorced,university.degree,unknown,yes,no,telephone,may,tue,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,tue,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,no,yes,yes,telephone,may,tue,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,284,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,unknown,no,no,telephone,may,tue,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,no,yes,no,telephone,may,tue,278,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,tue,389,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,tue,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,tue,78,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,258,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,married,high.school,no,no,no,telephone,may,tue,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,147,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,high.school,no,no,no,telephone,may,tue,635,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,single,basic.4y,no,no,no,telephone,may,tue,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,management,married,university.degree,no,yes,no,telephone,may,tue,170,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,university.degree,no,yes,no,telephone,may,tue,802,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,basic.6y,no,yes,no,telephone,may,tue,381,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,married,high.school,unknown,no,no,telephone,may,tue,218,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,professional.course,no,yes,no,telephone,may,tue,304,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,basic.9y,no,yes,no,telephone,may,tue,241,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,divorced,university.degree,no,yes,yes,telephone,may,tue,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,married,professional.course,no,no,no,telephone,may,tue,79,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,tue,262,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,unknown,no,no,telephone,may,tue,392,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,unknown,no,yes,yes,telephone,may,tue,201,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,married,professional.course,no,no,no,telephone,may,tue,252,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,single,basic.4y,no,no,no,telephone,may,tue,329,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,admin.,married,unknown,unknown,yes,no,telephone,may,tue,328,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,no,no,no,telephone,may,tue,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,university.degree,no,no,no,telephone,may,tue,116,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,single,university.degree,no,no,no,telephone,may,tue,246,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,basic.6y,no,no,no,telephone,may,tue,532,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,management,single,basic.4y,no,no,no,telephone,may,tue,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,management,married,university.degree,unknown,yes,no,telephone,may,tue,416,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,single,professional.course,no,yes,no,telephone,may,tue,37,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,university.degree,no,yes,yes,telephone,may,tue,132,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,tue,530,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,unknown,unknown,yes,no,telephone,may,tue,175,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,management,divorced,university.degree,no,yes,no,telephone,may,tue,90,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,housemaid,married,basic.4y,unknown,unknown,unknown,telephone,may,tue,524,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,married,high.school,no,yes,no,telephone,may,tue,29,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,311,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,married,high.school,unknown,yes,no,telephone,may,tue,412,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,single,professional.course,no,no,no,telephone,may,tue,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,management,single,university.degree,no,yes,no,telephone,may,tue,312,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,housemaid,divorced,university.degree,no,no,no,telephone,may,tue,392,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,high.school,no,no,no,telephone,may,tue,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,basic.9y,unknown,yes,no,telephone,may,tue,284,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,high.school,no,no,no,telephone,may,tue,328,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,housemaid,married,high.school,no,yes,no,telephone,may,tue,100,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,housemaid,married,high.school,no,no,no,telephone,may,tue,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,507,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,no,no,yes,telephone,may,tue,333,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,divorced,unknown,unknown,yes,yes,telephone,may,tue,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,high.school,no,no,no,telephone,may,tue,322,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,basic.4y,no,no,no,telephone,may,tue,202,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,management,married,university.degree,unknown,no,yes,telephone,may,tue,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,divorced,university.degree,unknown,yes,no,telephone,may,tue,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,self-employed,single,university.degree,no,no,no,telephone,may,tue,739,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,divorced,basic.4y,unknown,no,no,telephone,may,tue,273,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,single,unknown,no,yes,no,telephone,may,tue,339,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,no,no,yes,telephone,may,tue,262,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,unknown,unknown,telephone,may,tue,308,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,467,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,technician,married,basic.9y,no,no,yes,telephone,may,tue,245,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,divorced,university.degree,no,yes,no,telephone,may,tue,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,university.degree,no,no,no,telephone,may,tue,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,477,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,admin.,married,high.school,no,no,no,telephone,may,tue,65,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,management,married,university.degree,unknown,no,no,telephone,may,tue,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,services,single,high.school,unknown,yes,no,telephone,may,tue,196,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,high.school,no,yes,no,telephone,may,tue,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,high.school,no,no,yes,telephone,may,tue,197,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,married,high.school,no,yes,no,telephone,may,tue,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,married,professional.course,no,no,yes,telephone,may,tue,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,single,high.school,unknown,no,no,telephone,may,tue,64,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,management,married,university.degree,no,yes,no,telephone,may,tue,75,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,entrepreneur,married,professional.course,no,no,no,telephone,may,tue,400,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,divorced,university.degree,unknown,yes,no,telephone,may,tue,378,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,married,basic.4y,unknown,no,no,telephone,may,tue,118,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,housemaid,married,professional.course,unknown,yes,no,telephone,may,tue,1597,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +36,self-employed,married,university.degree,no,no,no,telephone,may,tue,346,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,management,married,professional.course,unknown,yes,no,telephone,may,tue,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,services,married,high.school,no,no,no,telephone,may,tue,60,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,276,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,housemaid,married,basic.4y,unknown,yes,no,telephone,may,tue,176,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,admin.,single,high.school,no,yes,no,telephone,may,tue,390,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,unknown,yes,no,telephone,may,tue,251,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,management,married,university.degree,no,yes,no,telephone,may,tue,716,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,divorced,university.degree,no,yes,no,telephone,may,tue,189,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,management,single,university.degree,no,no,no,telephone,may,tue,125,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,married,high.school,no,yes,no,telephone,may,tue,234,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,79,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,married,university.degree,unknown,yes,no,telephone,may,tue,13,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,services,married,high.school,unknown,no,no,telephone,may,tue,296,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,housemaid,married,basic.4y,no,no,no,telephone,may,tue,283,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,entrepreneur,married,basic.9y,no,no,no,telephone,may,tue,109,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,admin.,married,university.degree,unknown,no,no,telephone,may,tue,132,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,self-employed,married,basic.9y,no,yes,no,telephone,may,tue,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,housemaid,married,basic.6y,unknown,yes,no,telephone,may,tue,121,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,self-employed,divorced,basic.9y,no,yes,no,telephone,may,tue,95,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,self-employed,married,university.degree,no,no,no,telephone,may,tue,31,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,unemployed,single,basic.9y,no,yes,no,telephone,may,tue,112,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,yes,yes,telephone,may,tue,161,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,married,university.degree,no,no,no,telephone,may,tue,87,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,tue,593,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,high.school,unknown,yes,no,telephone,may,tue,99,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,divorced,university.degree,unknown,yes,no,telephone,may,tue,198,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,285,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,married,university.degree,unknown,no,no,telephone,may,tue,190,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,student,single,university.degree,unknown,no,no,telephone,may,tue,172,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,university.degree,no,no,no,telephone,may,tue,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,tue,174,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,basic.9y,no,no,no,telephone,may,tue,631,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,married,university.degree,no,no,no,telephone,may,tue,152,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,high.school,no,no,no,telephone,may,tue,176,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,services,married,basic.6y,no,no,no,telephone,may,tue,32,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,1529,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,university.degree,no,yes,no,telephone,may,tue,254,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,214,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,basic.4y,no,yes,no,telephone,may,tue,147,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,800,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,no,yes,no,telephone,may,tue,106,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,basic.9y,no,no,no,telephone,may,tue,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,high.school,no,no,no,telephone,may,tue,112,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,entrepreneur,married,university.degree,no,yes,no,telephone,may,tue,222,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,314,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,technician,single,professional.course,no,no,no,telephone,may,tue,421,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,single,unknown,unknown,yes,yes,telephone,may,tue,410,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,professional.course,unknown,no,no,telephone,may,tue,207,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,high.school,no,yes,yes,telephone,may,tue,239,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,self-employed,single,basic.4y,unknown,yes,no,telephone,may,tue,83,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,single,university.degree,unknown,no,no,telephone,may,tue,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,42,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.4y,no,no,no,telephone,may,tue,55,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,admin.,married,high.school,no,no,no,telephone,may,tue,157,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,unemployed,divorced,university.degree,no,no,no,telephone,may,tue,303,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,unknown,unknown,yes,no,telephone,may,tue,336,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,divorced,high.school,no,no,no,telephone,may,tue,233,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,housemaid,married,basic.4y,no,yes,yes,telephone,may,tue,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,management,married,basic.4y,unknown,yes,no,telephone,may,tue,88,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,single,professional.course,no,yes,yes,telephone,may,tue,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,no,no,yes,telephone,may,tue,329,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,divorced,basic.6y,unknown,yes,no,telephone,may,tue,305,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,unemployed,married,basic.4y,unknown,yes,yes,telephone,may,tue,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,tue,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,university.degree,no,no,no,telephone,may,tue,122,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,single,professional.course,no,yes,no,telephone,may,tue,343,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,divorced,basic.9y,no,no,yes,telephone,may,tue,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,249,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,blue-collar,married,professional.course,no,no,no,telephone,may,tue,59,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,university.degree,no,yes,no,telephone,may,tue,166,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,married,high.school,no,no,no,telephone,may,tue,190,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,216,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,university.degree,no,yes,no,telephone,may,wed,51,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,169,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,148,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,professional.course,unknown,yes,no,telephone,may,wed,132,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,117,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,unemployed,married,basic.4y,no,no,no,telephone,may,wed,275,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,wed,124,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,technician,married,university.degree,unknown,no,no,telephone,may,wed,118,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,married,professional.course,no,no,no,telephone,may,wed,479,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,married,university.degree,no,yes,no,telephone,may,wed,285,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,married,university.degree,no,no,no,telephone,may,wed,322,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,self-employed,married,university.degree,unknown,no,no,telephone,may,wed,202,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,married,unknown,unknown,unknown,unknown,telephone,may,wed,162,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,student,single,high.school,unknown,no,no,telephone,may,wed,216,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,wed,195,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,housemaid,divorced,unknown,no,yes,no,telephone,may,wed,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,management,married,unknown,unknown,yes,no,telephone,may,wed,149,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,professional.course,no,no,no,telephone,may,wed,720,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,housemaid,married,basic.9y,no,no,no,telephone,may,wed,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,188,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,single,unknown,unknown,no,yes,telephone,may,wed,70,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,wed,141,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,married,high.school,no,yes,no,telephone,may,wed,395,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,high.school,unknown,no,no,telephone,may,wed,629,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,basic.6y,no,yes,no,telephone,may,wed,261,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,high.school,unknown,yes,no,telephone,may,wed,502,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,divorced,professional.course,no,no,no,telephone,may,wed,446,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,married,basic.6y,no,unknown,unknown,telephone,may,wed,131,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,single,basic.6y,no,yes,no,telephone,may,wed,198,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,self-employed,married,university.degree,no,no,no,telephone,may,wed,312,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,275,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,admin.,married,basic.4y,unknown,no,yes,telephone,may,wed,120,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,technician,married,professional.course,no,yes,no,telephone,may,wed,333,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,113,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,single,basic.9y,unknown,unknown,unknown,telephone,may,wed,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,management,single,university.degree,unknown,yes,yes,telephone,may,wed,91,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,management,married,high.school,no,no,no,telephone,may,wed,296,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,entrepreneur,married,basic.9y,no,no,no,telephone,may,wed,128,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,unknown,single,basic.9y,unknown,no,no,telephone,may,wed,298,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,services,single,unknown,no,yes,no,telephone,may,wed,326,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,single,high.school,no,no,no,telephone,may,wed,292,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,divorced,unknown,no,yes,no,telephone,may,wed,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,wed,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,divorced,basic.6y,unknown,yes,yes,telephone,may,wed,32,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,blue-collar,single,basic.4y,unknown,yes,no,telephone,may,wed,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,divorced,high.school,no,no,no,telephone,may,wed,421,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,entrepreneur,single,professional.course,no,no,no,telephone,may,wed,268,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,divorced,university.degree,no,no,no,telephone,may,wed,232,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,wed,152,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,technician,married,basic.6y,no,no,no,telephone,may,wed,104,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,services,single,unknown,no,yes,no,telephone,may,wed,852,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,entrepreneur,married,university.degree,unknown,yes,no,telephone,may,wed,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,admin.,single,high.school,no,no,no,telephone,may,wed,416,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,single,university.degree,no,yes,yes,telephone,may,wed,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,self-employed,single,high.school,unknown,no,no,telephone,may,wed,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,high.school,no,no,no,telephone,may,wed,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,high.school,no,yes,no,telephone,may,wed,294,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,admin.,married,university.degree,no,no,no,telephone,may,wed,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,blue-collar,single,high.school,unknown,unknown,unknown,telephone,may,wed,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,divorced,basic.9y,no,no,no,telephone,may,wed,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,technician,single,unknown,unknown,yes,no,telephone,may,wed,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,housemaid,married,basic.4y,no,yes,no,telephone,may,wed,128,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,management,married,high.school,unknown,yes,no,telephone,may,wed,74,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,admin.,single,basic.9y,no,yes,no,telephone,may,wed,105,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,single,university.degree,no,no,no,telephone,may,wed,992,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +31,admin.,married,university.degree,unknown,no,no,telephone,may,wed,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,250,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,management,single,university.degree,no,yes,no,telephone,may,wed,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,management,divorced,high.school,no,no,yes,telephone,may,wed,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,technician,married,professional.course,no,yes,no,telephone,may,wed,133,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,technician,divorced,professional.course,no,no,no,telephone,may,wed,374,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,university.degree,no,yes,no,telephone,may,wed,425,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,wed,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,technician,married,university.degree,no,yes,no,telephone,may,wed,464,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,entrepreneur,married,basic.9y,no,yes,no,telephone,may,wed,439,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,married,high.school,no,no,no,telephone,may,wed,83,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,student,single,basic.9y,unknown,yes,yes,telephone,may,wed,732,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +53,technician,married,high.school,no,yes,no,telephone,may,wed,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,admin.,married,high.school,unknown,yes,no,telephone,may,wed,359,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,professional.course,no,yes,no,telephone,may,wed,274,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,single,university.degree,no,yes,no,telephone,may,wed,325,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,admin.,single,unknown,no,yes,no,telephone,may,wed,1521,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,married,professional.course,no,no,no,telephone,may,wed,216,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,entrepreneur,married,basic.9y,no,yes,yes,telephone,may,wed,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,admin.,single,university.degree,unknown,yes,no,telephone,may,wed,122,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,divorced,high.school,unknown,yes,no,telephone,may,wed,800,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,wed,615,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +24,services,single,high.school,no,no,no,telephone,may,wed,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,admin.,single,high.school,no,yes,no,telephone,may,wed,359,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,technician,married,professional.course,no,yes,no,telephone,may,wed,327,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,management,divorced,university.degree,no,yes,no,telephone,may,wed,236,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,227,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,services,married,basic.6y,no,yes,no,telephone,may,wed,492,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,298,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,housemaid,married,basic.4y,unknown,yes,no,telephone,may,wed,83,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,admin.,married,university.degree,no,no,no,telephone,may,wed,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,entrepreneur,married,university.degree,no,yes,no,telephone,may,wed,1138,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +47,blue-collar,married,professional.course,unknown,yes,no,telephone,may,wed,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,single,unknown,no,yes,no,telephone,may,wed,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,management,married,university.degree,no,yes,no,telephone,may,wed,295,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,287,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,married,professional.course,unknown,yes,no,telephone,may,wed,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,admin.,single,university.degree,no,yes,no,telephone,may,wed,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,unknown,no,yes,yes,telephone,may,wed,52,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,high.school,no,yes,no,telephone,may,wed,233,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,technician,married,professional.course,no,yes,no,telephone,may,wed,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,professional.course,no,yes,no,telephone,may,wed,255,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,single,unknown,unknown,no,no,telephone,may,wed,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,wed,591,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +40,blue-collar,married,high.school,no,yes,no,telephone,may,wed,294,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,high.school,no,yes,no,telephone,may,wed,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,entrepreneur,divorced,high.school,unknown,yes,no,telephone,may,wed,173,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,single,university.degree,no,no,no,telephone,may,wed,336,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.6y,no,yes,yes,telephone,may,wed,344,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,786,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +41,admin.,married,university.degree,no,yes,no,telephone,may,wed,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,unknown,single,basic.9y,unknown,yes,no,telephone,may,wed,99,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,services,married,high.school,unknown,yes,no,telephone,may,wed,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,single,high.school,no,yes,no,telephone,may,wed,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,164,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,single,university.degree,no,yes,no,telephone,may,wed,255,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,retired,married,basic.4y,unknown,yes,no,telephone,may,wed,47,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,divorced,unknown,no,yes,no,telephone,may,wed,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,unknown,married,high.school,unknown,no,no,telephone,may,wed,463,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,technician,married,professional.course,no,yes,no,telephone,may,wed,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,admin.,married,university.degree,no,no,no,telephone,may,wed,388,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,married,professional.course,no,no,no,telephone,may,wed,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,admin.,single,university.degree,no,no,no,telephone,may,wed,25,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,services,single,unknown,unknown,yes,no,telephone,may,wed,256,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,283,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,retired,single,high.school,no,yes,no,telephone,may,wed,448,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,single,professional.course,no,no,no,telephone,may,wed,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,married,high.school,no,yes,no,telephone,may,wed,378,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,67,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,management,married,basic.6y,no,no,no,telephone,may,wed,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,technician,married,professional.course,no,yes,no,telephone,may,wed,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,divorced,professional.course,no,yes,no,telephone,may,wed,296,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,technician,married,basic.4y,unknown,no,no,telephone,may,wed,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,401,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,management,divorced,university.degree,no,unknown,unknown,telephone,may,wed,435,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,technician,married,basic.4y,unknown,no,yes,telephone,may,wed,388,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,technician,single,professional.course,no,no,no,telephone,may,wed,245,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,divorced,basic.9y,unknown,no,no,telephone,may,wed,423,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,services,divorced,high.school,no,no,no,telephone,may,wed,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,married,unknown,unknown,no,yes,telephone,may,wed,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,divorced,basic.6y,unknown,yes,no,telephone,may,wed,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,227,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,married,professional.course,no,no,no,telephone,may,wed,69,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,high.school,no,no,no,telephone,may,wed,799,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,married,basic.9y,no,no,yes,telephone,may,wed,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,married,high.school,unknown,yes,no,telephone,may,wed,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,45,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,retired,married,basic.9y,no,yes,no,telephone,may,wed,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,68,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,services,single,high.school,no,yes,no,telephone,may,wed,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,retired,divorced,basic.4y,no,yes,no,telephone,may,wed,112,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,entrepreneur,married,basic.9y,unknown,no,no,telephone,may,wed,444,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,246,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,single,basic.6y,no,yes,no,telephone,may,wed,148,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,admin.,married,university.degree,no,yes,no,telephone,may,wed,223,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,single,university.degree,no,yes,no,telephone,may,wed,566,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,technician,married,high.school,no,yes,no,telephone,may,wed,274,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,49,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,services,married,high.school,unknown,yes,no,telephone,may,wed,376,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,retired,married,basic.4y,unknown,yes,no,telephone,may,wed,421,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,admin.,single,high.school,no,yes,no,telephone,may,wed,511,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,121,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,wed,157,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,101,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,management,married,high.school,unknown,yes,yes,telephone,may,wed,328,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,admin.,married,basic.9y,unknown,no,no,telephone,may,wed,19,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,management,divorced,university.degree,no,yes,no,telephone,may,wed,866,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,single,university.degree,unknown,yes,no,telephone,may,wed,229,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,married,professional.course,unknown,yes,no,telephone,may,wed,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,technician,single,university.degree,unknown,yes,no,telephone,may,wed,56,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,may,wed,199,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,services,divorced,high.school,unknown,no,no,telephone,may,wed,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,1581,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,services,divorced,high.school,unknown,no,no,telephone,may,wed,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,married,university.degree,unknown,no,no,telephone,may,wed,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,279,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,180,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,technician,married,high.school,no,yes,no,telephone,may,wed,530,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,single,basic.6y,no,yes,no,telephone,may,wed,129,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,services,divorced,high.school,no,yes,yes,telephone,may,wed,60,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,technician,divorced,unknown,no,yes,yes,telephone,may,wed,432,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,services,divorced,high.school,no,no,yes,telephone,may,wed,516,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,management,married,basic.9y,no,no,no,telephone,may,wed,617,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,housemaid,divorced,basic.9y,unknown,no,no,telephone,may,wed,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,technician,married,professional.course,no,no,no,telephone,may,wed,125,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,married,unknown,no,no,no,telephone,may,wed,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,396,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,294,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,171,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,services,married,high.school,no,no,no,telephone,may,wed,614,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,unknown,married,unknown,unknown,no,no,telephone,may,wed,118,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,professional.course,no,no,yes,telephone,may,wed,485,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,406,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,287,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,married,unknown,no,no,no,telephone,may,wed,216,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,married,university.degree,no,yes,no,telephone,may,wed,37,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,650,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,unemployed,divorced,professional.course,no,no,no,telephone,may,wed,590,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,wed,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,management,single,unknown,no,yes,no,telephone,may,wed,371,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,self-employed,married,basic.9y,no,yes,no,telephone,may,wed,48,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,72,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,admin.,single,basic.6y,no,unknown,unknown,telephone,may,wed,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,196,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,entrepreneur,divorced,university.degree,no,no,no,telephone,may,wed,96,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,high.school,no,no,no,telephone,may,wed,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,entrepreneur,married,basic.4y,no,yes,no,telephone,may,wed,474,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,university.degree,no,no,no,telephone,may,wed,559,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,blue-collar,married,basic.4y,no,yes,yes,telephone,may,wed,1101,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,entrepreneur,single,university.degree,no,unknown,unknown,telephone,may,wed,229,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,management,divorced,university.degree,no,no,no,telephone,may,wed,236,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,164,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,divorced,university.degree,unknown,no,no,telephone,may,wed,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,unemployed,married,professional.course,unknown,no,no,telephone,may,wed,912,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,married,university.degree,no,no,no,telephone,may,wed,209,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,housemaid,divorced,basic.4y,no,no,no,telephone,may,wed,485,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,married,high.school,unknown,yes,no,telephone,may,wed,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,single,high.school,no,unknown,unknown,telephone,may,wed,239,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,311,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,technician,single,basic.6y,unknown,no,no,telephone,may,wed,362,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,basic.9y,no,no,no,telephone,may,wed,274,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,entrepreneur,married,basic.6y,no,yes,no,telephone,may,wed,163,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,services,single,high.school,no,yes,yes,telephone,may,wed,345,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,housemaid,married,basic.6y,no,yes,no,telephone,may,wed,329,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,technician,married,basic.9y,no,yes,no,telephone,may,wed,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,unknown,no,no,no,telephone,may,wed,143,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,entrepreneur,married,basic.4y,no,no,no,telephone,may,wed,214,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,married,high.school,no,no,no,telephone,may,wed,1062,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,divorced,unknown,no,no,no,telephone,may,wed,258,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,253,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,admin.,married,university.degree,no,unknown,unknown,telephone,may,wed,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,self-employed,single,high.school,unknown,no,no,telephone,may,wed,688,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,103,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,married,high.school,unknown,yes,no,telephone,may,wed,349,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,unemployed,married,basic.4y,no,yes,no,telephone,may,wed,170,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,services,married,high.school,no,yes,no,telephone,may,wed,78,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,management,married,university.degree,no,no,no,telephone,may,wed,194,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,single,university.degree,no,no,no,telephone,may,wed,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,technician,married,high.school,no,no,no,telephone,may,wed,224,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,entrepreneur,married,university.degree,no,no,no,telephone,may,wed,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,252,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,607,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,basic.4y,unknown,no,no,telephone,may,wed,331,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,basic.4y,unknown,yes,no,telephone,may,wed,398,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,single,high.school,no,no,no,telephone,may,wed,103,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,basic.4y,unknown,no,no,telephone,may,wed,803,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,technician,married,professional.course,unknown,no,no,telephone,may,wed,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,professional.course,no,no,no,telephone,may,wed,96,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,management,married,high.school,no,no,no,telephone,may,wed,238,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,self-employed,married,basic.4y,unknown,unknown,unknown,telephone,may,wed,153,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,technician,married,professional.course,unknown,yes,no,telephone,may,wed,481,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,119,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,services,divorced,high.school,no,yes,no,telephone,may,wed,245,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,admin.,married,high.school,no,no,yes,telephone,may,wed,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,technician,married,high.school,no,yes,no,telephone,may,wed,418,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,421,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,high.school,no,no,yes,telephone,may,wed,198,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,married,high.school,no,yes,no,telephone,may,wed,175,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,wed,374,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,management,married,university.degree,no,no,no,telephone,may,wed,51,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,professional.course,unknown,yes,no,telephone,may,wed,263,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,professional.course,unknown,no,no,telephone,may,wed,257,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,technician,single,professional.course,no,yes,no,telephone,may,wed,229,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,housemaid,married,basic.4y,no,yes,no,telephone,may,wed,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,single,high.school,unknown,no,yes,telephone,may,wed,278,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,professional.course,no,no,no,telephone,may,wed,306,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,retired,divorced,high.school,no,no,no,telephone,may,wed,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,divorced,high.school,no,yes,no,telephone,may,wed,24,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,single,university.degree,unknown,no,no,telephone,may,wed,79,8,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,services,married,high.school,unknown,no,no,telephone,may,wed,169,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,332,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,263,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,management,married,university.degree,no,yes,no,telephone,may,wed,353,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,108,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,retired,married,basic.4y,unknown,unknown,unknown,telephone,may,wed,441,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,single,professional.course,no,unknown,unknown,telephone,may,wed,46,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,services,married,basic.6y,unknown,no,no,telephone,may,wed,266,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,housemaid,divorced,professional.course,no,yes,no,telephone,may,wed,222,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,1009,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,services,married,high.school,no,no,no,telephone,may,wed,105,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,basic.4y,unknown,yes,no,telephone,may,wed,381,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,married,high.school,no,no,no,telephone,may,wed,228,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,wed,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,management,married,university.degree,no,no,no,telephone,may,wed,550,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,management,married,professional.course,no,no,no,telephone,may,wed,764,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,113,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,management,divorced,basic.4y,unknown,no,no,telephone,may,wed,396,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,wed,42,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,self-employed,married,university.degree,no,yes,no,telephone,may,wed,234,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,technician,married,professional.course,no,unknown,unknown,telephone,may,wed,50,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,housemaid,married,basic.4y,no,no,no,telephone,may,wed,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,unknown,no,yes,no,telephone,may,wed,274,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,191,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,basic.6y,no,yes,yes,telephone,may,wed,305,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,retired,married,basic.4y,no,no,no,telephone,may,wed,134,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,112,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,admin.,single,university.degree,no,yes,no,telephone,may,wed,217,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,management,divorced,university.degree,no,no,no,telephone,may,wed,283,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,353,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,wed,212,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,married,university.degree,no,no,no,telephone,may,wed,225,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +60,services,married,unknown,no,no,no,telephone,may,wed,283,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,admin.,single,university.degree,no,yes,no,telephone,may,wed,1273,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,entrepreneur,married,basic.4y,unknown,no,no,telephone,may,wed,1574,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +26,technician,single,basic.9y,no,yes,no,telephone,may,wed,139,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,62,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,single,high.school,unknown,no,yes,telephone,may,wed,256,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,admin.,single,high.school,no,yes,no,telephone,may,wed,245,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,admin.,divorced,high.school,no,yes,no,telephone,may,wed,161,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,single,high.school,no,yes,no,telephone,may,wed,245,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,management,married,basic.6y,no,yes,yes,telephone,may,wed,89,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,retired,married,basic.4y,unknown,yes,no,telephone,may,wed,591,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,technician,married,professional.course,no,yes,no,telephone,may,wed,113,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,retired,divorced,basic.4y,no,yes,no,telephone,may,wed,517,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,admin.,married,basic.6y,unknown,no,no,telephone,may,wed,193,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,231,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,technician,divorced,professional.course,unknown,no,no,telephone,may,wed,348,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,admin.,married,university.degree,no,no,no,telephone,may,wed,299,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,married,university.degree,unknown,yes,no,telephone,may,wed,103,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,technician,married,professional.course,no,yes,no,telephone,may,wed,253,8,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,73,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,technician,married,professional.course,no,yes,no,telephone,may,wed,164,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,244,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,services,married,high.school,no,no,no,telephone,may,wed,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,married,professional.course,no,yes,no,telephone,may,wed,157,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,548,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,services,divorced,basic.6y,unknown,no,yes,telephone,may,wed,114,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,entrepreneur,married,high.school,no,yes,no,telephone,may,wed,126,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,unknown,unknown,yes,yes,telephone,may,wed,161,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +60,services,married,unknown,no,yes,no,telephone,may,wed,333,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,management,married,university.degree,no,yes,no,telephone,may,wed,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,152,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,management,married,university.degree,no,yes,yes,telephone,may,wed,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,66,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,technician,married,professional.course,no,no,no,telephone,may,wed,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,single,university.degree,no,unknown,unknown,telephone,may,wed,74,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,248,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,275,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,management,married,university.degree,no,no,no,telephone,may,wed,984,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,admin.,divorced,university.degree,no,no,no,telephone,may,wed,1689,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +58,self-employed,married,professional.course,no,yes,no,telephone,may,wed,84,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,services,married,high.school,no,yes,yes,telephone,may,wed,27,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,entrepreneur,married,university.degree,no,no,no,telephone,may,wed,130,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,489,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,married,university.degree,no,no,no,telephone,may,wed,41,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,159,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,single,unknown,no,yes,no,telephone,may,wed,276,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,196,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,retired,married,basic.4y,unknown,no,no,telephone,may,wed,81,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,technician,married,professional.course,unknown,unknown,unknown,telephone,may,wed,865,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,management,married,high.school,unknown,no,no,telephone,may,wed,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,management,married,university.degree,no,yes,no,telephone,may,wed,281,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,wed,122,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,married,university.degree,unknown,no,no,telephone,may,wed,361,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,944,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,management,married,university.degree,no,yes,no,telephone,may,wed,319,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,unknown,married,high.school,unknown,no,no,telephone,may,wed,35,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,143,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,22,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,90,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,505,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,services,single,high.school,no,yes,no,telephone,may,wed,17,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,404,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,married,high.school,no,yes,no,telephone,may,wed,238,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,retired,married,basic.9y,no,yes,yes,telephone,may,wed,71,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,basic.4y,unknown,no,no,telephone,may,wed,309,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,408,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,entrepreneur,married,basic.9y,no,no,no,telephone,may,wed,157,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,technician,married,professional.course,no,yes,no,telephone,may,wed,280,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,374,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,365,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,admin.,divorced,high.school,no,yes,no,telephone,may,thu,177,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,technician,married,professional.course,no,yes,no,telephone,may,thu,238,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,31,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +59,retired,married,university.degree,no,no,no,telephone,may,thu,425,6,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,77,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,admin.,married,high.school,no,yes,yes,telephone,may,thu,223,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,thu,239,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,married,professional.course,no,no,no,telephone,may,thu,116,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,admin.,single,high.school,no,no,no,telephone,may,thu,308,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,services,single,high.school,no,no,no,telephone,may,thu,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +58,admin.,married,university.degree,no,no,yes,telephone,may,thu,162,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,self-employed,married,high.school,no,yes,no,telephone,may,thu,175,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,services,married,professional.course,unknown,no,no,telephone,may,thu,125,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,single,unknown,no,no,no,telephone,may,thu,211,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,retired,married,basic.9y,unknown,yes,no,telephone,may,thu,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,admin.,married,high.school,no,yes,no,telephone,may,thu,67,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,admin.,married,high.school,no,no,no,telephone,may,thu,196,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,single,university.degree,no,no,no,telephone,may,thu,342,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,unknown,married,basic.4y,no,no,no,telephone,may,thu,156,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,services,married,professional.course,no,yes,no,telephone,may,thu,813,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +53,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,housemaid,married,basic.6y,no,no,no,telephone,may,thu,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,blue-collar,married,professional.course,no,yes,no,telephone,may,thu,194,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,admin.,single,high.school,no,yes,no,telephone,may,thu,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,admin.,single,high.school,no,no,yes,telephone,may,thu,110,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,blue-collar,married,high.school,unknown,no,yes,telephone,may,thu,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,admin.,married,high.school,no,no,no,telephone,may,thu,94,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,thu,31,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.9y,no,no,yes,telephone,may,thu,220,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,housemaid,divorced,basic.4y,unknown,no,no,telephone,may,thu,489,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,services,divorced,basic.6y,no,no,no,telephone,may,thu,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,unemployed,married,basic.9y,unknown,no,no,telephone,may,thu,314,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,technician,married,professional.course,unknown,no,no,telephone,may,thu,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,married,basic.6y,unknown,no,no,telephone,may,thu,328,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,unknown,married,basic.6y,no,no,no,telephone,may,thu,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,technician,married,professional.course,no,no,yes,telephone,may,thu,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,technician,married,high.school,no,yes,yes,telephone,may,thu,177,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,thu,528,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,married,high.school,no,yes,no,telephone,may,thu,183,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,self-employed,single,university.degree,no,no,no,telephone,may,thu,238,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,blue-collar,married,basic.6y,no,no,yes,telephone,may,thu,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,married,high.school,no,no,no,telephone,may,thu,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,single,basic.9y,no,yes,no,telephone,may,thu,541,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +49,housemaid,married,basic.4y,unknown,no,no,telephone,may,thu,41,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,blue-collar,married,basic.6y,no,yes,yes,telephone,may,thu,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,admin.,single,university.degree,unknown,yes,no,telephone,may,thu,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,262,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,services,married,unknown,no,yes,no,telephone,may,thu,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,admin.,single,university.degree,unknown,yes,yes,telephone,may,thu,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,604,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,technician,divorced,unknown,no,yes,no,telephone,may,thu,86,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,technician,married,professional.course,no,no,no,telephone,may,thu,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,380,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,11,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,management,married,university.degree,unknown,no,no,telephone,may,thu,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,405,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,unknown,married,basic.9y,no,yes,yes,telephone,may,thu,20,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,unknown,married,basic.9y,no,yes,no,telephone,may,thu,235,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,management,single,university.degree,no,no,no,telephone,may,thu,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,admin.,married,university.degree,unknown,no,no,telephone,may,thu,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,255,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,admin.,single,professional.course,no,no,no,telephone,may,thu,462,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,services,married,high.school,unknown,no,no,telephone,may,thu,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,unemployed,married,basic.4y,no,yes,yes,telephone,may,thu,56,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,blue-collar,married,professional.course,no,yes,yes,telephone,may,thu,418,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,management,married,university.degree,no,yes,yes,telephone,may,thu,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +59,retired,married,unknown,no,yes,no,telephone,may,thu,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,unemployed,married,high.school,no,yes,no,telephone,may,thu,39,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,services,married,high.school,unknown,yes,no,telephone,may,thu,231,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,technician,married,university.degree,unknown,no,no,telephone,may,thu,66,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,entrepreneur,single,university.degree,no,yes,no,telephone,may,thu,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,housemaid,married,high.school,unknown,no,no,telephone,may,thu,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,housemaid,married,high.school,unknown,no,no,telephone,may,thu,200,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,entrepreneur,married,basic.9y,no,yes,no,telephone,may,thu,187,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,unemployed,single,university.degree,no,no,no,telephone,may,thu,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,323,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,thu,194,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,unknown,single,basic.4y,unknown,no,no,telephone,may,thu,82,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,blue-collar,divorced,basic.4y,no,no,no,telephone,may,thu,521,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,technician,married,professional.course,no,no,no,telephone,may,thu,269,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,blue-collar,married,basic.6y,unknown,no,yes,telephone,may,thu,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,blue-collar,married,professional.course,no,no,no,telephone,may,thu,1119,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +55,admin.,married,high.school,no,no,no,telephone,may,thu,294,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,admin.,married,basic.4y,unknown,no,yes,telephone,may,thu,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,student,single,high.school,unknown,no,no,telephone,may,thu,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,thu,12,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,services,married,basic.9y,no,no,no,telephone,may,thu,187,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,married,high.school,no,no,no,telephone,may,thu,268,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,technician,married,basic.9y,no,no,no,telephone,may,thu,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,admin.,married,high.school,unknown,no,yes,telephone,may,thu,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,60,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,married,university.degree,no,no,yes,telephone,may,thu,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,technician,single,high.school,no,no,no,telephone,may,thu,216,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,technician,married,professional.course,no,no,no,telephone,may,thu,103,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,student,single,university.degree,no,no,no,telephone,may,thu,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,student,single,university.degree,no,yes,no,telephone,may,thu,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,admin.,divorced,professional.course,no,yes,no,telephone,may,thu,339,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,services,single,high.school,no,yes,yes,telephone,may,thu,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,technician,married,university.degree,no,no,yes,telephone,may,thu,141,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,thu,255,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,technician,single,university.degree,no,yes,no,telephone,may,thu,1120,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +35,admin.,married,university.degree,no,yes,yes,telephone,may,thu,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,single,high.school,unknown,yes,no,telephone,may,thu,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,technician,married,professional.course,unknown,yes,no,telephone,may,thu,306,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,housemaid,married,basic.4y,no,no,no,telephone,may,thu,249,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,admin.,married,high.school,no,yes,yes,telephone,may,thu,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,thu,81,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,admin.,divorced,university.degree,no,no,no,telephone,may,thu,33,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,393,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,thu,784,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,technician,married,professional.course,no,yes,yes,telephone,may,thu,87,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,unknown,married,basic.9y,no,no,no,telephone,may,thu,108,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,retired,married,university.degree,unknown,no,no,telephone,may,thu,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +57,retired,married,high.school,unknown,yes,no,telephone,may,thu,278,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,entrepreneur,married,basic.6y,no,yes,no,telephone,may,thu,196,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,services,married,high.school,no,yes,no,telephone,may,thu,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,student,single,high.school,no,yes,no,telephone,may,thu,287,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,entrepreneur,married,basic.6y,no,no,no,telephone,may,thu,229,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,technician,divorced,high.school,no,no,no,telephone,may,thu,21,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,services,divorced,high.school,no,yes,no,telephone,may,thu,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,married,basic.6y,no,no,no,telephone,may,thu,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,665,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,admin.,single,university.degree,no,no,no,telephone,may,thu,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,housemaid,married,basic.9y,no,yes,no,telephone,may,thu,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,74,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,services,married,basic.9y,no,yes,yes,telephone,may,thu,60,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,services,single,high.school,no,yes,no,telephone,may,thu,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,entrepreneur,married,basic.4y,no,yes,no,telephone,may,thu,82,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,services,single,unknown,no,yes,no,telephone,may,thu,475,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,thu,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,unemployed,married,professional.course,no,no,no,telephone,may,thu,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,unemployed,married,professional.course,no,no,yes,telephone,may,thu,110,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,services,married,basic.6y,no,yes,no,telephone,may,thu,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,services,married,professional.course,unknown,yes,no,telephone,may,thu,156,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,admin.,single,high.school,no,no,no,telephone,may,thu,63,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,362,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,admin.,married,university.degree,unknown,yes,no,telephone,may,thu,712,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,338,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,married,university.degree,no,yes,no,telephone,may,thu,102,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,unemployed,married,high.school,no,no,yes,telephone,may,thu,446,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,admin.,divorced,university.degree,unknown,no,no,telephone,may,thu,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,divorced,professional.course,no,yes,no,telephone,may,thu,176,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,management,married,university.degree,no,no,no,telephone,may,thu,1007,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,unknown,unknown,yes,no,telephone,may,thu,266,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,services,married,high.school,no,no,no,telephone,may,thu,175,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,thu,237,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,technician,single,university.degree,no,no,no,telephone,may,thu,500,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,services,divorced,basic.6y,no,no,no,telephone,may,thu,186,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,married,high.school,unknown,no,no,telephone,may,thu,96,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,admin.,married,university.degree,no,yes,no,telephone,may,thu,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,364,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,entrepreneur,married,university.degree,no,yes,yes,telephone,may,thu,477,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,admin.,married,university.degree,no,no,no,telephone,may,thu,319,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,single,high.school,no,yes,no,telephone,may,thu,789,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,admin.,married,university.degree,no,no,no,telephone,may,thu,513,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +37,blue-collar,married,basic.4y,no,no,yes,telephone,may,thu,280,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,170,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,blue-collar,divorced,basic.6y,unknown,yes,no,telephone,may,thu,365,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,technician,married,professional.course,no,no,no,telephone,may,thu,63,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,technician,married,university.degree,no,yes,no,telephone,may,thu,159,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,entrepreneur,married,university.degree,no,no,no,telephone,may,thu,177,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,108,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,194,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,services,divorced,high.school,no,no,no,telephone,may,thu,366,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,admin.,divorced,university.degree,no,yes,no,telephone,may,thu,213,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +59,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,141,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,unemployed,married,university.degree,no,yes,no,telephone,may,thu,168,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,468,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,professional.course,no,no,no,telephone,may,thu,195,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,352,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,professional.course,no,yes,yes,telephone,may,thu,91,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,admin.,divorced,university.degree,no,yes,no,telephone,may,thu,93,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,single,basic.6y,unknown,yes,no,telephone,may,thu,288,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,management,single,basic.6y,no,no,no,telephone,may,thu,218,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,blue-collar,married,basic.9y,no,yes,yes,telephone,may,thu,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,thu,130,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,admin.,divorced,high.school,no,yes,no,telephone,may,thu,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,entrepreneur,married,basic.4y,no,yes,no,telephone,may,thu,442,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,101,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,entrepreneur,married,university.degree,no,no,no,telephone,may,thu,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,technician,married,high.school,no,yes,no,telephone,may,thu,756,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,342,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,unemployed,married,professional.course,no,no,no,telephone,may,thu,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,entrepreneur,married,basic.4y,unknown,no,yes,telephone,may,thu,108,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,married,university.degree,no,no,no,telephone,may,thu,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +20,entrepreneur,single,high.school,no,no,no,telephone,may,thu,238,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,management,single,unknown,no,yes,no,telephone,may,thu,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,housemaid,married,basic.4y,no,yes,no,telephone,may,thu,14,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,blue-collar,married,high.school,no,no,no,telephone,may,thu,250,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,admin.,married,basic.9y,unknown,yes,no,telephone,may,thu,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,269,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,491,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,44,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,thu,26,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,technician,single,professional.course,no,no,no,telephone,may,thu,22,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,management,married,university.degree,unknown,yes,no,telephone,may,thu,293,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,single,basic.6y,no,no,no,telephone,may,thu,989,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,147,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,blue-collar,married,basic.9y,no,no,yes,telephone,may,thu,1170,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,management,married,university.degree,no,yes,yes,telephone,may,thu,807,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,thu,347,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,technician,single,basic.6y,unknown,yes,no,telephone,may,thu,58,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,534,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,single,high.school,no,unknown,unknown,telephone,may,thu,155,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,services,single,basic.9y,no,no,no,telephone,may,thu,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,343,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,admin.,married,high.school,no,yes,no,telephone,may,thu,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,unknown,married,basic.9y,no,no,no,telephone,may,thu,461,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,admin.,married,high.school,no,yes,no,telephone,may,thu,389,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,thu,90,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,admin.,married,high.school,unknown,no,no,telephone,may,thu,314,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,single,basic.4y,unknown,no,no,telephone,may,thu,28,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,single,basic.9y,unknown,no,no,telephone,may,thu,30,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,admin.,married,high.school,no,yes,no,telephone,may,thu,103,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,technician,married,professional.course,no,no,yes,telephone,may,thu,32,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,services,married,high.school,unknown,no,yes,telephone,may,thu,252,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,20,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,technician,married,professional.course,no,no,no,telephone,may,thu,369,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,services,single,high.school,unknown,no,no,telephone,may,thu,302,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,31,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,married,university.degree,unknown,no,yes,telephone,may,thu,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,admin.,single,high.school,no,no,no,telephone,may,thu,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,self-employed,single,basic.6y,no,no,no,telephone,may,thu,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,married,high.school,unknown,no,no,telephone,may,thu,234,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,unemployed,married,basic.4y,no,no,no,telephone,may,thu,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,services,married,basic.6y,no,no,no,telephone,may,thu,2087,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +35,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,admin.,married,university.degree,no,no,no,telephone,may,thu,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,245,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,technician,divorced,professional.course,no,yes,no,telephone,may,thu,223,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,admin.,married,university.degree,no,no,no,telephone,may,thu,42,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +59,technician,married,professional.course,unknown,no,no,telephone,may,thu,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,blue-collar,single,high.school,unknown,unknown,unknown,telephone,may,thu,242,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,services,single,high.school,no,no,no,telephone,may,thu,66,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,173,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,management,single,university.degree,no,no,no,telephone,may,thu,477,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,self-employed,single,university.degree,no,no,no,telephone,may,thu,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,219,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,entrepreneur,married,basic.6y,no,yes,yes,telephone,may,thu,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,admin.,single,basic.9y,no,yes,yes,telephone,may,thu,376,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,technician,divorced,professional.course,no,yes,yes,telephone,may,thu,453,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,housemaid,divorced,university.degree,no,no,no,telephone,may,thu,767,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,housemaid,married,basic.9y,no,yes,no,telephone,may,thu,200,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,retired,married,basic.6y,unknown,no,yes,telephone,may,thu,298,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,unemployed,married,basic.9y,no,yes,no,telephone,may,thu,305,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,admin.,married,high.school,no,no,yes,telephone,may,thu,627,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,self-employed,divorced,professional.course,no,no,no,telephone,may,thu,242,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,thu,287,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,blue-collar,single,basic.9y,unknown,yes,yes,telephone,may,thu,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,blue-collar,divorced,basic.9y,no,no,no,telephone,may,thu,119,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,403,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,self-employed,married,professional.course,no,no,no,telephone,may,thu,626,6,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,blue-collar,married,high.school,no,no,no,telephone,may,thu,12,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,divorced,basic.6y,no,no,no,telephone,may,thu,266,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,unemployed,divorced,basic.4y,no,unknown,unknown,telephone,may,thu,23,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,thu,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,admin.,married,university.degree,no,no,no,telephone,may,thu,10,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,301,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,services,single,basic.4y,no,no,yes,telephone,may,thu,240,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,admin.,divorced,basic.9y,no,yes,no,telephone,may,thu,312,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,thu,224,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,services,single,professional.course,no,no,no,telephone,may,thu,202,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,services,divorced,high.school,no,no,no,telephone,may,thu,144,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,263,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,543,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,technician,married,university.degree,unknown,no,no,telephone,may,thu,257,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,technician,married,professional.course,no,yes,no,telephone,may,thu,237,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,retired,married,high.school,unknown,yes,no,telephone,may,thu,23,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,management,married,university.degree,no,yes,no,telephone,may,thu,209,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,1178,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +35,services,married,basic.9y,no,yes,yes,telephone,may,thu,442,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,entrepreneur,divorced,high.school,no,yes,no,telephone,may,thu,1120,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +46,entrepreneur,married,basic.4y,no,no,no,telephone,may,thu,186,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,thu,318,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,admin.,married,basic.9y,unknown,yes,no,telephone,may,thu,617,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,self-employed,single,university.degree,no,yes,no,telephone,may,thu,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,technician,married,professional.course,no,yes,no,telephone,may,thu,275,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,management,single,university.degree,no,no,no,telephone,may,thu,81,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,thu,74,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,married,basic.9y,no,no,yes,telephone,may,thu,261,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,admin.,married,high.school,no,yes,yes,telephone,may,thu,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,thu,422,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,basic.6y,unknown,no,yes,telephone,may,thu,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,services,married,high.school,unknown,yes,no,telephone,may,thu,102,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,blue-collar,single,basic.9y,no,no,no,telephone,may,thu,78,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,divorced,high.school,no,no,yes,telephone,may,thu,15,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,student,married,university.degree,no,no,yes,telephone,may,thu,352,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,management,married,university.degree,no,yes,no,telephone,may,thu,345,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,admin.,divorced,university.degree,no,yes,no,telephone,may,thu,230,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,self-employed,single,university.degree,no,no,no,telephone,may,thu,296,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +57,services,divorced,high.school,unknown,no,yes,telephone,may,thu,185,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,entrepreneur,married,high.school,no,yes,no,telephone,may,thu,181,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,blue-collar,single,high.school,unknown,yes,no,telephone,may,thu,133,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,admin.,single,university.degree,no,no,no,telephone,may,thu,335,9,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,technician,single,university.degree,no,yes,no,telephone,may,thu,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,services,divorced,high.school,no,yes,no,telephone,may,thu,956,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,married,basic.9y,no,yes,yes,telephone,may,thu,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,services,married,basic.9y,no,no,no,telephone,may,thu,95,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,entrepreneur,married,basic.4y,no,no,no,telephone,may,thu,71,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,self-employed,single,university.degree,no,no,no,telephone,may,thu,459,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +57,blue-collar,divorced,professional.course,no,no,no,telephone,may,thu,100,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,technician,divorced,unknown,no,no,yes,telephone,may,thu,233,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,entrepreneur,married,basic.9y,no,yes,no,telephone,may,thu,255,6,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,technician,divorced,basic.9y,no,yes,no,telephone,may,thu,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,technician,married,professional.course,unknown,yes,no,telephone,may,thu,56,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,management,married,university.degree,no,yes,no,telephone,may,thu,4,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +57,services,married,basic.6y,no,no,no,telephone,may,thu,43,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,admin.,single,basic.6y,no,yes,no,telephone,may,thu,210,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,21,9,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,services,divorced,high.school,no,yes,no,telephone,may,thu,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,services,divorced,high.school,no,no,no,telephone,may,thu,219,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,self-employed,single,university.degree,unknown,yes,no,telephone,may,thu,169,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,thu,248,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,retired,divorced,high.school,no,yes,no,telephone,may,thu,223,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,92,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,professional.course,no,yes,no,telephone,may,thu,112,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,thu,205,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,unknown,high.school,no,yes,yes,telephone,may,thu,155,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,technician,married,professional.course,no,yes,yes,telephone,may,thu,105,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,technician,married,professional.course,no,no,no,telephone,may,thu,112,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,383,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,193,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,services,married,high.school,no,no,yes,telephone,may,thu,207,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,132,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,married,high.school,no,yes,yes,telephone,may,thu,10,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,services,divorced,high.school,no,yes,no,telephone,may,thu,985,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +58,services,married,basic.4y,no,no,no,telephone,may,thu,249,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,blue-collar,single,basic.9y,unknown,no,no,telephone,may,thu,122,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,300,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,married,high.school,no,yes,no,telephone,may,thu,672,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,technician,married,professional.course,no,no,no,telephone,may,thu,390,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,116,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,married,high.school,no,yes,yes,telephone,may,thu,21,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,admin.,married,basic.9y,unknown,no,no,telephone,may,thu,192,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,married,professional.course,unknown,yes,no,telephone,may,thu,8,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,services,married,basic.9y,unknown,no,no,telephone,may,thu,13,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,thu,369,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,thu,393,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,246,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,technician,married,university.degree,no,yes,no,telephone,may,thu,330,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,admin.,married,university.degree,unknown,yes,yes,telephone,may,thu,91,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,thu,84,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,management,married,university.degree,unknown,no,no,telephone,may,thu,277,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,thu,399,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,admin.,married,high.school,unknown,yes,no,telephone,may,thu,89,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,services,married,basic.9y,no,yes,no,telephone,may,thu,297,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,technician,married,professional.course,no,yes,no,telephone,may,thu,111,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,technician,single,professional.course,no,yes,no,telephone,may,thu,170,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,admin.,single,university.degree,no,no,no,telephone,may,thu,141,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,blue-collar,single,high.school,no,yes,yes,telephone,may,thu,886,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,self-employed,married,university.degree,no,no,yes,telephone,may,thu,49,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,single,basic.6y,unknown,no,no,telephone,may,thu,89,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,management,divorced,university.degree,unknown,yes,yes,telephone,may,thu,341,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,admin.,married,university.degree,no,yes,no,telephone,may,thu,461,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,admin.,single,university.degree,no,no,yes,telephone,may,thu,515,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,technician,married,university.degree,no,yes,no,telephone,may,thu,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,admin.,married,high.school,no,no,no,telephone,may,thu,179,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,services,married,high.school,no,no,yes,telephone,may,thu,102,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,unemployed,married,university.degree,no,yes,yes,telephone,may,thu,272,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,services,married,high.school,no,yes,no,telephone,may,thu,17,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,divorced,professional.course,no,no,yes,telephone,may,thu,291,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,services,divorced,high.school,no,yes,no,telephone,may,thu,209,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,thu,1187,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,blue-collar,married,high.school,no,yes,no,telephone,may,thu,89,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,admin.,married,university.degree,no,yes,yes,telephone,may,thu,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,200,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,management,married,high.school,no,no,no,telephone,may,thu,104,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,admin.,married,university.degree,no,yes,no,telephone,may,thu,117,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,services,single,high.school,no,no,no,telephone,may,thu,37,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,entrepreneur,married,university.degree,no,yes,no,telephone,may,thu,51,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,management,married,university.degree,no,no,no,telephone,may,thu,627,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,466,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,admin.,divorced,university.degree,no,no,no,telephone,may,thu,101,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,entrepreneur,married,university.degree,no,yes,no,telephone,may,thu,303,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,entrepreneur,married,basic.9y,no,yes,no,telephone,may,thu,283,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,self-employed,married,university.degree,unknown,no,no,telephone,may,thu,826,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +20,entrepreneur,single,high.school,no,no,no,telephone,may,thu,598,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,married,professional.course,unknown,yes,no,telephone,may,thu,120,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,185,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,technician,married,professional.course,no,yes,no,telephone,may,thu,220,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,entrepreneur,married,university.degree,no,yes,no,telephone,may,thu,423,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,technician,single,professional.course,no,yes,yes,telephone,may,thu,337,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,single,professional.course,no,no,no,telephone,may,thu,99,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,blue-collar,single,basic.6y,no,no,no,telephone,may,thu,27,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,single,basic.6y,unknown,no,no,telephone,may,thu,201,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,married,university.degree,no,no,no,telephone,may,thu,166,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,single,professional.course,no,no,no,telephone,may,thu,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,management,divorced,basic.6y,unknown,yes,no,telephone,may,thu,271,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,admin.,married,high.school,no,yes,no,telephone,may,thu,103,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,thu,379,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,technician,divorced,professional.course,no,yes,no,telephone,may,thu,287,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,single,basic.9y,no,no,no,telephone,may,thu,732,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,126,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,admin.,single,university.degree,no,no,no,telephone,may,thu,172,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,technician,single,high.school,no,yes,no,telephone,may,thu,43,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,retired,single,high.school,no,no,no,telephone,may,thu,109,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,admin.,married,high.school,no,yes,no,telephone,may,thu,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,management,married,university.degree,no,yes,no,telephone,may,thu,117,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,housemaid,married,university.degree,no,yes,no,telephone,may,thu,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,admin.,married,high.school,no,yes,no,telephone,may,thu,260,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,technician,married,basic.9y,no,no,no,telephone,may,thu,207,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,admin.,single,university.degree,no,yes,no,telephone,may,thu,128,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,admin.,married,high.school,no,no,no,telephone,may,fri,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,admin.,married,high.school,no,yes,no,telephone,may,fri,110,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,technician,married,professional.course,unknown,no,yes,telephone,may,fri,203,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,admin.,married,professional.course,unknown,yes,no,telephone,may,fri,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,blue-collar,married,professional.course,unknown,no,no,telephone,may,fri,94,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,122,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,technician,married,university.degree,unknown,yes,no,telephone,may,fri,175,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,admin.,single,high.school,no,no,no,telephone,may,fri,132,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,technician,married,basic.9y,unknown,unknown,unknown,telephone,may,fri,130,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,208,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,services,single,high.school,no,no,no,telephone,may,fri,346,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,management,married,high.school,no,no,no,telephone,may,fri,205,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,admin.,married,university.degree,no,yes,no,telephone,may,fri,218,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,services,married,high.school,no,no,no,telephone,may,fri,62,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,technician,married,university.degree,no,yes,no,telephone,may,fri,93,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,housemaid,divorced,basic.6y,unknown,unknown,unknown,telephone,may,fri,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,admin.,married,high.school,no,unknown,unknown,telephone,may,fri,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,self-employed,married,professional.course,no,unknown,unknown,telephone,may,fri,252,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,admin.,married,high.school,no,yes,yes,telephone,may,fri,286,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,unemployed,married,high.school,no,no,no,telephone,may,fri,241,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,unemployed,married,high.school,no,yes,no,telephone,may,fri,283,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,unemployed,married,high.school,no,yes,no,telephone,may,fri,380,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,fri,584,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,371,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,blue-collar,married,professional.course,no,no,no,telephone,may,fri,274,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,technician,married,basic.9y,no,no,no,telephone,may,fri,71,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,blue-collar,married,university.degree,no,no,yes,telephone,may,fri,357,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,unknown,unknown,university.degree,no,no,no,telephone,may,fri,617,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +33,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,blue-collar,single,basic.4y,no,no,no,telephone,may,fri,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,fri,383,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,married,high.school,unknown,no,no,telephone,may,fri,483,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +54,admin.,married,university.degree,no,no,no,telephone,may,fri,847,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,services,married,high.school,no,yes,no,telephone,may,fri,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,306,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,blue-collar,married,high.school,no,no,no,telephone,may,fri,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,services,married,high.school,no,yes,no,telephone,may,fri,244,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,single,high.school,no,yes,no,telephone,may,fri,59,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,self-employed,married,basic.9y,no,yes,yes,telephone,may,fri,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,married,university.degree,no,no,yes,telephone,may,fri,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,married,university.degree,no,no,no,telephone,may,fri,21,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +59,management,married,university.degree,no,no,no,telephone,may,fri,659,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,technician,married,basic.9y,unknown,yes,no,telephone,may,fri,327,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,267,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,services,married,basic.6y,no,no,no,telephone,may,fri,296,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,services,married,high.school,no,no,no,telephone,may,fri,307,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,technician,single,professional.course,no,no,no,telephone,may,fri,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,housemaid,divorced,high.school,no,no,no,telephone,may,fri,390,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,married,high.school,no,yes,no,telephone,may,fri,83,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,management,married,basic.9y,unknown,no,no,telephone,may,fri,772,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +28,services,married,high.school,unknown,no,no,telephone,may,fri,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,management,married,basic.4y,unknown,yes,no,telephone,may,fri,100,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,housemaid,married,high.school,unknown,no,no,telephone,may,fri,929,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +32,student,single,university.degree,no,no,no,telephone,may,fri,21,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,unemployed,single,basic.9y,unknown,yes,no,telephone,may,fri,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,services,married,basic.4y,unknown,yes,yes,telephone,may,fri,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +20,entrepreneur,single,high.school,no,no,no,telephone,may,fri,217,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,134,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,admin.,married,university.degree,no,yes,yes,telephone,may,fri,375,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,technician,single,university.degree,unknown,no,no,telephone,may,fri,352,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,admin.,single,university.degree,no,no,no,telephone,may,fri,45,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,divorced,basic.9y,no,no,no,telephone,may,fri,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,admin.,married,university.degree,unknown,yes,no,telephone,may,fri,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,admin.,married,university.degree,unknown,no,no,telephone,may,fri,266,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,unemployed,married,high.school,unknown,yes,no,telephone,may,fri,237,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,technician,single,professional.course,no,no,no,telephone,may,fri,410,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,157,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,services,divorced,high.school,no,no,no,telephone,may,fri,72,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,basic.6y,no,unknown,unknown,telephone,may,fri,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +58,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,70,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,blue-collar,married,professional.course,no,yes,yes,telephone,may,fri,710,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +35,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,131,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,admin.,married,high.school,no,no,no,telephone,may,fri,498,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,514,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,married,basic.9y,no,no,no,telephone,may,fri,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,fri,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,basic.9y,no,yes,yes,telephone,may,fri,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,unemployed,divorced,professional.course,unknown,yes,no,telephone,may,fri,705,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,unemployed,married,high.school,unknown,yes,no,telephone,may,fri,239,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,married,basic.9y,no,yes,yes,telephone,may,fri,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,retired,married,high.school,no,no,no,telephone,may,fri,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,admin.,divorced,university.degree,no,no,no,telephone,may,fri,18,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,services,single,high.school,no,yes,yes,telephone,may,fri,386,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,admin.,married,basic.9y,unknown,yes,no,telephone,may,fri,138,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,entrepreneur,single,basic.9y,no,no,no,telephone,may,fri,341,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,unemployed,single,professional.course,unknown,no,no,telephone,may,fri,339,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,unknown,married,basic.4y,unknown,no,no,telephone,may,fri,232,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,services,divorced,university.degree,no,no,no,telephone,may,fri,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,technician,divorced,professional.course,no,yes,no,telephone,may,fri,44,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,services,single,high.school,unknown,no,no,telephone,may,fri,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,retired,married,university.degree,unknown,no,no,telephone,may,fri,485,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,retired,married,university.degree,unknown,yes,no,telephone,may,fri,576,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,services,single,high.school,unknown,no,no,telephone,may,fri,280,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,high.school,no,yes,no,telephone,may,fri,480,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,services,married,high.school,no,yes,no,telephone,may,fri,86,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,unknown,single,basic.4y,unknown,no,no,telephone,may,fri,121,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,admin.,single,high.school,no,no,no,telephone,may,fri,93,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,married,university.degree,no,yes,no,telephone,may,fri,238,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,entrepreneur,married,basic.9y,no,no,no,telephone,may,fri,399,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,technician,divorced,high.school,no,no,no,telephone,may,fri,93,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +58,management,married,unknown,unknown,yes,no,telephone,may,fri,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,management,single,university.degree,no,yes,no,telephone,may,fri,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,blue-collar,married,high.school,no,no,yes,telephone,may,fri,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,management,married,university.degree,no,yes,yes,telephone,may,fri,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,admin.,married,high.school,no,yes,yes,telephone,may,fri,2462,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,fri,114,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,fri,1132,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +39,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,fri,249,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,fri,187,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,admin.,married,high.school,unknown,no,no,telephone,may,fri,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,entrepreneur,married,basic.9y,unknown,no,no,telephone,may,fri,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,management,married,basic.9y,no,no,no,telephone,may,fri,117,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,management,married,professional.course,no,no,no,telephone,may,fri,393,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,single,unknown,unknown,no,no,telephone,may,fri,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,divorced,basic.9y,no,no,no,telephone,may,fri,25,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,single,basic.4y,no,no,no,telephone,may,fri,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,technician,single,professional.course,unknown,no,no,telephone,may,fri,384,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,management,single,university.degree,no,no,no,telephone,may,fri,38,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,management,single,university.degree,no,no,no,telephone,may,fri,164,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +58,retired,divorced,university.degree,no,yes,no,telephone,may,fri,825,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,services,married,high.school,unknown,no,no,telephone,may,fri,331,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,479,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,married,high.school,no,no,no,telephone,may,fri,229,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,fri,258,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,management,married,university.degree,unknown,no,no,telephone,may,fri,490,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,308,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,admin.,divorced,high.school,no,yes,no,telephone,may,fri,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,unemployed,married,high.school,unknown,no,no,telephone,may,fri,545,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,blue-collar,married,high.school,unknown,yes,no,telephone,may,fri,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,technician,married,high.school,no,no,no,telephone,may,fri,257,6,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,services,married,high.school,no,no,no,telephone,may,fri,213,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,services,married,professional.course,no,no,no,telephone,may,fri,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,services,single,basic.9y,unknown,no,no,telephone,may,fri,646,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,services,single,high.school,no,no,no,telephone,may,fri,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,admin.,married,professional.course,no,yes,yes,telephone,may,fri,95,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,services,single,high.school,no,yes,no,telephone,may,fri,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,blue-collar,married,basic.9y,no,no,yes,telephone,may,fri,653,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +59,admin.,married,university.degree,no,no,yes,telephone,may,fri,186,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,technician,married,professional.course,no,no,no,telephone,may,fri,205,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,unemployed,single,basic.4y,unknown,no,no,telephone,may,fri,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,services,single,high.school,no,no,no,telephone,may,fri,377,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,322,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,admin.,married,university.degree,unknown,no,no,telephone,may,fri,208,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,technician,married,professional.course,no,yes,no,telephone,may,fri,46,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,admin.,married,university.degree,no,yes,no,telephone,may,fri,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,technician,single,professional.course,no,yes,yes,telephone,may,fri,156,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,unemployed,married,basic.9y,unknown,no,no,telephone,may,fri,471,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,entrepreneur,married,high.school,unknown,yes,no,telephone,may,fri,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,unemployed,single,basic.4y,unknown,no,no,telephone,may,fri,544,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,unemployed,single,basic.4y,unknown,no,no,telephone,may,fri,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,technician,married,professional.course,unknown,yes,no,telephone,may,fri,200,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,self-employed,married,university.degree,no,no,no,telephone,may,fri,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,divorced,high.school,no,yes,no,telephone,may,fri,324,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,blue-collar,single,high.school,no,no,no,telephone,may,fri,164,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,services,married,high.school,no,no,no,telephone,may,fri,137,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,admin.,married,high.school,no,yes,yes,telephone,may,fri,87,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,admin.,married,high.school,no,no,no,telephone,may,fri,91,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,admin.,married,high.school,unknown,yes,yes,telephone,may,fri,280,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,admin.,married,high.school,no,yes,yes,telephone,may,fri,230,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,management,single,university.degree,no,yes,yes,telephone,may,fri,63,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,technician,divorced,professional.course,no,yes,no,telephone,may,fri,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,single,university.degree,no,no,no,telephone,may,fri,261,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,admin.,married,high.school,no,no,no,telephone,may,fri,215,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,married,high.school,no,yes,no,telephone,may,fri,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,admin.,single,university.degree,no,yes,no,telephone,may,fri,391,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,107,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,services,single,high.school,unknown,no,no,telephone,may,fri,108,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,admin.,single,basic.9y,no,no,no,telephone,may,fri,145,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,admin.,married,high.school,no,yes,no,telephone,may,fri,142,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,housemaid,married,high.school,unknown,no,yes,telephone,may,fri,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,services,single,high.school,no,no,yes,telephone,may,fri,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,management,married,basic.4y,no,yes,no,telephone,may,fri,241,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,entrepreneur,married,university.degree,no,no,yes,telephone,may,fri,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,services,single,high.school,no,yes,no,telephone,may,fri,654,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +49,entrepreneur,married,high.school,no,no,no,telephone,may,fri,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,married,high.school,no,yes,no,telephone,may,fri,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,admin.,married,high.school,no,yes,yes,telephone,may,fri,1087,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,housemaid,married,basic.4y,no,yes,yes,telephone,may,fri,62,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,entrepreneur,married,high.school,no,no,no,telephone,may,fri,323,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,admin.,single,high.school,no,yes,no,telephone,may,fri,111,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,management,married,university.degree,no,yes,no,telephone,may,fri,197,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,technician,married,professional.course,no,yes,yes,telephone,may,fri,224,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,single,basic.6y,no,no,no,telephone,may,fri,557,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,married,basic.9y,no,yes,no,telephone,may,fri,150,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,technician,married,professional.course,no,no,yes,telephone,may,fri,388,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,technician,married,professional.course,no,no,no,telephone,may,fri,194,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,technician,divorced,professional.course,unknown,yes,no,telephone,may,fri,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,retired,married,high.school,no,no,no,telephone,may,fri,209,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,housemaid,divorced,high.school,no,no,no,telephone,may,fri,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,342,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,technician,married,professional.course,no,yes,no,telephone,may,fri,84,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,entrepreneur,married,university.degree,no,no,no,telephone,may,fri,530,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,blue-collar,single,basic.9y,unknown,yes,yes,telephone,may,fri,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,technician,married,professional.course,no,no,yes,telephone,may,fri,365,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,352,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,unemployed,married,basic.9y,no,yes,yes,telephone,may,fri,316,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,79,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,housemaid,married,basic.4y,unknown,yes,yes,telephone,may,fri,331,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,fri,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +58,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,married,university.degree,no,no,yes,telephone,may,fri,1692,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +34,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,technician,married,professional.course,no,yes,no,telephone,may,fri,253,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,admin.,married,university.degree,no,no,no,telephone,may,fri,622,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,fri,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,single,university.degree,no,yes,yes,telephone,may,fri,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,self-employed,married,university.degree,no,no,no,telephone,may,fri,404,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,275,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,technician,married,professional.course,no,no,no,telephone,may,fri,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,admin.,married,high.school,no,no,yes,telephone,may,fri,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,married,high.school,no,no,no,telephone,may,fri,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,admin.,married,high.school,no,yes,no,telephone,may,fri,93,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,admin.,married,high.school,no,yes,yes,telephone,may,fri,20,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,blue-collar,single,basic.4y,no,yes,no,telephone,may,fri,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,management,married,unknown,no,yes,no,telephone,may,fri,129,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,blue-collar,single,basic.4y,no,no,no,telephone,may,fri,324,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,admin.,married,university.degree,unknown,yes,no,telephone,may,fri,2016,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +34,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,1054,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,admin.,married,basic.9y,no,no,no,telephone,may,fri,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +59,admin.,married,university.degree,no,no,no,telephone,may,fri,279,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,technician,divorced,professional.course,no,no,no,telephone,may,fri,251,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,management,married,high.school,unknown,yes,no,telephone,may,fri,113,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,fri,193,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,admin.,divorced,university.degree,no,yes,no,telephone,may,fri,125,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,technician,married,university.degree,no,no,no,telephone,may,fri,282,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +49,services,married,high.school,no,yes,no,telephone,may,fri,344,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,blue-collar,single,basic.6y,unknown,yes,no,telephone,may,fri,665,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,yes +41,technician,married,university.degree,no,yes,no,telephone,may,fri,67,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,services,single,high.school,no,yes,no,telephone,may,fri,167,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,single,university.degree,no,yes,no,telephone,may,fri,395,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,admin.,single,high.school,no,yes,no,telephone,may,fri,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,management,single,university.degree,no,no,no,telephone,may,fri,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,admin.,married,university.degree,unknown,yes,no,telephone,may,fri,231,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,128,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,management,single,university.degree,no,yes,no,telephone,may,fri,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,technician,single,university.degree,no,no,no,telephone,may,fri,195,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,admin.,divorced,university.degree,no,yes,no,telephone,may,fri,412,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,married,university.degree,no,yes,no,telephone,may,fri,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,single,high.school,no,no,no,telephone,may,fri,79,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,admin.,married,university.degree,no,yes,yes,telephone,may,fri,13,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,self-employed,married,university.degree,no,no,no,telephone,may,fri,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,fri,286,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,single,university.degree,no,yes,yes,telephone,may,fri,274,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +60,management,married,university.degree,unknown,no,no,telephone,may,fri,409,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,fri,325,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,single,university.degree,no,yes,yes,telephone,may,fri,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,unemployed,married,basic.9y,no,yes,no,telephone,may,fri,1713,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +47,management,divorced,basic.4y,no,no,no,telephone,may,fri,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,technician,married,university.degree,no,no,no,telephone,may,fri,338,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,services,married,high.school,no,no,no,telephone,may,fri,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,346,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,management,married,unknown,no,no,no,telephone,may,fri,204,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,296,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,551,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,663,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,technician,married,professional.course,no,yes,no,telephone,may,fri,338,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,fri,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,fri,188,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,technician,married,high.school,no,yes,no,telephone,may,fri,305,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,fri,1080,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,admin.,married,university.degree,no,no,no,telephone,may,fri,1461,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,entrepreneur,single,university.degree,no,no,no,telephone,may,fri,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,technician,single,professional.course,no,no,no,telephone,may,fri,98,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,housemaid,married,high.school,no,yes,no,telephone,may,fri,262,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +55,unemployed,single,basic.4y,unknown,unknown,unknown,telephone,may,fri,147,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,technician,single,professional.course,no,no,no,telephone,may,fri,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,unknown,married,university.degree,no,unknown,unknown,telephone,may,fri,282,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,services,married,high.school,no,yes,no,telephone,may,fri,332,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,admin.,single,university.degree,no,no,no,telephone,may,fri,94,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,fri,455,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,admin.,married,high.school,no,yes,no,telephone,may,fri,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,entrepreneur,married,unknown,unknown,yes,no,telephone,may,fri,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,management,married,basic.4y,unknown,no,no,telephone,may,fri,345,9,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,admin.,married,university.degree,no,yes,no,telephone,may,fri,154,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,services,single,basic.9y,unknown,yes,no,telephone,may,fri,294,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,750,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,202,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +59,admin.,married,university.degree,no,yes,no,telephone,may,fri,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,married,professional.course,no,yes,no,telephone,may,fri,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,214,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,divorced,university.degree,no,no,yes,telephone,may,fri,128,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,admin.,married,university.degree,no,yes,no,telephone,may,fri,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,divorced,university.degree,no,no,no,telephone,may,fri,279,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,400,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,admin.,married,high.school,no,yes,no,telephone,may,fri,231,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,housemaid,married,high.school,unknown,yes,no,telephone,may,fri,175,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,divorced,basic.9y,no,no,yes,telephone,may,fri,70,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,self-employed,single,university.degree,unknown,yes,no,telephone,may,fri,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +58,entrepreneur,married,university.degree,unknown,no,no,telephone,may,fri,107,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,142,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,119,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,technician,single,professional.course,unknown,no,no,telephone,may,fri,180,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,management,married,professional.course,no,unknown,unknown,telephone,may,fri,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,technician,single,high.school,no,no,yes,telephone,may,fri,213,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,single,university.degree,no,no,no,telephone,may,fri,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,blue-collar,single,high.school,unknown,no,no,telephone,may,fri,44,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,229,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,management,single,university.degree,no,yes,no,telephone,may,fri,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,management,married,university.degree,no,no,no,telephone,may,fri,32,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,married,high.school,no,no,no,telephone,may,fri,73,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,admin.,married,university.degree,no,no,no,telephone,may,fri,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,self-employed,married,university.degree,no,yes,no,telephone,may,fri,83,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,379,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,services,married,high.school,unknown,yes,no,telephone,may,fri,26,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,fri,169,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,married,high.school,unknown,yes,no,telephone,may,fri,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,280,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,retired,married,basic.4y,unknown,yes,no,telephone,may,fri,89,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,admin.,single,basic.9y,unknown,no,no,telephone,may,fri,210,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +30,technician,married,professional.course,no,no,yes,telephone,may,fri,393,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,blue-collar,married,basic.9y,no,yes,yes,telephone,may,fri,128,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,admin.,single,high.school,unknown,yes,no,telephone,may,fri,161,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,admin.,single,basic.9y,no,no,no,telephone,may,fri,1178,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,self-employed,married,basic.9y,unknown,yes,no,telephone,may,fri,182,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,management,married,high.school,no,yes,no,telephone,may,fri,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,housemaid,divorced,high.school,no,no,no,telephone,may,fri,177,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,technician,single,basic.9y,unknown,no,no,telephone,may,fri,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,blue-collar,married,professional.course,no,no,no,telephone,may,fri,245,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +57,entrepreneur,married,high.school,unknown,yes,no,telephone,may,fri,255,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,admin.,divorced,basic.9y,unknown,no,no,telephone,may,fri,488,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,services,married,professional.course,unknown,yes,no,telephone,may,fri,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,unknown,single,basic.9y,unknown,unknown,unknown,telephone,may,fri,226,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,services,married,high.school,no,no,no,telephone,may,fri,460,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,services,married,high.school,no,yes,no,telephone,may,fri,432,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,housemaid,single,basic.9y,unknown,yes,yes,telephone,may,fri,136,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,admin.,single,high.school,no,no,no,telephone,may,fri,176,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,services,married,basic.9y,no,yes,no,telephone,may,fri,162,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,housemaid,single,university.degree,no,yes,no,telephone,may,fri,237,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,services,married,high.school,unknown,no,yes,telephone,may,fri,134,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,admin.,married,high.school,no,yes,no,telephone,may,fri,44,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,fri,47,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,483,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +29,services,married,basic.9y,no,no,no,telephone,may,fri,116,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,technician,single,professional.course,no,no,no,telephone,may,fri,182,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,admin.,single,university.degree,no,yes,no,telephone,may,fri,122,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,232,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,married,high.school,no,no,no,telephone,may,fri,51,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +59,retired,married,basic.4y,unknown,no,no,telephone,may,fri,260,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,technician,single,professional.course,no,no,no,telephone,may,fri,214,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,407,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,married,high.school,no,yes,no,telephone,may,fri,389,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,admin.,married,high.school,no,yes,no,telephone,may,fri,31,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +48,admin.,married,basic.9y,no,no,yes,telephone,may,fri,145,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +44,services,divorced,high.school,unknown,yes,no,telephone,may,fri,115,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,blue-collar,divorced,basic.9y,no,no,no,telephone,may,fri,878,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,self-employed,married,professional.course,no,no,no,telephone,may,fri,268,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,entrepreneur,married,basic.4y,unknown,no,no,telephone,may,fri,277,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +24,blue-collar,married,basic.9y,no,yes,yes,telephone,may,fri,101,6,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,management,married,high.school,no,yes,no,telephone,may,fri,119,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +56,services,divorced,high.school,unknown,no,no,telephone,may,fri,185,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +50,technician,married,university.degree,no,yes,no,telephone,may,fri,162,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,blue-collar,married,high.school,no,no,no,telephone,may,fri,18,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,self-employed,single,university.degree,no,unknown,unknown,telephone,may,fri,317,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,services,single,high.school,no,unknown,unknown,telephone,may,fri,71,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,43,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +34,blue-collar,married,unknown,unknown,unknown,unknown,telephone,may,fri,298,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +27,services,single,high.school,no,no,no,telephone,may,fri,86,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +31,admin.,married,university.degree,unknown,no,no,telephone,may,fri,255,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +39,housemaid,married,basic.4y,no,yes,yes,telephone,may,fri,83,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,entrepreneur,married,unknown,no,no,no,telephone,may,fri,194,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,fri,268,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +25,student,single,high.school,no,no,no,telephone,may,fri,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +33,services,married,high.school,no,yes,no,telephone,may,fri,263,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,married,unknown,no,no,no,telephone,may,fri,338,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,entrepreneur,single,university.degree,no,no,no,telephone,may,fri,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +46,housemaid,married,basic.9y,no,no,no,telephone,may,fri,322,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +53,admin.,divorced,high.school,no,yes,no,telephone,may,fri,64,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +32,unemployed,married,basic.9y,no,no,no,telephone,may,fri,71,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,services,divorced,basic.9y,no,yes,no,telephone,may,fri,284,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,technician,single,professional.course,no,yes,no,telephone,may,fri,166,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,technician,married,professional.course,no,yes,no,telephone,may,fri,210,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,fri,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,admin.,married,basic.4y,unknown,no,no,telephone,may,fri,77,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +51,services,married,professional.course,unknown,no,no,telephone,may,fri,328,7,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +42,admin.,married,basic.9y,no,yes,no,telephone,may,fri,164,8,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,management,single,unknown,no,no,no,telephone,may,fri,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,services,single,high.school,no,no,no,telephone,may,fri,155,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +38,housemaid,married,basic.6y,unknown,yes,no,telephone,may,fri,153,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +54,technician,married,unknown,unknown,no,no,telephone,may,fri,111,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +41,blue-collar,divorced,basic.4y,no,no,no,telephone,may,fri,91,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +26,blue-collar,single,high.school,no,no,no,telephone,may,fri,213,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,management,married,basic.4y,no,yes,no,telephone,may,fri,257,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +28,technician,single,professional.course,no,yes,no,telephone,may,fri,315,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +35,technician,divorced,professional.course,no,no,yes,telephone,may,fri,102,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +45,admin.,married,high.school,no,no,yes,telephone,may,fri,35,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,admin.,married,high.school,no,no,no,telephone,may,fri,83,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +37,technician,married,professional.course,no,yes,no,telephone,may,fri,834,9,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +52,technician,married,university.degree,no,no,no,telephone,may,fri,244,5,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,admin.,married,high.school,no,yes,no,telephone,may,fri,143,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +40,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,277,3,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,1534,2,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,291,4,999,0,nonexistent,1.1,93.994,-36.4,4.855,5191.0,no +36,blue-collar,single,high.school,no,no,yes,telephone,may,mon,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,mon,149,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,33,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,professional.course,unknown,no,no,telephone,may,mon,144,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.4y,unknown,yes,yes,telephone,may,mon,146,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,divorced,basic.9y,no,no,no,telephone,may,mon,40,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,married,professional.course,unknown,yes,no,telephone,may,mon,79,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,university.degree,unknown,no,no,telephone,may,mon,112,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,university.degree,no,yes,no,telephone,may,mon,147,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,836,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,high.school,no,yes,no,telephone,may,mon,290,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,technician,divorced,professional.course,no,yes,no,telephone,may,mon,148,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,services,divorced,high.school,no,yes,no,telephone,may,mon,289,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,single,basic.4y,no,yes,no,telephone,may,mon,345,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,self-employed,married,university.degree,no,yes,no,telephone,may,mon,1002,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,university.degree,unknown,yes,no,telephone,may,mon,181,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,management,married,university.degree,no,no,no,telephone,may,mon,460,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +33,unemployed,married,professional.course,unknown,yes,no,telephone,may,mon,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,entrepreneur,married,high.school,no,yes,no,telephone,may,mon,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,single,professional.course,no,yes,no,telephone,may,mon,111,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,unknown,unknown,unknown,unknown,telephone,may,mon,98,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,unknown,yes,no,telephone,may,mon,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,services,divorced,professional.course,no,yes,no,telephone,may,mon,150,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,399,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,unknown,married,unknown,unknown,no,no,telephone,may,mon,139,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,mon,115,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,149,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,married,university.degree,no,no,yes,telephone,may,mon,327,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,married,university.degree,unknown,no,no,telephone,may,mon,92,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,single,high.school,no,no,no,telephone,may,mon,111,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,192,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,high.school,no,yes,no,telephone,may,mon,88,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,self-employed,married,university.degree,no,no,no,telephone,may,mon,592,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,professional.course,unknown,no,no,telephone,may,mon,105,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,married,high.school,no,yes,yes,telephone,may,mon,62,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,114,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,59,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,management,divorced,high.school,no,no,no,telephone,may,mon,144,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,management,married,basic.9y,no,yes,yes,telephone,may,mon,346,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,basic.6y,no,yes,no,telephone,may,mon,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,married,high.school,no,yes,no,telephone,may,mon,396,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,286,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,entrepreneur,married,university.degree,no,yes,no,telephone,may,mon,59,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,divorced,university.degree,no,yes,no,telephone,may,mon,38,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,divorced,professional.course,unknown,yes,no,telephone,may,mon,252,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,services,married,basic.4y,unknown,yes,no,telephone,may,mon,566,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,university.degree,no,yes,no,telephone,may,mon,167,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,unknown,no,no,telephone,may,mon,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,services,married,high.school,unknown,unknown,unknown,telephone,may,mon,71,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,unemployed,married,high.school,unknown,no,no,telephone,may,mon,120,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,mon,409,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,divorced,university.degree,no,yes,no,telephone,may,mon,117,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,divorced,high.school,no,no,no,telephone,may,mon,177,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,services,single,high.school,no,no,no,telephone,may,mon,757,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +49,management,divorced,high.school,unknown,yes,no,telephone,may,mon,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,management,divorced,high.school,unknown,no,no,telephone,may,mon,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,single,university.degree,no,no,no,telephone,may,mon,36,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,professional.course,no,no,no,telephone,may,mon,94,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,basic.6y,unknown,no,no,telephone,may,mon,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,unemployed,married,unknown,unknown,no,no,telephone,may,mon,33,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,technician,divorced,basic.9y,unknown,yes,no,telephone,may,mon,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,entrepreneur,divorced,high.school,no,no,no,telephone,may,mon,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,entrepreneur,divorced,high.school,no,no,no,telephone,may,mon,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,single,high.school,no,no,no,telephone,may,mon,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,professional.course,no,yes,no,telephone,may,mon,186,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,management,married,university.degree,no,no,no,telephone,may,mon,405,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,172,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,management,single,university.degree,no,yes,yes,telephone,may,mon,207,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,mon,325,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,student,single,high.school,unknown,no,no,telephone,may,mon,57,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,management,married,university.degree,unknown,no,no,telephone,may,mon,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,high.school,unknown,no,no,telephone,may,mon,164,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,management,divorced,university.degree,no,no,no,telephone,may,mon,288,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,services,divorced,high.school,unknown,no,no,telephone,may,mon,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.4y,no,yes,yes,telephone,may,mon,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,professional.course,no,no,no,telephone,may,mon,53,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,mon,744,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +32,blue-collar,married,professional.course,no,no,no,telephone,may,mon,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,113,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,divorced,university.degree,no,no,no,telephone,may,mon,130,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,technician,married,university.degree,no,no,no,telephone,may,mon,523,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,self-employed,married,university.degree,no,no,no,telephone,may,mon,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,married,high.school,no,no,no,telephone,may,mon,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,entrepreneur,married,university.degree,unknown,no,no,telephone,may,mon,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,divorced,high.school,no,no,no,telephone,may,mon,281,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,363,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,housemaid,divorced,basic.4y,unknown,no,no,telephone,may,mon,86,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,technician,single,university.degree,no,no,no,telephone,may,mon,1147,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,university.degree,no,yes,yes,telephone,may,mon,486,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,49,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,divorced,high.school,no,no,no,telephone,may,mon,170,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,housemaid,single,university.degree,no,no,yes,telephone,may,mon,539,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,single,university.degree,unknown,no,no,telephone,may,mon,66,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,entrepreneur,married,basic.4y,no,no,no,telephone,may,mon,820,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,mon,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,divorced,high.school,no,no,no,telephone,may,mon,398,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,university.degree,no,yes,no,telephone,may,mon,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,university.degree,no,no,no,telephone,may,mon,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,married,high.school,unknown,no,no,telephone,may,mon,255,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,95,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,professional.course,unknown,yes,no,telephone,may,mon,140,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,services,married,high.school,no,no,no,telephone,may,mon,788,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,basic.9y,no,yes,no,telephone,may,mon,239,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,194,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,married,university.degree,no,no,no,telephone,may,mon,165,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,basic.9y,unknown,no,no,telephone,may,mon,306,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,self-employed,married,university.degree,unknown,no,no,telephone,may,mon,63,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,unemployed,married,university.degree,no,yes,no,telephone,may,mon,501,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,professional.course,no,yes,no,telephone,may,mon,832,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,entrepreneur,married,high.school,no,no,no,telephone,may,mon,214,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,unemployed,married,high.school,unknown,yes,yes,telephone,may,mon,283,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,professional.course,no,yes,no,telephone,may,mon,101,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,university.degree,no,yes,yes,telephone,may,mon,77,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,management,single,unknown,no,no,no,telephone,may,mon,290,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,housemaid,married,university.degree,no,no,no,telephone,may,mon,388,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,unknown,no,yes,yes,telephone,may,mon,1111,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +27,admin.,single,high.school,unknown,unknown,unknown,telephone,may,mon,1495,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,322,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,professional.course,no,no,no,telephone,may,mon,480,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,high.school,unknown,yes,yes,telephone,may,mon,146,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,professional.course,no,no,no,telephone,may,mon,393,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,entrepreneur,single,university.degree,no,yes,no,telephone,may,mon,744,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,university.degree,no,yes,no,telephone,may,mon,593,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,basic.9y,no,yes,no,telephone,may,mon,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,mon,379,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,basic.9y,no,yes,no,telephone,may,mon,315,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,high.school,no,yes,no,telephone,may,mon,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,basic.9y,no,no,no,telephone,may,mon,493,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,student,single,university.degree,unknown,yes,no,telephone,may,mon,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,student,single,university.degree,unknown,yes,no,telephone,may,mon,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,professional.course,no,no,no,telephone,may,mon,80,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,management,divorced,professional.course,no,no,no,telephone,may,mon,39,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,married,high.school,no,yes,no,telephone,may,mon,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,101,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,university.degree,no,no,no,telephone,may,mon,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,basic.9y,unknown,unknown,unknown,telephone,may,mon,386,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,457,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,basic.6y,unknown,yes,no,telephone,may,mon,891,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,single,high.school,no,no,no,telephone,may,mon,53,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,high.school,unknown,no,no,telephone,may,mon,326,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,single,high.school,no,yes,yes,telephone,may,mon,507,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,1083,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.4y,no,yes,yes,telephone,may,mon,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,single,high.school,no,unknown,unknown,telephone,may,mon,1266,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,technician,married,basic.9y,no,no,no,telephone,may,mon,171,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,services,married,basic.4y,unknown,yes,no,telephone,may,mon,160,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,single,basic.9y,no,no,no,telephone,may,mon,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,entrepreneur,married,basic.6y,no,no,no,telephone,may,mon,156,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,unemployed,married,basic.9y,unknown,no,no,telephone,may,mon,200,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,basic.9y,no,no,no,telephone,may,mon,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,basic.9y,no,yes,yes,telephone,may,mon,163,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,mon,391,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,470,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,married,university.degree,unknown,no,no,telephone,may,mon,268,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,793,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,management,married,basic.9y,no,no,no,telephone,may,mon,219,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,retired,divorced,basic.4y,no,no,no,telephone,may,mon,460,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,technician,married,professional.course,no,yes,yes,telephone,may,mon,246,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,single,university.degree,no,yes,no,telephone,may,mon,194,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,413,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,unemployed,married,basic.4y,unknown,yes,no,telephone,may,mon,574,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,divorced,university.degree,no,yes,no,telephone,may,mon,256,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,88,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,self-employed,divorced,university.degree,no,yes,yes,telephone,may,mon,146,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,self-employed,divorced,university.degree,no,yes,no,telephone,may,mon,596,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,170,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,single,high.school,no,unknown,unknown,telephone,may,mon,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,single,high.school,no,no,no,telephone,may,mon,577,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,177,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,no,yes,no,telephone,may,mon,335,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,high.school,no,yes,no,telephone,may,mon,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,136,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,mon,289,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,529,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,247,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,married,high.school,no,unknown,unknown,telephone,may,mon,72,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,admin.,married,high.school,no,yes,no,telephone,may,mon,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,university.degree,no,yes,no,telephone,may,mon,320,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,professional.course,no,yes,no,telephone,may,mon,307,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,mon,220,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,divorced,professional.course,no,no,no,telephone,may,mon,241,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,services,divorced,professional.course,no,no,no,telephone,may,mon,241,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,blue-collar,married,professional.course,unknown,yes,yes,telephone,may,mon,198,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,management,married,professional.course,no,no,no,telephone,may,mon,98,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.6y,no,yes,no,telephone,may,mon,391,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,university.degree,no,no,yes,telephone,may,mon,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,married,high.school,no,yes,no,telephone,may,mon,55,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,self-employed,married,university.degree,no,yes,yes,telephone,may,mon,86,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,single,high.school,no,no,no,telephone,may,mon,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,unknown,no,no,telephone,may,mon,66,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,basic.6y,no,no,yes,telephone,may,mon,155,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,professional.course,unknown,no,no,telephone,may,mon,311,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,63,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,management,married,university.degree,no,no,no,telephone,may,mon,236,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,no,yes,telephone,may,mon,92,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,management,single,university.degree,no,yes,no,telephone,may,mon,253,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,basic.4y,no,yes,no,telephone,may,mon,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,41,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,mon,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,admin.,married,basic.9y,unknown,no,no,telephone,may,mon,10,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,married,professional.course,no,no,no,telephone,may,mon,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,484,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,married,university.degree,unknown,no,no,telephone,may,mon,467,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,university.degree,no,yes,no,telephone,may,mon,241,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,management,single,university.degree,no,no,no,telephone,may,mon,248,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,services,divorced,high.school,no,no,no,telephone,may,mon,198,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,212,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,yes,yes,telephone,may,mon,115,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,may,mon,58,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,single,high.school,no,unknown,unknown,telephone,may,mon,456,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,145,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,300,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,high.school,no,no,no,telephone,may,mon,264,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,basic.9y,unknown,yes,yes,telephone,may,mon,184,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,married,high.school,unknown,yes,no,telephone,may,mon,177,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,65,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,299,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,single,high.school,unknown,yes,no,telephone,may,mon,93,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,22,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,no,unknown,unknown,telephone,may,mon,170,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,unknown,no,no,no,telephone,may,mon,89,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,mon,166,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,unemployed,married,basic.9y,no,unknown,unknown,telephone,may,mon,128,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,admin.,married,high.school,no,yes,yes,telephone,may,mon,197,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,unknown,yes,no,telephone,may,mon,395,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,technician,married,professional.course,no,yes,no,telephone,may,mon,220,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,divorced,basic.4y,no,no,yes,telephone,may,mon,298,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,technician,married,university.degree,unknown,no,yes,telephone,may,mon,123,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,334,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,high.school,unknown,yes,no,telephone,may,mon,73,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,university.degree,unknown,yes,yes,telephone,may,mon,186,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,services,divorced,high.school,no,no,no,telephone,may,mon,78,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,high.school,no,no,no,telephone,may,mon,13,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,single,unknown,no,no,no,telephone,may,mon,51,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,divorced,university.degree,unknown,no,no,telephone,may,mon,303,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,mon,159,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,unknown,married,unknown,unknown,no,no,telephone,may,mon,103,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,basic.4y,unknown,no,no,telephone,may,mon,95,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,basic.9y,unknown,yes,no,telephone,may,mon,46,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,housemaid,married,basic.4y,unknown,yes,no,telephone,may,mon,84,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,basic.9y,unknown,yes,no,telephone,may,mon,344,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,mon,157,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,divorced,basic.6y,no,no,no,telephone,may,mon,162,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,entrepreneur,married,basic.9y,no,no,no,telephone,may,mon,249,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,married,university.degree,no,no,no,telephone,may,mon,24,12,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,high.school,no,unknown,unknown,telephone,may,mon,185,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,divorced,university.degree,unknown,yes,no,telephone,may,mon,212,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,admin.,single,high.school,no,yes,no,telephone,may,mon,195,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,basic.4y,no,yes,no,telephone,may,mon,143,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,68,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,management,married,university.degree,no,yes,no,telephone,may,mon,274,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,152,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,high.school,no,no,no,telephone,may,mon,325,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,249,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,single,high.school,no,yes,yes,telephone,may,mon,111,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,mon,81,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,181,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,unemployed,single,professional.course,no,no,no,telephone,may,tue,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,entrepreneur,divorced,unknown,no,yes,no,telephone,may,tue,141,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,tue,182,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,services,married,high.school,no,yes,no,telephone,may,tue,530,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,housemaid,single,university.degree,no,no,no,telephone,may,tue,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,services,married,high.school,no,yes,no,telephone,may,tue,176,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,management,married,university.degree,no,no,no,telephone,may,tue,134,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,blue-collar,married,professional.course,unknown,unknown,unknown,telephone,may,tue,514,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,181,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,504,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +60,technician,divorced,professional.course,unknown,yes,no,telephone,may,tue,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,267,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,admin.,married,university.degree,no,yes,no,telephone,may,tue,907,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,married,university.degree,no,no,no,telephone,may,tue,200,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,single,professional.course,no,no,no,telephone,may,tue,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,university.degree,no,yes,no,telephone,may,tue,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,admin.,single,high.school,no,no,no,telephone,may,tue,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,unemployed,married,basic.4y,unknown,yes,no,telephone,may,tue,164,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,housemaid,married,basic.4y,unknown,no,yes,telephone,may,tue,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,single,basic.9y,no,unknown,unknown,telephone,may,tue,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,723,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,services,married,basic.9y,no,yes,no,telephone,may,tue,518,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,admin.,single,high.school,no,yes,yes,telephone,may,tue,101,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,admin.,single,high.school,no,no,no,telephone,may,tue,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,single,university.degree,unknown,no,no,telephone,may,tue,1346,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +53,admin.,married,high.school,no,yes,no,telephone,may,tue,520,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,611,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,unemployed,married,basic.9y,unknown,yes,no,telephone,may,tue,66,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,admin.,married,high.school,no,yes,no,telephone,may,tue,135,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,retired,divorced,basic.4y,no,yes,no,telephone,may,tue,276,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,single,professional.course,unknown,no,no,telephone,may,tue,449,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,management,single,university.degree,no,no,no,telephone,may,tue,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,admin.,divorced,university.degree,no,yes,no,telephone,may,tue,105,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,admin.,divorced,university.degree,no,no,no,telephone,may,tue,382,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,housemaid,married,basic.4y,no,no,no,telephone,may,tue,213,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,admin.,married,high.school,no,yes,no,telephone,may,tue,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,unknown,married,university.degree,no,no,yes,telephone,may,tue,249,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,self-employed,married,university.degree,no,yes,no,telephone,may,tue,50,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,single,university.degree,no,no,yes,telephone,may,tue,138,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,unknown,married,basic.4y,unknown,no,no,telephone,may,tue,375,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,admin.,single,university.degree,no,yes,no,telephone,may,tue,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,management,single,university.degree,no,no,no,telephone,may,tue,169,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,unemployed,married,basic.9y,unknown,no,no,telephone,may,tue,1386,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,admin.,married,high.school,unknown,no,no,telephone,may,tue,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,divorced,basic.4y,no,no,no,telephone,may,tue,244,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,428,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,entrepreneur,married,professional.course,no,yes,no,telephone,may,tue,53,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,divorced,basic.4y,no,no,no,telephone,may,tue,360,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,admin.,single,high.school,unknown,no,no,telephone,may,tue,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,tue,500,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,technician,divorced,high.school,no,no,no,telephone,may,tue,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,management,married,basic.4y,no,yes,yes,telephone,may,tue,568,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +22,blue-collar,single,basic.6y,unknown,unknown,unknown,telephone,may,tue,270,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,admin.,married,university.degree,no,unknown,unknown,telephone,may,tue,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,technician,married,basic.4y,unknown,unknown,unknown,telephone,may,tue,272,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,married,high.school,no,no,no,telephone,may,tue,229,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,technician,married,professional.course,no,no,no,telephone,may,tue,108,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,married,university.degree,no,yes,no,telephone,may,tue,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,technician,married,professional.course,unknown,yes,no,telephone,may,tue,383,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,self-employed,married,basic.4y,unknown,yes,no,telephone,may,tue,3366,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,technician,divorced,professional.course,no,no,no,telephone,may,tue,259,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,management,married,basic.9y,no,yes,no,telephone,may,tue,1000,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +35,admin.,single,high.school,no,yes,yes,telephone,may,tue,618,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +28,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,237,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,technician,single,university.degree,unknown,no,no,telephone,may,tue,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,single,university.degree,no,no,no,telephone,may,tue,351,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,housemaid,married,high.school,unknown,yes,no,telephone,may,tue,218,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,services,single,high.school,no,no,yes,telephone,may,tue,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,admin.,divorced,high.school,no,no,yes,telephone,may,tue,284,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,married,professional.course,unknown,yes,no,telephone,may,tue,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,295,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,blue-collar,single,high.school,unknown,no,no,telephone,may,tue,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,tue,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,unknown,no,unknown,unknown,telephone,may,tue,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,unknown,no,unknown,unknown,telephone,may,tue,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,management,divorced,university.degree,no,yes,no,telephone,may,tue,62,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,2231,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +40,technician,divorced,university.degree,no,yes,no,telephone,may,tue,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,tue,343,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,227,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,admin.,married,professional.course,no,yes,no,telephone,may,tue,248,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,technician,married,high.school,no,no,no,telephone,may,tue,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,services,single,basic.9y,no,yes,yes,telephone,may,tue,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,single,high.school,no,no,no,telephone,may,tue,205,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,tue,370,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,married,basic.9y,no,no,no,telephone,may,tue,427,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,self-employed,married,basic.9y,unknown,yes,no,telephone,may,tue,289,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,technician,married,professional.course,unknown,yes,no,telephone,may,tue,170,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,technician,married,basic.6y,no,yes,no,telephone,may,tue,705,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,technician,married,professional.course,unknown,yes,no,telephone,may,tue,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,technician,married,professional.course,unknown,yes,yes,telephone,may,tue,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,divorced,basic.6y,unknown,yes,no,telephone,may,tue,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,unknown,single,university.degree,no,no,no,telephone,may,tue,213,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,tue,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,technician,married,high.school,no,no,no,telephone,may,tue,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,tue,373,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,services,divorced,basic.9y,no,yes,no,telephone,may,tue,259,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,technician,married,high.school,no,no,yes,telephone,may,tue,340,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,single,university.degree,unknown,no,no,telephone,may,tue,392,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,technician,married,professional.course,unknown,yes,no,telephone,may,tue,245,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,tue,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,tue,148,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,self-employed,married,university.degree,no,yes,yes,telephone,may,tue,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,single,university.degree,unknown,no,no,telephone,may,tue,456,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,married,professional.course,no,yes,no,telephone,may,tue,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,44,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,admin.,married,university.degree,no,yes,no,telephone,may,tue,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,entrepreneur,married,university.degree,no,yes,no,telephone,may,tue,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,married,high.school,no,yes,no,telephone,may,tue,276,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,services,married,basic.9y,unknown,yes,no,telephone,may,tue,150,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,professional.course,no,no,yes,telephone,may,tue,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,technician,single,university.degree,no,yes,no,telephone,may,tue,38,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,divorced,university.degree,no,no,yes,telephone,may,tue,232,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,tue,1167,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,unknown,married,basic.6y,unknown,no,no,telephone,may,tue,39,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,divorced,high.school,no,no,no,telephone,may,tue,325,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,self-employed,single,university.degree,no,no,no,telephone,may,tue,311,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,high.school,no,no,yes,telephone,may,tue,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,entrepreneur,married,university.degree,no,yes,no,telephone,may,tue,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,entrepreneur,married,university.degree,no,no,no,telephone,may,tue,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,technician,single,basic.9y,unknown,no,yes,telephone,may,tue,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,technician,single,basic.9y,unknown,no,no,telephone,may,tue,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,high.school,no,yes,no,telephone,may,tue,67,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,services,married,unknown,unknown,no,no,telephone,may,tue,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,unknown,unknown,no,no,telephone,may,tue,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,services,married,unknown,unknown,no,no,telephone,may,tue,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,technician,married,professional.course,unknown,no,no,telephone,may,tue,20,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,technician,single,unknown,no,no,no,telephone,may,tue,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,married,high.school,no,no,yes,telephone,may,tue,174,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,260,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,self-employed,single,professional.course,unknown,yes,yes,telephone,may,tue,94,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,single,professional.course,no,yes,no,telephone,may,tue,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,technician,married,professional.course,no,no,yes,telephone,may,tue,334,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,609,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,admin.,married,university.degree,unknown,no,no,telephone,may,tue,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,admin.,married,university.degree,unknown,no,no,telephone,may,tue,262,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,302,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,tue,121,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,technician,married,professional.course,unknown,no,no,telephone,may,tue,202,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,services,divorced,professional.course,unknown,no,no,telephone,may,tue,806,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,admin.,divorced,unknown,unknown,yes,yes,telephone,may,tue,31,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,high.school,unknown,no,no,telephone,may,tue,21,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,334,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,single,university.degree,no,yes,yes,telephone,may,tue,156,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,married,professional.course,no,no,no,telephone,may,tue,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,professional.course,unknown,no,no,telephone,may,tue,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,admin.,single,university.degree,no,no,yes,telephone,may,tue,766,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,services,married,high.school,unknown,no,no,telephone,may,tue,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,admin.,single,basic.9y,unknown,no,no,telephone,may,tue,255,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,single,university.degree,no,no,no,telephone,may,tue,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,services,married,high.school,unknown,yes,no,telephone,may,tue,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,high.school,no,no,no,telephone,may,tue,110,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,single,university.degree,unknown,yes,no,telephone,may,tue,395,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +42,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,102,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,admin.,married,unknown,unknown,yes,no,telephone,may,tue,705,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,services,married,unknown,no,no,no,telephone,may,tue,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +60,retired,married,basic.4y,unknown,no,no,telephone,may,tue,188,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,admin.,married,high.school,unknown,yes,no,telephone,may,tue,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,unknown,unknown,no,no,telephone,may,tue,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,single,high.school,no,no,no,telephone,may,tue,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,tue,266,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,tue,76,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,single,university.degree,no,no,no,telephone,may,tue,1015,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +45,technician,married,university.degree,unknown,yes,no,telephone,may,tue,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,blue-collar,married,basic.6y,no,no,yes,telephone,may,tue,60,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,professional.course,unknown,yes,yes,telephone,may,tue,111,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,technician,married,university.degree,no,yes,no,telephone,may,tue,683,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +36,blue-collar,married,high.school,no,no,yes,telephone,may,tue,100,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,admin.,married,high.school,no,no,no,telephone,may,tue,82,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,admin.,single,basic.6y,no,no,no,telephone,may,tue,470,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +46,housemaid,married,basic.4y,no,no,yes,telephone,may,tue,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,tue,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,married,high.school,unknown,no,no,telephone,may,tue,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,320,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,retired,single,professional.course,unknown,yes,no,telephone,may,tue,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,retired,married,basic.4y,unknown,yes,no,telephone,may,tue,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,management,married,university.degree,unknown,no,no,telephone,may,tue,730,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,36,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,services,married,unknown,unknown,no,no,telephone,may,tue,521,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,95,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,entrepreneur,married,basic.9y,no,no,no,telephone,may,tue,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,unemployed,single,university.degree,no,no,no,telephone,may,tue,349,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,retired,married,university.degree,no,yes,no,telephone,may,tue,768,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,tue,277,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,management,married,university.degree,unknown,yes,no,telephone,may,tue,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,divorced,high.school,no,no,no,telephone,may,tue,473,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,university.degree,no,no,no,telephone,may,tue,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,retired,married,basic.6y,unknown,no,no,telephone,may,tue,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,blue-collar,married,basic.4y,no,yes,yes,telephone,may,tue,386,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,services,married,basic.6y,unknown,no,no,telephone,may,tue,1001,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +38,technician,married,professional.course,no,yes,no,telephone,may,tue,76,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,self-employed,married,professional.course,no,yes,no,telephone,may,tue,214,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,self-employed,divorced,basic.9y,no,yes,no,telephone,may,tue,355,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,admin.,single,university.degree,no,yes,yes,telephone,may,tue,194,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,technician,married,university.degree,no,yes,yes,telephone,may,tue,845,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +34,management,divorced,university.degree,no,yes,no,telephone,may,tue,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,173,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,technician,single,professional.course,no,no,no,telephone,may,tue,113,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,single,unknown,no,no,no,telephone,may,tue,109,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,853,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,professional.course,unknown,no,yes,telephone,may,tue,518,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,unknown,unknown,no,no,telephone,may,tue,124,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,admin.,divorced,basic.9y,unknown,no,no,telephone,may,tue,452,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,married,university.degree,no,unknown,unknown,telephone,may,tue,203,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,813,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +60,retired,married,university.degree,unknown,unknown,unknown,telephone,may,tue,81,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,divorced,basic.9y,no,no,no,telephone,may,tue,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,self-employed,married,professional.course,no,no,no,telephone,may,tue,119,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,unknown,married,basic.4y,no,no,yes,telephone,may,tue,295,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,296,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,retired,married,university.degree,no,no,no,telephone,may,tue,916,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,married,basic.6y,no,no,no,telephone,may,tue,60,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,student,single,university.degree,unknown,no,no,telephone,may,tue,443,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,divorced,high.school,no,no,no,telephone,may,tue,225,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,high.school,no,yes,no,telephone,may,tue,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,431,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,tue,358,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,565,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,tue,753,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +35,technician,married,professional.course,no,no,no,telephone,may,tue,103,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,708,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,divorced,basic.9y,unknown,yes,yes,telephone,may,tue,265,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,255,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,divorced,university.degree,no,no,no,telephone,may,tue,434,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,admin.,single,university.degree,no,no,no,telephone,may,tue,59,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,305,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,married,basic.6y,no,no,no,telephone,may,tue,155,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,management,married,basic.4y,unknown,yes,no,telephone,may,tue,805,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,admin.,married,high.school,no,no,no,telephone,may,tue,242,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,19,9,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,housemaid,married,university.degree,no,no,no,telephone,may,tue,93,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,management,single,university.degree,no,yes,no,telephone,may,tue,211,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,admin.,divorced,high.school,no,no,no,telephone,may,tue,31,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,management,married,unknown,unknown,yes,no,telephone,may,tue,213,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,high.school,no,yes,no,telephone,may,tue,104,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,342,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,admin.,married,university.degree,no,no,no,telephone,may,tue,172,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,management,single,university.degree,no,yes,yes,telephone,may,tue,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,divorced,professional.course,unknown,yes,no,telephone,may,tue,535,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,admin.,married,high.school,unknown,yes,no,telephone,may,tue,514,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,self-employed,married,professional.course,no,yes,no,telephone,may,tue,276,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,176,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,housemaid,divorced,unknown,no,no,no,telephone,may,tue,20,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,services,married,high.school,no,yes,no,telephone,may,tue,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,housemaid,single,unknown,no,yes,no,telephone,may,tue,473,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,245,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,services,married,unknown,unknown,no,no,telephone,may,tue,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,technician,married,university.degree,unknown,no,no,telephone,may,tue,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,married,university.degree,no,yes,no,telephone,may,tue,93,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,retired,married,basic.4y,unknown,no,no,telephone,may,tue,188,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,technician,married,professional.course,no,no,no,telephone,may,tue,332,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,admin.,divorced,basic.9y,no,unknown,unknown,telephone,may,tue,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,self-employed,married,basic.9y,unknown,yes,no,telephone,may,tue,318,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,unknown,divorced,basic.4y,unknown,no,no,telephone,may,tue,94,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,married,high.school,unknown,no,no,telephone,may,tue,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,services,single,high.school,no,yes,no,telephone,may,tue,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,single,professional.course,no,yes,no,telephone,may,tue,94,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,university.degree,no,no,no,telephone,may,tue,54,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,admin.,married,basic.9y,no,yes,no,telephone,may,tue,29,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,technician,married,basic.9y,no,yes,no,telephone,may,tue,271,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,married,professional.course,no,no,yes,telephone,may,tue,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,technician,married,basic.9y,no,no,no,telephone,may,tue,227,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,management,married,university.degree,no,no,no,telephone,may,tue,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,blue-collar,married,basic.6y,no,no,yes,telephone,may,tue,60,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,technician,single,unknown,no,no,no,telephone,may,tue,162,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,services,married,basic.9y,no,yes,yes,telephone,may,tue,296,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,technician,single,professional.course,no,yes,no,telephone,may,tue,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,high.school,no,yes,no,telephone,may,tue,78,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.4y,no,unknown,unknown,telephone,may,tue,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,technician,married,basic.6y,no,yes,no,telephone,may,tue,119,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,3,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,297,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,professional.course,unknown,unknown,unknown,telephone,may,tue,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,high.school,no,no,no,telephone,may,tue,342,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,married,basic.9y,no,yes,no,telephone,may,tue,420,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,married,high.school,unknown,yes,no,telephone,may,tue,378,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,divorced,high.school,unknown,yes,no,telephone,may,tue,354,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,services,married,high.school,unknown,no,no,telephone,may,tue,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,367,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,retired,married,basic.4y,unknown,yes,yes,telephone,may,tue,394,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,admin.,married,high.school,no,yes,no,telephone,may,tue,91,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,admin.,married,high.school,unknown,no,no,telephone,may,tue,280,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,768,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,married,basic.6y,no,no,no,telephone,may,tue,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,unemployed,married,basic.9y,unknown,no,yes,telephone,may,tue,43,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,services,married,high.school,no,yes,yes,telephone,may,tue,108,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,single,university.degree,no,yes,yes,telephone,may,tue,195,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,admin.,married,basic.9y,unknown,yes,no,telephone,may,tue,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,basic.9y,unknown,no,yes,telephone,may,tue,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,divorced,high.school,no,unknown,unknown,telephone,may,tue,299,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,unknown,married,unknown,no,no,no,telephone,may,tue,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,housemaid,married,high.school,no,no,no,telephone,may,tue,141,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,services,married,high.school,no,yes,no,telephone,may,tue,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,tue,169,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,retired,married,high.school,unknown,no,no,telephone,may,tue,119,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,married,high.school,unknown,yes,no,telephone,may,tue,101,13,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,management,married,university.degree,no,no,no,telephone,may,tue,129,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,481,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,university.degree,no,no,no,telephone,may,tue,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,entrepreneur,married,basic.9y,no,yes,no,telephone,may,tue,142,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,tue,411,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,management,married,university.degree,no,no,no,telephone,may,tue,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,single,high.school,no,no,no,telephone,may,tue,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,divorced,high.school,no,no,no,telephone,may,tue,531,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,technician,married,professional.course,no,no,no,telephone,may,tue,34,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,housemaid,married,basic.4y,no,no,no,telephone,may,tue,788,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,unknown,no,no,yes,telephone,may,tue,431,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,management,married,university.degree,no,no,no,telephone,may,tue,851,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,admin.,single,high.school,no,no,no,telephone,may,tue,315,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,technician,single,high.school,no,no,no,telephone,may,tue,214,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,management,divorced,university.degree,no,yes,no,telephone,may,tue,92,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,unknown,unknown,no,no,telephone,may,tue,73,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,single,unknown,unknown,no,no,telephone,may,tue,181,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,tue,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,technician,married,professional.course,no,no,no,telephone,may,tue,58,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,admin.,single,high.school,no,yes,no,telephone,may,tue,1052,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,services,married,high.school,no,no,no,telephone,may,tue,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,married,university.degree,no,no,no,telephone,may,tue,309,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,admin.,married,basic.6y,no,yes,no,telephone,may,tue,210,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,single,high.school,no,no,no,telephone,may,tue,165,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,single,basic.6y,unknown,yes,no,telephone,may,tue,331,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,management,married,university.degree,no,yes,no,telephone,may,tue,230,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,retired,divorced,basic.4y,no,yes,no,telephone,may,tue,584,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,management,single,university.degree,no,yes,no,telephone,may,tue,134,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,entrepreneur,single,basic.9y,no,no,no,telephone,may,tue,185,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,295,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,housemaid,married,basic.4y,no,no,no,telephone,may,tue,86,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,technician,single,high.school,no,no,no,telephone,may,tue,151,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,married,high.school,unknown,no,yes,telephone,may,tue,69,11,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,blue-collar,married,professional.course,unknown,yes,no,telephone,may,tue,15,11,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,entrepreneur,married,university.degree,unknown,no,no,telephone,may,tue,437,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,self-employed,married,professional.course,unknown,yes,yes,telephone,may,tue,139,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,267,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,high.school,no,yes,no,telephone,may,tue,259,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,single,university.degree,unknown,yes,no,telephone,may,tue,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,566,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,services,married,high.school,unknown,yes,no,telephone,may,tue,175,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,management,divorced,university.degree,no,no,no,telephone,may,tue,198,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +60,retired,married,high.school,unknown,yes,no,telephone,may,tue,220,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,tue,168,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,self-employed,single,university.degree,no,no,no,telephone,may,tue,247,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,entrepreneur,married,university.degree,unknown,yes,no,telephone,may,tue,291,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,married,unknown,no,yes,no,telephone,may,tue,322,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,services,married,high.school,unknown,yes,no,telephone,may,tue,194,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,unknown,unknown,yes,no,telephone,may,tue,379,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,services,married,high.school,no,no,yes,telephone,may,tue,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,technician,married,professional.course,unknown,no,no,telephone,may,tue,166,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,high.school,no,no,no,telephone,may,tue,64,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,married,university.degree,no,yes,yes,telephone,may,tue,232,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,blue-collar,married,basic.4y,no,yes,yes,telephone,may,tue,647,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,basic.9y,no,yes,no,telephone,may,tue,322,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,married,high.school,no,no,no,telephone,may,tue,337,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,133,12,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,50,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,entrepreneur,married,professional.course,no,no,no,telephone,may,tue,87,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,married,professional.course,no,no,yes,telephone,may,tue,771,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,single,unknown,no,yes,no,telephone,may,tue,205,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,admin.,single,university.degree,no,yes,no,telephone,may,tue,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,318,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,married,basic.9y,unknown,no,no,telephone,may,tue,109,9,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,tue,304,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,services,single,high.school,no,no,no,telephone,may,tue,209,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,single,professional.course,unknown,unknown,unknown,telephone,may,tue,271,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,single,basic.4y,no,yes,yes,telephone,may,tue,1093,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,services,divorced,high.school,no,no,no,telephone,may,tue,326,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,389,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,tue,273,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,technician,single,high.school,unknown,no,no,telephone,may,tue,264,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,married,high.school,no,no,no,telephone,may,tue,1106,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,single,basic.9y,no,unknown,unknown,telephone,may,tue,195,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,technician,single,unknown,no,unknown,unknown,telephone,may,tue,69,19,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,admin.,married,high.school,no,no,no,telephone,may,tue,214,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,retired,married,basic.9y,no,yes,no,telephone,may,tue,87,9,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,122,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,services,married,basic.9y,no,no,no,telephone,may,tue,945,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +52,management,married,basic.4y,unknown,yes,no,telephone,may,tue,288,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,unknown,no,no,no,telephone,may,tue,50,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,816,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,entrepreneur,married,basic.6y,no,yes,no,telephone,may,tue,284,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +23,blue-collar,married,professional.course,no,yes,no,telephone,may,tue,116,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,single,university.degree,no,yes,no,telephone,may,tue,72,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,admin.,married,high.school,no,no,no,telephone,may,tue,232,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,services,single,high.school,no,no,yes,telephone,may,tue,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,admin.,married,high.school,no,yes,no,telephone,may,tue,190,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,entrepreneur,married,university.degree,no,yes,no,telephone,may,tue,1721,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +27,technician,single,high.school,unknown,no,yes,telephone,may,tue,351,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,tue,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,tue,104,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,divorced,high.school,no,yes,yes,telephone,may,tue,163,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,technician,married,professional.course,no,no,no,telephone,may,tue,492,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,tue,152,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,tue,109,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.6y,no,no,no,telephone,may,tue,384,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,entrepreneur,divorced,university.degree,no,yes,no,telephone,may,tue,1032,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,unknown,no,no,no,telephone,may,wed,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,technician,single,professional.course,no,yes,yes,telephone,may,wed,65,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,194,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,technician,married,university.degree,no,no,no,telephone,may,wed,360,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,admin.,single,university.degree,unknown,yes,no,telephone,may,wed,96,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,20,11,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +55,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,323,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,management,married,basic.6y,unknown,no,no,telephone,may,wed,332,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,management,married,university.degree,no,yes,no,telephone,may,wed,735,8,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,wed,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,married,high.school,no,no,no,telephone,may,wed,158,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,technician,married,high.school,no,yes,yes,telephone,may,wed,73,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,management,married,university.degree,no,unknown,unknown,telephone,may,wed,407,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,438,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,management,divorced,basic.9y,unknown,no,no,telephone,may,wed,174,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,management,divorced,university.degree,unknown,no,no,telephone,may,wed,175,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,student,single,high.school,unknown,yes,no,telephone,may,wed,313,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,single,high.school,no,unknown,unknown,telephone,may,wed,137,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,self-employed,married,unknown,unknown,no,no,telephone,may,wed,22,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,management,divorced,university.degree,no,yes,no,telephone,may,wed,328,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,unknown,married,university.degree,no,no,no,telephone,may,wed,93,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,wed,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,unemployed,married,professional.course,unknown,yes,no,telephone,may,wed,219,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,455,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,management,married,university.degree,no,no,yes,telephone,may,wed,103,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,services,married,unknown,no,no,no,telephone,may,wed,133,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +55,management,married,unknown,no,yes,yes,telephone,may,wed,77,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,admin.,married,basic.9y,unknown,yes,yes,telephone,may,wed,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,admin.,married,high.school,no,yes,no,telephone,may,wed,72,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,admin.,married,basic.4y,unknown,yes,no,telephone,may,wed,942,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +31,admin.,single,university.degree,no,no,no,telephone,may,wed,89,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,married,unknown,no,yes,no,telephone,may,wed,108,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,services,divorced,high.school,unknown,yes,no,telephone,may,wed,101,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,wed,305,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,unemployed,married,university.degree,no,yes,no,telephone,may,wed,387,9,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,admin.,married,high.school,unknown,yes,no,telephone,may,wed,146,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,admin.,married,university.degree,no,yes,yes,telephone,may,wed,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,management,married,unknown,unknown,yes,no,telephone,may,wed,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +58,housemaid,married,university.degree,unknown,no,no,telephone,may,wed,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,single,university.degree,unknown,no,no,telephone,may,wed,117,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,single,basic.4y,no,no,no,telephone,may,wed,381,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,blue-collar,single,university.degree,no,no,no,telephone,may,wed,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,476,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +53,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,admin.,single,university.degree,no,no,no,telephone,may,wed,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,wed,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,entrepreneur,married,high.school,no,no,no,telephone,may,wed,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,technician,married,basic.6y,unknown,yes,yes,telephone,may,wed,163,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,technician,single,professional.course,no,no,no,telephone,may,wed,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,282,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,married,unknown,unknown,no,yes,telephone,may,wed,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,blue-collar,divorced,basic.9y,no,yes,yes,telephone,may,wed,48,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,220,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,606,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,management,divorced,high.school,unknown,no,no,telephone,may,wed,82,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,technician,single,university.degree,no,no,no,telephone,may,wed,451,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,technician,married,university.degree,unknown,no,no,telephone,may,wed,202,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,technician,married,high.school,no,yes,no,telephone,may,wed,832,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +29,blue-collar,married,basic.6y,no,no,yes,telephone,may,wed,168,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,admin.,single,high.school,no,yes,yes,telephone,may,wed,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,technician,married,professional.course,unknown,no,no,telephone,may,wed,69,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,wed,200,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,170,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,283,8,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,421,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,married,high.school,unknown,no,no,telephone,may,wed,278,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,unknown,married,unknown,unknown,unknown,unknown,telephone,may,wed,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,management,married,basic.4y,unknown,no,no,telephone,may,wed,238,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,138,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,wed,218,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,management,married,university.degree,no,no,no,telephone,may,wed,158,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,unemployed,divorced,basic.9y,no,yes,no,telephone,may,wed,105,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +57,blue-collar,divorced,professional.course,no,no,no,telephone,may,wed,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,management,married,high.school,no,no,no,telephone,may,wed,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,admin.,married,high.school,no,unknown,unknown,telephone,may,wed,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,wed,824,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,admin.,married,university.degree,no,no,yes,telephone,may,wed,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,488,12,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,self-employed,single,university.degree,no,yes,no,telephone,may,wed,148,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,technician,single,professional.course,unknown,unknown,unknown,telephone,may,wed,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,wed,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,basic.9y,no,no,yes,telephone,may,wed,452,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,services,married,high.school,no,yes,no,telephone,may,wed,114,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,services,married,high.school,no,yes,no,telephone,may,wed,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,housemaid,married,basic.9y,unknown,yes,yes,telephone,may,wed,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,wed,145,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +27,admin.,single,high.school,no,yes,no,telephone,may,wed,1328,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +50,admin.,married,university.degree,no,yes,no,telephone,may,wed,686,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,services,married,high.school,unknown,yes,no,telephone,may,wed,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,management,married,university.degree,unknown,yes,no,telephone,may,wed,265,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,married,high.school,no,yes,no,telephone,may,wed,300,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +57,retired,married,university.degree,unknown,no,no,telephone,may,wed,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,blue-collar,single,basic.9y,no,no,yes,telephone,may,wed,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,housemaid,married,high.school,no,no,no,telephone,may,wed,534,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,unemployed,single,university.degree,no,no,yes,telephone,may,wed,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,services,single,basic.6y,unknown,yes,no,telephone,may,wed,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,services,married,high.school,unknown,yes,no,telephone,may,wed,127,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,1125,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +36,admin.,married,university.degree,unknown,yes,no,telephone,may,wed,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,158,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,technician,single,unknown,unknown,no,no,telephone,may,wed,267,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,single,high.school,unknown,yes,yes,telephone,may,wed,257,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,management,married,university.degree,unknown,no,no,telephone,may,wed,110,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,housemaid,divorced,basic.6y,unknown,yes,no,telephone,may,wed,477,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,management,married,professional.course,no,yes,no,telephone,may,wed,456,9,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,unemployed,divorced,basic.9y,no,no,no,telephone,may,wed,1321,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,298,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,unknown,married,high.school,unknown,no,no,telephone,may,wed,96,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,services,married,high.school,no,no,no,telephone,may,wed,483,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +55,admin.,married,high.school,no,no,yes,telephone,may,wed,213,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,51,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,services,single,high.school,no,yes,no,telephone,may,wed,44,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,admin.,divorced,basic.9y,no,yes,no,telephone,may,wed,164,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,wed,220,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,wed,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,452,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,high.school,no,no,no,telephone,may,wed,858,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +49,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,entrepreneur,married,university.degree,no,yes,no,telephone,may,wed,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,student,married,university.degree,no,yes,no,telephone,may,wed,629,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +42,blue-collar,divorced,basic.6y,unknown,no,no,telephone,may,wed,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,divorced,professional.course,no,no,no,telephone,may,wed,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,unemployed,married,professional.course,no,no,no,telephone,may,wed,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,retired,married,basic.9y,no,no,no,telephone,may,wed,262,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,admin.,divorced,basic.9y,no,yes,no,telephone,may,wed,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,married,high.school,unknown,unknown,unknown,telephone,may,wed,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,services,married,high.school,unknown,no,no,telephone,may,wed,156,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,management,divorced,university.degree,no,unknown,unknown,telephone,may,wed,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,services,married,high.school,unknown,unknown,unknown,telephone,may,wed,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,management,married,university.degree,no,yes,no,telephone,may,wed,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,entrepreneur,married,basic.4y,no,no,no,telephone,may,wed,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,wed,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,services,single,high.school,no,no,no,telephone,may,wed,461,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,admin.,married,basic.9y,no,yes,no,telephone,may,wed,117,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,wed,546,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,technician,married,basic.9y,no,no,no,telephone,may,wed,351,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,services,married,high.school,no,no,no,telephone,may,wed,429,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,married,basic.4y,no,yes,no,telephone,may,wed,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,technician,married,professional.course,no,no,no,telephone,may,wed,568,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,services,married,professional.course,no,yes,no,telephone,may,wed,299,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,services,divorced,high.school,no,no,no,telephone,may,wed,282,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,housemaid,married,basic.6y,no,no,no,telephone,may,wed,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,283,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,263,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,housemaid,married,basic.6y,no,no,no,telephone,may,wed,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,technician,divorced,professional.course,no,no,no,telephone,may,wed,91,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,admin.,single,high.school,no,no,no,telephone,may,wed,32,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,347,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,blue-collar,married,basic.9y,no,no,yes,telephone,may,wed,58,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,entrepreneur,married,university.degree,no,no,no,telephone,may,wed,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,services,divorced,high.school,no,no,no,telephone,may,wed,869,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,housemaid,divorced,basic.4y,unknown,no,no,telephone,may,wed,339,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,unemployed,divorced,high.school,no,yes,no,telephone,may,wed,267,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,admin.,divorced,high.school,no,yes,no,telephone,may,wed,34,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,admin.,single,university.degree,no,no,no,telephone,may,wed,153,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,28,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,management,married,basic.4y,no,no,no,telephone,may,wed,216,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,technician,single,professional.course,no,no,no,telephone,may,wed,199,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,single,university.degree,no,yes,no,telephone,may,wed,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,single,high.school,no,no,no,telephone,may,wed,322,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,management,married,university.degree,no,yes,no,telephone,may,wed,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,admin.,married,university.degree,no,no,no,telephone,may,wed,197,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,224,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,unemployed,married,university.degree,no,no,no,telephone,may,wed,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,wed,833,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,technician,married,professional.course,unknown,yes,no,telephone,may,wed,485,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,57,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,247,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,unknown,married,basic.9y,no,no,no,telephone,may,wed,89,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,admin.,single,university.degree,no,yes,no,telephone,may,wed,849,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,blue-collar,married,professional.course,no,yes,yes,telephone,may,wed,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,single,basic.9y,no,no,yes,telephone,may,wed,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,blue-collar,married,high.school,no,no,yes,telephone,may,wed,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,admin.,married,high.school,unknown,no,no,telephone,may,wed,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,829,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,blue-collar,married,professional.course,no,yes,no,telephone,may,wed,749,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,single,high.school,no,yes,yes,telephone,may,wed,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,married,high.school,no,no,no,telephone,may,wed,407,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,technician,divorced,professional.course,unknown,unknown,unknown,telephone,may,wed,182,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,admin.,divorced,high.school,no,yes,no,telephone,may,wed,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,admin.,married,university.degree,no,no,no,telephone,may,wed,438,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,admin.,single,high.school,no,no,no,telephone,may,wed,387,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,married,high.school,no,no,no,telephone,may,wed,100,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,413,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,blue-collar,married,basic.6y,no,no,yes,telephone,may,wed,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,entrepreneur,married,basic.4y,no,no,no,telephone,may,wed,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,management,married,unknown,no,no,no,telephone,may,wed,345,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,married,high.school,no,no,no,telephone,may,wed,1028,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +43,unknown,married,university.degree,no,no,no,telephone,may,wed,566,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,wed,38,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,services,married,high.school,no,yes,no,telephone,may,wed,214,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,services,married,high.school,unknown,yes,no,telephone,may,wed,248,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +24,student,single,high.school,unknown,no,no,telephone,may,wed,246,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,170,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,management,married,university.degree,unknown,yes,no,telephone,may,wed,136,8,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,admin.,married,university.degree,no,yes,no,telephone,may,wed,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,divorced,high.school,no,yes,no,telephone,may,wed,225,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,university.degree,no,no,no,telephone,may,wed,364,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,blue-collar,single,basic.6y,unknown,yes,no,telephone,may,wed,784,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,wed,93,11,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,admin.,married,university.degree,no,no,no,telephone,may,wed,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,technician,married,professional.course,no,yes,no,telephone,may,wed,160,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,technician,married,basic.9y,no,yes,no,telephone,may,wed,210,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,admin.,single,high.school,no,yes,no,telephone,may,wed,222,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,single,university.degree,no,no,no,telephone,may,wed,265,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,single,basic.4y,unknown,no,no,telephone,may,wed,21,10,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,technician,married,professional.course,unknown,yes,no,telephone,may,wed,157,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,entrepreneur,married,basic.4y,unknown,yes,no,telephone,may,wed,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,services,single,unknown,no,yes,no,telephone,may,wed,230,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,entrepreneur,married,basic.4y,unknown,no,no,telephone,may,wed,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,wed,161,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,management,married,university.degree,no,no,no,telephone,may,wed,350,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +25,blue-collar,single,basic.9y,no,yes,no,telephone,may,wed,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,entrepreneur,married,basic.4y,unknown,yes,no,telephone,may,wed,565,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,services,married,basic.9y,unknown,no,no,telephone,may,wed,44,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,single,university.degree,no,no,no,telephone,may,wed,337,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,divorced,high.school,no,yes,no,telephone,may,wed,416,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,technician,married,basic.9y,no,no,no,telephone,may,wed,102,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,unknown,married,basic.9y,no,no,yes,telephone,may,wed,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +24,services,single,high.school,no,yes,no,telephone,may,wed,977,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,self-employed,single,basic.6y,unknown,no,yes,telephone,may,wed,138,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,technician,divorced,professional.course,no,yes,no,telephone,may,wed,70,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,technician,married,professional.course,no,no,no,telephone,may,wed,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,251,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,management,married,high.school,unknown,yes,no,telephone,may,wed,110,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,admin.,married,professional.course,no,no,no,telephone,may,wed,230,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,services,married,high.school,unknown,no,no,telephone,may,wed,48,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,technician,married,professional.course,no,yes,no,telephone,may,wed,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,22,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,wed,174,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,378,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,services,married,basic.6y,no,no,no,telephone,may,wed,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,services,single,high.school,no,no,no,telephone,may,wed,380,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,admin.,married,university.degree,no,yes,no,telephone,may,wed,108,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,927,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +26,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,389,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,management,married,university.degree,no,yes,yes,telephone,may,wed,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,management,married,university.degree,no,no,no,telephone,may,wed,273,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,services,married,high.school,unknown,no,no,telephone,may,wed,48,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,management,married,university.degree,no,yes,no,telephone,may,wed,8,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,management,married,university.degree,no,no,no,telephone,may,wed,90,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,married,unknown,unknown,no,no,telephone,may,wed,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,student,single,university.degree,no,yes,no,telephone,may,wed,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,housemaid,divorced,basic.4y,unknown,no,no,telephone,may,wed,762,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,technician,married,professional.course,no,no,no,telephone,may,wed,302,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,blue-collar,single,basic.9y,no,yes,yes,telephone,may,wed,411,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +58,admin.,divorced,university.degree,no,no,no,telephone,may,wed,245,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,entrepreneur,married,high.school,no,no,no,telephone,may,wed,746,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,housemaid,married,basic.9y,unknown,no,no,telephone,may,wed,673,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,basic.4y,no,yes,yes,telephone,may,wed,220,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,services,married,high.school,no,no,no,telephone,may,wed,232,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,admin.,single,high.school,no,no,no,telephone,may,wed,106,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,unemployed,single,university.degree,no,no,no,telephone,may,wed,115,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,admin.,married,high.school,unknown,no,no,telephone,may,wed,485,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +27,student,single,university.degree,no,yes,no,telephone,may,wed,274,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,services,married,high.school,no,no,no,telephone,may,wed,106,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +23,services,single,high.school,no,no,no,telephone,may,wed,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,married,high.school,no,yes,yes,telephone,may,wed,1044,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +23,services,single,high.school,no,no,no,telephone,may,wed,354,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,admin.,divorced,university.degree,no,no,no,telephone,may,wed,180,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +60,housemaid,married,high.school,no,unknown,unknown,telephone,may,wed,392,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,entrepreneur,single,high.school,no,no,no,telephone,may,wed,331,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,wed,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,admin.,married,university.degree,no,no,no,telephone,may,wed,148,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,wed,74,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,267,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,single,university.degree,no,yes,yes,telephone,may,wed,374,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,entrepreneur,married,basic.9y,no,yes,no,telephone,may,wed,295,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,self-employed,single,professional.course,unknown,yes,no,telephone,may,wed,77,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,admin.,married,university.degree,unknown,no,no,telephone,may,wed,149,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,entrepreneur,married,basic.9y,no,no,no,telephone,may,wed,668,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,technician,divorced,high.school,no,yes,no,telephone,may,wed,95,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,229,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,286,9,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,blue-collar,single,basic.9y,no,yes,no,telephone,may,wed,242,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,married,basic.9y,no,no,yes,telephone,may,wed,335,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,technician,married,professional.course,unknown,no,no,telephone,may,wed,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,159,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,technician,single,professional.course,no,yes,no,telephone,may,wed,343,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,technician,divorced,professional.course,no,no,no,telephone,may,wed,85,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,technician,married,professional.course,unknown,no,no,telephone,may,wed,295,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,360,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,high.school,no,yes,no,telephone,may,wed,183,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,married,high.school,no,no,no,telephone,may,wed,726,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,self-employed,married,basic.9y,no,yes,no,telephone,may,wed,514,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,self-employed,married,university.degree,no,yes,no,telephone,may,wed,382,10,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,admin.,single,university.degree,no,no,no,telephone,may,wed,142,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,technician,married,professional.course,unknown,no,no,telephone,may,wed,301,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,153,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,admin.,single,basic.9y,no,no,no,telephone,may,wed,264,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,technician,single,basic.9y,no,no,no,telephone,may,wed,161,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +60,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,admin.,married,high.school,no,no,yes,telephone,may,wed,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,technician,married,university.degree,no,no,no,telephone,may,wed,326,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,183,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +27,blue-collar,single,basic.6y,no,yes,no,telephone,may,wed,634,10,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,339,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,services,divorced,high.school,no,no,no,telephone,may,wed,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,married,high.school,unknown,yes,no,telephone,may,wed,232,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,services,married,high.school,unknown,yes,no,telephone,may,wed,312,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,services,married,high.school,no,no,no,telephone,may,wed,423,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,248,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,146,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,retired,married,professional.course,unknown,yes,no,telephone,may,wed,125,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,technician,married,university.degree,unknown,yes,no,telephone,may,wed,234,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,services,married,high.school,no,no,no,telephone,may,wed,17,18,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,technician,married,professional.course,no,no,no,telephone,may,wed,546,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,554,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,blue-collar,married,professional.course,no,yes,no,telephone,may,wed,162,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,entrepreneur,married,high.school,unknown,no,no,telephone,may,wed,436,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,302,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,services,divorced,high.school,unknown,no,no,telephone,may,wed,349,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,services,married,high.school,no,yes,yes,telephone,may,wed,174,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,wed,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,services,single,high.school,unknown,yes,no,telephone,may,wed,902,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,technician,married,professional.course,no,unknown,unknown,telephone,may,wed,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,unemployed,single,basic.9y,no,no,no,telephone,may,wed,282,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,admin.,single,university.degree,no,yes,yes,telephone,may,wed,126,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,wed,554,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,self-employed,married,basic.9y,no,yes,no,telephone,may,wed,21,11,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,technician,married,professional.course,no,no,no,telephone,may,wed,246,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,141,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,professional.course,no,yes,yes,telephone,may,wed,427,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.4y,no,yes,yes,telephone,may,wed,97,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,wed,402,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,self-employed,married,professional.course,unknown,no,no,telephone,may,wed,252,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,360,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,student,single,high.school,no,no,no,telephone,may,wed,852,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +27,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,divorced,basic.6y,no,no,no,telephone,may,wed,133,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,married,unknown,no,no,no,telephone,may,wed,98,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,retired,divorced,high.school,no,unknown,unknown,telephone,may,wed,574,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,274,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,wed,122,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,student,single,unknown,unknown,no,no,telephone,may,wed,166,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,admin.,single,high.school,no,yes,yes,telephone,may,wed,167,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,self-employed,married,basic.4y,unknown,no,yes,telephone,may,wed,91,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +55,admin.,married,high.school,no,yes,no,telephone,may,wed,133,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,single,high.school,no,no,no,telephone,may,wed,594,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,86,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,management,married,university.degree,no,no,no,telephone,may,wed,166,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,divorced,unknown,no,no,no,telephone,may,wed,302,10,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,admin.,married,university.degree,no,yes,no,telephone,may,wed,303,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,services,married,high.school,no,no,no,telephone,may,wed,636,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,blue-collar,divorced,basic.4y,no,no,no,telephone,may,wed,341,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,single,high.school,no,no,no,telephone,may,wed,483,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,234,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,married,high.school,no,yes,yes,telephone,may,wed,211,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,738,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,blue-collar,married,basic.6y,no,yes,yes,telephone,may,wed,482,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,technician,single,high.school,no,yes,no,telephone,may,wed,238,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,services,divorced,high.school,no,yes,no,telephone,may,wed,370,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,student,married,university.degree,no,no,no,telephone,may,wed,225,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,wed,256,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,housemaid,married,university.degree,unknown,no,no,telephone,may,wed,567,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,147,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,single,basic.4y,unknown,no,yes,telephone,may,wed,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,married,basic.9y,no,no,yes,telephone,may,wed,582,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,self-employed,single,university.degree,no,no,yes,telephone,may,wed,270,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,management,married,high.school,no,no,no,telephone,may,wed,52,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,married,unknown,no,yes,no,telephone,may,wed,260,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,married,high.school,no,no,no,telephone,may,wed,254,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,technician,married,university.degree,no,yes,no,telephone,may,wed,1118,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,76,9,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,admin.,married,high.school,no,yes,no,telephone,may,wed,79,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,unknown,no,no,no,telephone,may,wed,837,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,retired,married,professional.course,unknown,no,no,telephone,may,wed,208,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,management,married,university.degree,unknown,no,yes,telephone,may,wed,245,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,technician,married,professional.course,unknown,no,yes,telephone,may,wed,187,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,technician,married,professional.course,no,no,no,telephone,may,wed,1423,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +51,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,271,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,services,married,high.school,no,no,yes,telephone,may,wed,166,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +58,retired,married,basic.9y,no,no,no,telephone,may,wed,256,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,entrepreneur,married,high.school,unknown,no,yes,telephone,may,wed,173,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,wed,367,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,wed,227,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,276,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,single,university.degree,no,no,no,telephone,may,wed,349,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,married,university.degree,no,no,no,telephone,may,wed,856,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +60,retired,married,high.school,no,no,no,telephone,may,wed,278,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,technician,divorced,basic.9y,no,no,yes,telephone,may,wed,143,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,services,married,high.school,no,yes,no,telephone,may,wed,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,admin.,married,university.degree,no,yes,yes,telephone,may,wed,37,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,admin.,married,high.school,unknown,yes,no,telephone,may,wed,260,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,self-employed,married,basic.4y,unknown,yes,no,telephone,may,wed,323,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,married,university.degree,no,yes,no,telephone,may,wed,187,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,services,single,high.school,unknown,no,no,telephone,may,wed,364,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,unemployed,single,university.degree,no,no,yes,telephone,may,wed,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,admin.,single,university.degree,no,yes,yes,telephone,may,wed,266,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +55,technician,married,professional.course,unknown,no,no,telephone,may,wed,806,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,self-employed,single,university.degree,no,yes,no,telephone,may,wed,318,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,retired,divorced,professional.course,unknown,yes,yes,telephone,may,wed,104,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,technician,married,professional.course,no,yes,no,telephone,may,wed,747,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,services,divorced,basic.4y,unknown,yes,no,telephone,may,thu,95,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,176,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,management,married,university.degree,no,no,no,telephone,may,thu,319,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,married,basic.9y,no,no,yes,telephone,may,thu,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,married,unknown,no,yes,no,telephone,may,thu,170,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,services,divorced,high.school,unknown,no,no,telephone,may,thu,311,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,admin.,single,high.school,no,yes,no,telephone,may,thu,362,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,services,married,high.school,no,no,no,telephone,may,thu,86,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,90,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,admin.,single,basic.9y,unknown,no,no,telephone,may,thu,44,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,admin.,married,basic.6y,no,no,no,telephone,may,thu,1013,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,unknown,no,yes,no,telephone,may,thu,76,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,90,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,blue-collar,divorced,high.school,unknown,no,no,telephone,may,thu,155,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,admin.,single,university.degree,no,yes,no,telephone,may,thu,468,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,admin.,married,basic.6y,no,yes,no,telephone,may,thu,226,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,married,high.school,no,no,yes,telephone,may,thu,349,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,housemaid,married,basic.4y,no,no,no,telephone,may,thu,646,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +58,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,148,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,admin.,married,basic.9y,unknown,no,no,telephone,may,thu,517,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,management,married,basic.6y,unknown,yes,no,telephone,may,thu,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,admin.,single,university.degree,unknown,no,no,telephone,may,thu,391,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,may,thu,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,236,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +60,unknown,married,university.degree,no,no,yes,telephone,may,thu,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,services,married,professional.course,unknown,no,no,telephone,may,thu,125,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,technician,married,university.degree,no,no,no,telephone,may,thu,360,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,divorced,basic.9y,unknown,no,no,telephone,may,thu,312,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,technician,divorced,professional.course,no,yes,no,telephone,may,thu,366,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,admin.,married,university.degree,no,yes,no,telephone,may,thu,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,entrepreneur,married,university.degree,no,no,no,telephone,may,thu,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,unemployed,married,high.school,no,no,yes,telephone,may,thu,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,12,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,self-employed,married,basic.9y,no,yes,no,telephone,may,thu,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,divorced,high.school,no,yes,no,telephone,may,thu,420,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,259,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,technician,divorced,basic.9y,no,no,no,telephone,may,thu,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,entrepreneur,married,university.degree,unknown,no,no,telephone,may,thu,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,technician,divorced,basic.9y,no,no,no,telephone,may,thu,263,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,management,divorced,university.degree,no,no,no,telephone,may,thu,415,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,services,married,basic.9y,no,no,no,telephone,may,thu,746,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +26,technician,married,professional.course,no,no,no,telephone,may,thu,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,services,married,basic.9y,unknown,unknown,unknown,telephone,may,thu,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,single,unknown,no,no,no,telephone,may,thu,735,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,services,married,high.school,no,yes,no,telephone,may,thu,183,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,admin.,single,high.school,unknown,no,no,telephone,may,thu,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,blue-collar,married,basic.9y,no,yes,yes,telephone,may,thu,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,thu,62,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,thu,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,technician,single,professional.course,no,yes,yes,telephone,may,thu,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,housemaid,married,basic.4y,no,no,no,telephone,may,thu,244,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,unknown,married,high.school,unknown,yes,yes,telephone,may,thu,367,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,housemaid,married,basic.4y,no,yes,no,telephone,may,thu,325,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,entrepreneur,single,basic.9y,no,no,no,telephone,may,thu,183,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,552,11,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,technician,single,professional.course,unknown,yes,no,telephone,may,thu,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,admin.,divorced,professional.course,no,yes,no,telephone,may,thu,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,unemployed,divorced,high.school,unknown,yes,yes,telephone,may,thu,157,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,housemaid,married,basic.6y,unknown,no,no,telephone,may,thu,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,single,unknown,no,no,no,telephone,may,thu,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,services,married,high.school,no,no,no,telephone,may,thu,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,single,high.school,no,yes,no,telephone,may,thu,182,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,thu,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,644,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,305,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,technician,married,professional.course,unknown,yes,no,telephone,may,thu,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,services,divorced,basic.6y,unknown,yes,no,telephone,may,thu,173,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,technician,married,professional.course,no,yes,no,telephone,may,thu,374,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,admin.,divorced,basic.6y,no,yes,no,telephone,may,thu,240,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,services,married,high.school,no,yes,no,telephone,may,thu,558,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,single,basic.9y,no,no,no,telephone,may,thu,1088,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,41,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,technician,married,professional.course,no,no,no,telephone,may,thu,436,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,thu,463,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,265,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,entrepreneur,divorced,university.degree,no,yes,no,telephone,may,thu,234,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,single,basic.4y,no,yes,no,telephone,may,thu,113,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,blue-collar,married,high.school,unknown,yes,no,telephone,may,thu,200,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,housemaid,married,basic.4y,no,yes,no,telephone,may,thu,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,thu,34,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,technician,married,professional.course,no,yes,no,telephone,may,thu,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,thu,504,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,services,single,high.school,unknown,no,no,telephone,may,thu,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,36,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,unknown,married,high.school,unknown,no,no,telephone,may,thu,303,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,services,divorced,high.school,no,yes,no,telephone,may,thu,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,technician,single,university.degree,unknown,yes,no,telephone,may,thu,90,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,admin.,single,university.degree,no,no,no,telephone,may,thu,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,admin.,single,high.school,no,unknown,unknown,telephone,may,thu,257,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,divorced,unknown,no,no,yes,telephone,may,thu,94,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,retired,unknown,basic.4y,no,yes,no,telephone,may,thu,171,10,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,management,married,unknown,unknown,no,no,telephone,may,thu,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,unknown,married,unknown,unknown,yes,no,telephone,may,thu,285,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,admin.,married,high.school,no,no,no,telephone,may,thu,326,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,divorced,unknown,no,yes,no,telephone,may,thu,451,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,technician,married,basic.9y,no,yes,no,telephone,may,thu,347,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,retired,divorced,basic.4y,no,no,no,telephone,may,thu,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,services,divorced,basic.6y,no,yes,no,telephone,may,thu,1074,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +56,technician,married,professional.course,unknown,no,no,telephone,may,thu,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,management,married,high.school,no,no,no,telephone,may,thu,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,1036,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,thu,303,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,self-employed,married,professional.course,no,yes,no,telephone,may,thu,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,322,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,self-employed,married,university.degree,unknown,yes,no,telephone,may,thu,750,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,admin.,married,high.school,no,yes,no,telephone,may,thu,695,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +49,technician,married,high.school,no,yes,no,telephone,may,thu,435,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,397,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,95,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,technician,married,basic.9y,no,yes,no,telephone,may,thu,208,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,retired,married,basic.4y,unknown,yes,no,telephone,may,thu,163,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,admin.,single,high.school,no,yes,no,telephone,may,thu,168,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,admin.,single,high.school,no,unknown,unknown,telephone,may,thu,161,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,services,married,basic.6y,no,yes,yes,telephone,may,thu,1000,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.4y,no,no,yes,telephone,may,thu,599,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,thu,30,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,entrepreneur,married,basic.9y,no,no,yes,telephone,may,thu,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,admin.,married,university.degree,no,yes,no,telephone,may,thu,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,thu,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,entrepreneur,divorced,university.degree,no,no,no,telephone,may,thu,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,services,married,basic.9y,no,yes,yes,telephone,may,thu,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,blue-collar,married,unknown,unknown,yes,no,telephone,may,thu,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,admin.,married,university.degree,no,unknown,unknown,telephone,may,thu,202,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,services,single,high.school,unknown,no,yes,telephone,may,thu,1257,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +48,admin.,married,high.school,no,no,yes,telephone,may,thu,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,admin.,married,high.school,no,yes,no,telephone,may,thu,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,thu,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,unknown,married,unknown,no,no,yes,telephone,may,thu,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,housemaid,single,university.degree,no,no,no,telephone,may,thu,71,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,admin.,married,high.school,no,no,no,telephone,may,thu,290,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,services,married,basic.6y,unknown,yes,no,telephone,may,thu,1165,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,164,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,self-employed,married,university.degree,no,no,no,telephone,may,thu,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,thu,295,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,may,thu,187,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,236,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,651,23,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +45,admin.,married,basic.6y,unknown,yes,no,telephone,may,thu,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,technician,married,professional.course,no,no,no,telephone,may,thu,145,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,single,high.school,no,yes,no,telephone,may,thu,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,self-employed,married,basic.6y,unknown,no,no,telephone,may,thu,734,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +36,services,married,high.school,unknown,no,no,telephone,may,thu,291,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,unemployed,divorced,high.school,no,no,no,telephone,may,thu,101,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,417,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,technician,married,professional.course,no,no,no,telephone,may,thu,191,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,admin.,married,high.school,unknown,no,no,telephone,may,thu,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,management,married,university.degree,no,no,no,telephone,may,thu,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,admin.,married,basic.6y,no,yes,no,telephone,may,thu,229,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,single,basic.9y,no,no,no,telephone,may,thu,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,admin.,married,high.school,no,no,no,telephone,may,thu,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,technician,divorced,professional.course,unknown,yes,yes,telephone,may,thu,72,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,admin.,married,high.school,no,yes,yes,telephone,may,thu,186,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,married,basic.4y,no,no,yes,telephone,may,thu,23,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,services,married,basic.4y,no,no,no,telephone,may,thu,402,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,unemployed,married,university.degree,unknown,yes,no,telephone,may,thu,37,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,admin.,married,university.degree,no,no,no,telephone,may,thu,68,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,blue-collar,married,basic.6y,no,yes,yes,telephone,may,thu,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,management,married,university.degree,unknown,no,no,telephone,may,thu,587,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,entrepreneur,married,basic.4y,no,no,no,telephone,may,thu,348,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,admin.,single,high.school,unknown,yes,no,telephone,may,thu,51,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,management,single,university.degree,no,unknown,unknown,telephone,may,thu,176,13,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,services,single,high.school,unknown,no,no,telephone,may,thu,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,services,married,basic.6y,unknown,yes,no,telephone,may,thu,297,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,203,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,unknown,divorced,high.school,no,no,no,telephone,may,thu,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,services,single,high.school,unknown,yes,no,telephone,may,thu,334,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,retired,married,basic.4y,unknown,yes,no,telephone,may,thu,217,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,single,basic.9y,no,no,no,telephone,may,thu,74,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,464,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,technician,single,university.degree,no,no,no,telephone,may,thu,738,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,management,married,basic.9y,no,yes,no,telephone,may,thu,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,technician,divorced,basic.4y,no,yes,no,telephone,may,thu,452,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,services,married,high.school,unknown,no,no,telephone,may,thu,203,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,unknown,unknown,no,no,telephone,may,thu,230,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,187,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,thu,920,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +58,self-employed,married,university.degree,no,no,no,telephone,may,thu,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,unknown,single,basic.6y,unknown,no,no,telephone,may,thu,1244,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,admin.,single,high.school,no,no,no,telephone,may,thu,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,married,university.degree,no,no,no,telephone,may,thu,431,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,500,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +55,retired,married,professional.course,no,yes,no,telephone,may,thu,301,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,115,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,technician,married,unknown,no,yes,no,telephone,may,thu,30,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,thu,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,unknown,married,unknown,unknown,yes,no,telephone,may,thu,270,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,218,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,technician,married,high.school,no,yes,no,telephone,may,thu,355,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,unemployed,divorced,basic.9y,unknown,no,no,telephone,may,thu,215,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,admin.,married,high.school,unknown,yes,no,telephone,may,thu,299,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,unknown,married,unknown,no,no,yes,telephone,may,thu,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,172,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,management,divorced,university.degree,no,yes,no,telephone,may,thu,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,housemaid,single,basic.4y,no,yes,no,telephone,may,thu,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,divorced,university.degree,no,yes,no,telephone,may,thu,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,housemaid,single,basic.4y,no,no,no,telephone,may,thu,477,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,single,professional.course,no,yes,no,telephone,may,thu,99,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,services,married,high.school,unknown,yes,no,telephone,may,thu,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,thu,200,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,single,basic.4y,no,yes,no,telephone,may,thu,187,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,thu,236,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,single,basic.6y,unknown,yes,no,telephone,may,thu,50,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,self-employed,married,professional.course,no,unknown,unknown,telephone,may,thu,104,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,divorced,high.school,no,no,no,telephone,may,thu,51,10,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,unknown,married,basic.6y,unknown,no,no,telephone,may,thu,51,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,140,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,221,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,98,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,services,married,high.school,no,no,no,telephone,may,thu,253,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,entrepreneur,married,university.degree,no,no,no,telephone,may,thu,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,self-employed,married,basic.9y,no,yes,no,telephone,may,thu,74,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,services,married,professional.course,unknown,yes,no,telephone,may,thu,126,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,housemaid,divorced,basic.6y,no,no,no,telephone,may,thu,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,thu,173,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,admin.,single,high.school,no,yes,no,telephone,may,thu,918,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,544,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,single,university.degree,no,yes,no,telephone,may,thu,309,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,blue-collar,divorced,basic.4y,no,no,no,telephone,may,thu,138,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,thu,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,admin.,married,university.degree,unknown,yes,no,telephone,may,thu,71,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,technician,divorced,professional.course,no,yes,no,telephone,may,thu,193,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,198,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,admin.,single,high.school,no,yes,no,telephone,may,thu,243,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,thu,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,admin.,single,university.degree,unknown,no,no,telephone,may,thu,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,housemaid,divorced,university.degree,no,yes,no,telephone,may,thu,105,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,admin.,divorced,unknown,unknown,yes,no,telephone,may,thu,719,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,unemployed,divorced,basic.4y,no,yes,no,telephone,may,thu,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,housemaid,married,basic.4y,unknown,no,no,telephone,may,thu,196,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,management,divorced,university.degree,no,yes,no,telephone,may,thu,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,admin.,single,high.school,unknown,no,no,telephone,may,thu,344,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,admin.,single,university.degree,no,no,no,telephone,may,thu,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +24,student,single,high.school,no,no,no,telephone,may,thu,597,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,entrepreneur,married,high.school,no,yes,no,telephone,may,thu,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,entrepreneur,single,university.degree,no,yes,no,telephone,may,thu,43,9,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,525,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,122,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +60,management,married,university.degree,unknown,yes,no,telephone,may,thu,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,admin.,married,basic.9y,unknown,yes,no,telephone,may,thu,111,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,technician,married,university.degree,unknown,yes,no,telephone,may,thu,133,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,retired,divorced,high.school,no,no,yes,telephone,may,thu,504,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,blue-collar,divorced,basic.4y,no,no,no,telephone,may,thu,192,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,services,single,basic.6y,unknown,yes,no,telephone,may,thu,164,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,services,divorced,basic.9y,no,yes,no,telephone,may,thu,51,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,admin.,married,professional.course,no,yes,no,telephone,may,thu,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,admin.,married,university.degree,no,no,no,telephone,may,thu,99,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,professional.course,no,yes,yes,telephone,may,thu,224,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,single,university.degree,no,no,no,telephone,may,thu,236,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,815,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,282,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,admin.,divorced,high.school,no,no,no,telephone,may,thu,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,entrepreneur,single,unknown,unknown,yes,no,telephone,may,thu,318,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,management,married,university.degree,no,yes,no,telephone,may,thu,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,admin.,married,university.degree,no,yes,no,telephone,may,thu,911,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +36,technician,single,professional.course,no,yes,no,telephone,may,thu,238,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,admin.,single,university.degree,no,yes,no,telephone,may,thu,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,management,married,basic.6y,no,yes,no,telephone,may,thu,490,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,admin.,married,high.school,no,unknown,unknown,telephone,may,thu,89,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,married,basic.4y,no,no,yes,telephone,may,thu,199,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,technician,divorced,professional.course,no,no,no,telephone,may,thu,644,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,services,married,high.school,no,yes,yes,telephone,may,thu,286,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,divorced,unknown,no,no,no,telephone,may,thu,76,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,176,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,retired,married,professional.course,no,no,no,telephone,may,thu,422,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,admin.,single,university.degree,no,no,no,telephone,may,thu,22,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,unemployed,married,basic.4y,unknown,unknown,unknown,telephone,may,thu,71,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,single,basic.9y,no,no,yes,telephone,may,thu,465,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,services,married,high.school,unknown,yes,no,telephone,may,thu,83,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,admin.,divorced,basic.9y,no,no,no,telephone,may,thu,973,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,blue-collar,single,basic.9y,unknown,no,no,telephone,may,thu,56,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,management,married,university.degree,no,yes,no,telephone,may,thu,190,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,thu,323,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,thu,113,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,self-employed,married,basic.4y,unknown,yes,no,telephone,may,thu,228,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,single,basic.9y,unknown,no,yes,telephone,may,thu,110,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,unemployed,married,basic.9y,no,no,no,telephone,may,thu,84,14,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,married,basic.4y,no,no,yes,telephone,may,thu,59,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,294,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,21,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,210,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,unknown,married,unknown,no,yes,no,telephone,may,thu,251,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,blue-collar,single,basic.6y,unknown,no,no,telephone,may,thu,444,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,married,basic.6y,no,yes,yes,telephone,may,thu,237,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,single,high.school,no,yes,no,telephone,may,thu,399,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,single,high.school,no,no,no,telephone,may,thu,132,22,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,thu,334,10,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,admin.,married,unknown,no,no,no,telephone,may,thu,387,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,admin.,married,university.degree,unknown,yes,no,telephone,may,thu,344,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,management,divorced,university.degree,no,no,no,telephone,may,thu,279,9,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,student,single,basic.4y,no,no,no,telephone,may,thu,484,8,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,married,unknown,unknown,yes,yes,telephone,may,thu,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,married,unknown,unknown,yes,no,telephone,may,thu,461,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,retired,divorced,university.degree,no,yes,no,telephone,may,thu,30,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,services,single,professional.course,no,yes,no,telephone,may,thu,561,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,services,single,high.school,unknown,yes,no,telephone,may,thu,468,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,technician,married,professional.course,unknown,yes,no,telephone,may,thu,920,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +29,technician,single,professional.course,no,no,no,telephone,may,thu,388,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,technician,single,professional.course,no,no,no,telephone,may,thu,100,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,technician,married,unknown,unknown,no,no,telephone,may,thu,1224,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +32,services,single,professional.course,no,no,no,telephone,may,thu,589,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,blue-collar,single,basic.6y,no,no,yes,telephone,may,thu,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,438,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,technician,married,professional.course,no,yes,no,telephone,may,thu,69,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,married,professional.course,unknown,no,yes,telephone,may,thu,964,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,housemaid,married,high.school,unknown,no,no,telephone,may,thu,384,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,admin.,single,unknown,no,yes,no,telephone,may,thu,103,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,52,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,management,married,university.degree,unknown,no,no,telephone,may,thu,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +24,services,single,high.school,no,no,no,telephone,may,thu,486,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,management,married,university.degree,unknown,no,yes,telephone,may,thu,1156,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +26,entrepreneur,married,university.degree,no,no,no,telephone,may,thu,73,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,523,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,admin.,married,high.school,unknown,no,no,telephone,may,thu,157,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,186,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,single,basic.9y,no,no,no,telephone,may,thu,73,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,544,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,194,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,admin.,married,university.degree,no,no,no,telephone,may,thu,420,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,technician,single,professional.course,no,no,no,telephone,may,thu,584,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,entrepreneur,married,basic.9y,unknown,no,no,telephone,may,thu,192,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,admin.,divorced,high.school,no,no,yes,telephone,may,thu,155,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.6y,unknown,no,yes,telephone,may,thu,1231,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,student,single,university.degree,no,no,no,telephone,may,thu,619,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,management,married,university.degree,no,no,yes,telephone,may,thu,298,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,technician,married,professional.course,no,yes,no,telephone,may,thu,515,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,management,married,basic.9y,no,yes,no,telephone,may,thu,21,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,admin.,married,university.degree,no,yes,no,telephone,may,thu,404,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,admin.,divorced,high.school,no,yes,no,telephone,may,thu,241,23,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,admin.,married,university.degree,no,yes,no,telephone,may,thu,302,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,unemployed,married,professional.course,no,no,no,telephone,may,thu,440,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,admin.,divorced,university.degree,no,yes,yes,telephone,may,thu,172,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,management,married,basic.4y,unknown,no,no,telephone,may,thu,319,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,1051,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,276,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,admin.,married,university.degree,no,yes,no,telephone,may,thu,213,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,technician,married,university.degree,no,no,yes,telephone,may,thu,194,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,thu,276,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,technician,single,university.degree,no,yes,no,telephone,may,thu,19,8,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,admin.,married,university.degree,unknown,yes,no,telephone,may,thu,226,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,unemployed,single,basic.9y,no,no,yes,telephone,may,thu,546,8,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,admin.,married,university.degree,no,yes,no,telephone,may,thu,419,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,thu,1867,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +37,technician,single,university.degree,no,no,no,telephone,may,thu,156,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,technician,married,university.degree,no,yes,no,telephone,may,thu,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,admin.,married,basic.9y,no,yes,yes,telephone,may,thu,548,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,technician,single,professional.course,no,yes,no,telephone,may,thu,760,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,244,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,328,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,admin.,married,high.school,no,yes,yes,telephone,may,thu,171,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,technician,married,professional.course,unknown,no,no,telephone,may,thu,284,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,services,married,high.school,unknown,yes,no,telephone,may,thu,1263,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +56,management,married,basic.6y,no,no,yes,telephone,may,thu,92,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,unemployed,married,university.degree,no,no,no,telephone,may,thu,17,25,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,422,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,admin.,married,university.degree,unknown,yes,no,telephone,may,thu,17,10,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,self-employed,married,basic.9y,no,no,no,telephone,may,thu,301,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,student,single,unknown,unknown,yes,no,telephone,may,thu,267,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,divorced,basic.9y,no,no,no,telephone,may,thu,475,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,technician,married,university.degree,no,yes,no,telephone,may,thu,770,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,blue-collar,single,basic.4y,unknown,no,no,telephone,may,thu,487,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,services,married,high.school,no,no,no,telephone,may,thu,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,married,basic.6y,no,no,no,telephone,may,thu,114,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,admin.,divorced,high.school,no,no,no,telephone,may,thu,136,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,admin.,married,university.degree,no,yes,no,telephone,may,thu,196,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,technician,single,university.degree,no,yes,no,telephone,may,thu,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,technician,single,unknown,unknown,no,no,telephone,may,thu,257,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,self-employed,married,university.degree,unknown,yes,yes,telephone,may,thu,365,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,697,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +49,management,married,university.degree,no,no,yes,telephone,may,thu,192,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,self-employed,married,basic.4y,unknown,no,no,telephone,may,thu,244,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,technician,single,professional.course,no,yes,yes,telephone,may,thu,118,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +60,entrepreneur,married,basic.4y,no,unknown,unknown,telephone,may,thu,101,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,entrepreneur,married,high.school,unknown,no,no,telephone,may,thu,56,13,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,admin.,married,university.degree,no,no,no,telephone,may,thu,430,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,retired,divorced,professional.course,no,yes,no,telephone,may,thu,242,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,blue-collar,married,unknown,no,no,no,telephone,may,thu,809,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,admin.,married,high.school,no,yes,no,telephone,may,thu,317,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,unemployed,single,professional.course,no,no,no,telephone,may,thu,7,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,admin.,married,university.degree,no,yes,no,telephone,may,thu,493,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,services,single,high.school,unknown,yes,no,telephone,may,thu,381,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,management,married,university.degree,no,no,no,telephone,may,thu,112,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,admin.,single,high.school,no,no,no,telephone,may,thu,523,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,divorced,university.degree,no,yes,no,telephone,may,thu,309,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,blue-collar,married,unknown,unknown,no,no,telephone,may,thu,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,technician,divorced,professional.course,no,yes,no,telephone,may,thu,850,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,technician,married,university.degree,no,yes,no,telephone,may,thu,420,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,admin.,married,high.school,unknown,yes,yes,telephone,may,thu,118,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,71,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,314,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,196,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,management,unknown,high.school,no,no,no,telephone,may,thu,95,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,thu,516,9,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,retired,married,basic.4y,unknown,yes,no,telephone,may,thu,855,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,admin.,single,high.school,no,no,no,telephone,may,thu,78,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,thu,875,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,technician,single,professional.course,no,no,no,telephone,may,thu,124,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,technician,married,basic.6y,unknown,no,no,telephone,may,thu,24,16,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,thu,190,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,single,university.degree,no,no,no,telephone,may,thu,53,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,management,married,university.degree,no,yes,no,telephone,may,thu,278,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,retired,married,basic.6y,unknown,no,no,telephone,may,thu,284,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,services,married,high.school,no,unknown,unknown,telephone,may,thu,262,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,391,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,technician,married,university.degree,no,no,no,telephone,may,thu,263,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,thu,214,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,admin.,married,university.degree,no,no,no,telephone,may,thu,88,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,professional.course,no,no,no,telephone,may,thu,255,12,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,blue-collar,married,high.school,unknown,no,no,telephone,may,thu,202,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,438,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,admin.,single,high.school,no,no,yes,telephone,may,thu,311,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,high.school,no,yes,yes,telephone,may,thu,426,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,entrepreneur,married,basic.4y,no,no,yes,telephone,may,thu,302,8,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,student,single,basic.9y,unknown,yes,no,telephone,may,thu,213,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,unemployed,married,basic.4y,unknown,no,no,telephone,may,thu,214,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,thu,90,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,retired,single,high.school,no,yes,no,telephone,may,thu,448,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,technician,married,high.school,no,no,no,telephone,may,thu,70,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,admin.,single,high.school,no,yes,no,telephone,may,thu,347,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,admin.,single,high.school,no,no,yes,telephone,may,thu,892,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +30,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,320,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,technician,married,professional.course,no,yes,no,telephone,may,thu,175,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,222,11,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,98,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,management,married,professional.course,no,no,no,telephone,may,thu,734,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,services,married,high.school,unknown,yes,no,telephone,may,thu,177,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,may,thu,65,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,services,single,high.school,no,yes,no,telephone,may,thu,543,12,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,374,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,divorced,university.degree,no,no,no,telephone,may,thu,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,blue-collar,single,basic.9y,no,yes,no,telephone,may,thu,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,services,married,high.school,no,unknown,unknown,telephone,may,thu,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,unemployed,single,university.degree,no,no,no,telephone,may,thu,297,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,self-employed,divorced,unknown,no,yes,no,telephone,may,thu,491,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,377,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,blue-collar,single,basic.9y,unknown,yes,yes,telephone,may,fri,84,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,self-employed,married,basic.9y,no,yes,yes,telephone,may,fri,122,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,unemployed,married,high.school,unknown,no,no,telephone,may,fri,135,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,services,married,basic.9y,unknown,no,yes,telephone,may,fri,246,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,entrepreneur,married,basic.9y,unknown,no,no,telephone,may,fri,95,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,entrepreneur,married,high.school,no,no,no,telephone,may,fri,248,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,married,university.degree,no,yes,no,telephone,may,fri,336,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,blue-collar,single,basic.9y,no,no,yes,telephone,may,fri,28,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,university.degree,no,yes,no,telephone,may,fri,371,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,entrepreneur,married,university.degree,no,yes,no,telephone,may,fri,329,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,divorced,basic.6y,no,yes,no,telephone,may,fri,597,17,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,blue-collar,married,high.school,no,no,yes,telephone,may,fri,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,admin.,married,basic.6y,unknown,yes,no,telephone,may,fri,343,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,single,university.degree,no,yes,yes,telephone,may,fri,266,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,admin.,married,unknown,no,no,no,telephone,may,fri,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,technician,married,professional.course,no,yes,no,telephone,may,fri,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,services,married,high.school,no,no,yes,telephone,may,fri,206,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,unemployed,divorced,high.school,unknown,yes,yes,telephone,may,fri,69,15,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,fri,228,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,entrepreneur,married,university.degree,no,yes,yes,telephone,may,fri,515,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +30,self-employed,single,high.school,no,yes,no,telephone,may,fri,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +58,management,married,basic.9y,no,no,no,telephone,may,fri,29,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,services,married,high.school,no,yes,no,telephone,may,fri,512,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,single,high.school,no,no,yes,telephone,may,fri,813,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +32,technician,single,professional.course,no,yes,no,telephone,may,fri,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +25,services,divorced,basic.4y,no,yes,no,telephone,may,fri,601,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,technician,married,professional.course,no,no,yes,telephone,may,fri,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,unemployed,married,basic.9y,unknown,yes,no,telephone,may,fri,144,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,fri,230,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,services,divorced,high.school,no,no,no,telephone,may,fri,456,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,management,married,university.degree,no,no,no,telephone,may,fri,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,admin.,single,basic.9y,no,no,no,telephone,may,fri,387,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,technician,divorced,professional.course,unknown,no,yes,telephone,may,fri,286,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,blue-collar,married,high.school,no,no,no,telephone,may,fri,286,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,admin.,single,high.school,no,yes,no,telephone,may,fri,448,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,management,married,high.school,unknown,no,yes,telephone,may,fri,223,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,management,married,university.degree,unknown,no,no,telephone,may,fri,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,services,married,basic.4y,unknown,no,no,telephone,may,fri,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,single,unknown,no,no,no,telephone,may,fri,212,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,technician,married,high.school,no,no,no,telephone,may,fri,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +57,management,divorced,university.degree,no,no,no,telephone,may,fri,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,blue-collar,single,high.school,no,yes,no,telephone,may,fri,803,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +35,admin.,married,university.degree,no,yes,no,telephone,may,fri,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,management,single,university.degree,unknown,yes,no,telephone,may,fri,844,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +46,admin.,married,high.school,no,no,no,telephone,may,fri,297,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +57,retired,married,unknown,unknown,yes,no,telephone,may,fri,529,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,single,university.degree,unknown,no,no,telephone,may,fri,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,may,fri,676,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +27,admin.,single,high.school,no,no,no,telephone,may,fri,656,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,fri,249,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,admin.,divorced,high.school,no,yes,no,telephone,may,fri,88,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,fri,1252,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +51,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,228,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,technician,married,university.degree,no,yes,no,telephone,may,fri,1143,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +35,admin.,single,basic.4y,unknown,no,no,telephone,may,fri,283,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,retired,divorced,basic.4y,no,yes,no,telephone,may,fri,118,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,self-employed,single,university.degree,no,no,no,telephone,may,fri,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,technician,single,professional.course,no,yes,no,telephone,may,fri,103,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,blue-collar,single,basic.6y,no,no,no,telephone,may,fri,213,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,housemaid,divorced,basic.4y,unknown,no,no,telephone,may,fri,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,fri,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +25,housemaid,single,basic.9y,no,no,no,telephone,may,fri,130,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,management,married,university.degree,no,no,no,telephone,may,fri,627,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,single,high.school,no,yes,no,telephone,may,fri,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,admin.,divorced,university.degree,no,no,no,telephone,may,fri,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,married,high.school,no,no,no,telephone,may,fri,216,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,fri,250,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,admin.,single,university.degree,no,yes,no,telephone,may,fri,91,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +24,student,single,high.school,no,unknown,unknown,telephone,may,fri,86,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,admin.,married,unknown,no,yes,no,telephone,may,fri,731,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,admin.,married,university.degree,no,yes,no,telephone,may,fri,37,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,married,high.school,no,no,no,telephone,may,fri,46,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,admin.,married,high.school,no,no,no,telephone,may,fri,356,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,technician,married,professional.course,unknown,yes,no,telephone,may,fri,248,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,242,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,134,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,admin.,divorced,basic.9y,no,yes,no,telephone,may,fri,274,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,management,divorced,university.degree,no,no,no,telephone,may,fri,355,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,professional.course,no,yes,no,telephone,may,fri,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,blue-collar,single,basic.6y,no,yes,no,telephone,may,fri,346,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,blue-collar,divorced,unknown,unknown,yes,no,telephone,may,fri,370,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +60,entrepreneur,married,basic.4y,no,no,no,telephone,may,fri,261,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,technician,married,professional.course,no,no,yes,telephone,may,fri,63,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,688,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +39,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,fri,84,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,housemaid,single,high.school,no,no,no,telephone,may,fri,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,technician,married,professional.course,no,yes,no,telephone,may,fri,167,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,housemaid,married,basic.4y,no,no,no,telephone,may,fri,25,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,244,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,blue-collar,married,high.school,unknown,no,no,telephone,may,fri,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,blue-collar,single,basic.9y,unknown,no,no,telephone,may,fri,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +24,services,married,high.school,no,no,no,telephone,may,fri,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,130,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,345,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +57,retired,married,high.school,unknown,yes,no,telephone,may,fri,42,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,student,single,unknown,unknown,no,no,telephone,may,fri,277,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,technician,married,professional.course,no,no,no,telephone,may,fri,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,admin.,married,university.degree,no,no,no,telephone,may,fri,214,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,management,married,high.school,unknown,no,no,telephone,may,fri,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,blue-collar,single,basic.4y,unknown,unknown,unknown,telephone,may,fri,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,technician,single,university.degree,no,no,no,telephone,may,fri,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,technician,divorced,professional.course,no,yes,no,telephone,may,fri,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,blue-collar,single,high.school,unknown,no,no,telephone,may,fri,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,entrepreneur,married,university.degree,no,no,no,telephone,may,fri,803,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +44,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,fri,225,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +57,management,divorced,university.degree,no,yes,no,telephone,may,fri,754,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,services,married,high.school,no,yes,no,telephone,may,fri,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,divorced,university.degree,no,yes,no,telephone,may,fri,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,management,married,professional.course,no,no,no,telephone,may,fri,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,technician,single,high.school,no,yes,no,telephone,may,fri,76,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,technician,single,university.degree,no,yes,no,telephone,may,fri,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,171,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,technician,married,unknown,unknown,no,yes,telephone,may,fri,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,42,8,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,married,high.school,no,yes,no,telephone,may,fri,343,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,services,married,high.school,unknown,yes,no,telephone,may,fri,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,admin.,married,university.degree,unknown,no,no,telephone,may,fri,268,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,entrepreneur,married,basic.6y,no,no,no,telephone,may,fri,217,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,technician,married,professional.course,unknown,yes,no,telephone,may,fri,360,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,fri,241,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,services,married,high.school,unknown,yes,no,telephone,may,fri,47,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +25,blue-collar,single,basic.4y,no,no,no,telephone,may,fri,196,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,fri,601,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,admin.,married,university.degree,no,no,no,telephone,may,fri,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,services,divorced,unknown,unknown,yes,yes,telephone,may,fri,306,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,self-employed,single,basic.4y,unknown,yes,no,telephone,may,fri,362,22,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,entrepreneur,married,high.school,no,yes,no,telephone,may,fri,410,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,admin.,single,high.school,no,yes,no,telephone,may,fri,265,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,108,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,management,married,university.degree,no,no,no,telephone,may,fri,172,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,services,married,high.school,unknown,no,no,telephone,may,fri,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,424,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,359,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,management,married,university.degree,no,yes,yes,telephone,may,fri,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,admin.,divorced,high.school,no,yes,no,telephone,may,fri,787,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +39,management,married,university.degree,no,no,no,telephone,may,fri,169,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +24,services,married,high.school,no,no,yes,telephone,may,fri,241,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,unemployed,married,basic.4y,unknown,no,no,telephone,may,fri,141,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,admin.,single,university.degree,no,yes,no,telephone,may,fri,22,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,blue-collar,single,high.school,no,yes,no,telephone,may,fri,326,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,fri,317,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,married,high.school,no,yes,yes,telephone,may,fri,196,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,services,married,high.school,no,no,yes,telephone,may,fri,270,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,management,married,university.degree,no,unknown,unknown,telephone,may,fri,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,entrepreneur,married,university.degree,no,no,yes,telephone,may,fri,679,17,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,fri,576,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +27,services,married,high.school,no,yes,no,telephone,may,fri,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,admin.,married,university.degree,no,no,no,telephone,may,fri,161,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,housemaid,married,high.school,no,no,no,telephone,may,fri,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,admin.,single,high.school,no,no,no,telephone,may,fri,619,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +40,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,33,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,retired,married,professional.course,unknown,no,no,telephone,may,fri,27,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,married,high.school,no,yes,yes,telephone,may,fri,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +58,admin.,divorced,basic.9y,unknown,yes,no,telephone,may,fri,38,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,married,university.degree,no,yes,no,telephone,may,fri,322,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,187,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,retired,divorced,basic.9y,unknown,yes,no,telephone,may,fri,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,blue-collar,single,basic.9y,unknown,no,no,telephone,may,fri,1230,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +29,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,services,married,professional.course,no,yes,no,telephone,may,fri,379,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,technician,married,high.school,unknown,yes,no,telephone,may,fri,42,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,197,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,services,single,basic.9y,no,yes,no,telephone,may,fri,320,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,self-employed,single,professional.course,unknown,no,no,telephone,may,fri,223,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,admin.,single,high.school,no,yes,no,telephone,may,fri,912,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +46,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,489,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,housemaid,married,basic.9y,no,no,no,telephone,may,fri,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,blue-collar,single,university.degree,unknown,no,no,telephone,may,fri,894,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +31,admin.,single,basic.9y,no,yes,no,telephone,may,fri,38,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,323,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,technician,married,professional.course,no,no,yes,telephone,may,fri,335,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,admin.,single,basic.6y,no,yes,no,telephone,may,fri,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,technician,married,university.degree,no,no,no,telephone,may,fri,410,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,fri,280,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,self-employed,married,professional.course,no,no,no,telephone,may,fri,374,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,technician,married,university.degree,no,yes,no,telephone,may,fri,193,8,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,services,married,basic.9y,unknown,no,no,telephone,may,fri,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,865,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +57,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,258,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,blue-collar,single,unknown,no,no,no,telephone,may,fri,299,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,management,married,university.degree,no,no,no,telephone,may,fri,381,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +55,retired,married,basic.4y,unknown,no,no,telephone,may,fri,197,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,management,married,university.degree,no,yes,no,telephone,may,fri,412,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +24,admin.,married,high.school,no,yes,no,telephone,may,fri,376,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,divorced,basic.4y,unknown,yes,yes,telephone,may,fri,393,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,services,divorced,high.school,no,no,no,telephone,may,fri,56,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +25,student,single,high.school,no,no,no,telephone,may,fri,112,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,155,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,services,single,basic.9y,no,no,no,telephone,may,fri,703,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,admin.,single,university.degree,no,yes,no,telephone,may,fri,141,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,475,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,technician,married,professional.course,no,no,no,telephone,may,fri,121,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,471,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,admin.,single,university.degree,no,no,yes,telephone,may,fri,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,services,single,high.school,no,no,no,telephone,may,fri,177,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,unknown,married,basic.4y,unknown,no,no,telephone,may,fri,344,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,229,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,married,university.degree,no,no,no,telephone,may,fri,404,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,technician,divorced,basic.9y,unknown,no,no,telephone,may,fri,287,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +26,admin.,single,university.degree,unknown,no,no,telephone,may,fri,329,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,basic.9y,no,no,no,telephone,may,fri,433,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,services,divorced,high.school,unknown,yes,no,telephone,may,fri,216,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,services,married,basic.6y,no,no,no,telephone,may,fri,1340,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +28,technician,single,professional.course,no,no,no,telephone,may,fri,323,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,services,married,university.degree,no,no,no,telephone,may,fri,132,11,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,admin.,married,basic.9y,unknown,yes,no,telephone,may,fri,199,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,single,high.school,no,yes,no,telephone,may,fri,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,200,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,admin.,divorced,university.degree,no,no,no,telephone,may,fri,897,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +38,admin.,married,university.degree,no,yes,no,telephone,may,fri,80,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,123,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,admin.,married,university.degree,no,yes,no,telephone,may,fri,90,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,management,married,university.degree,no,no,no,telephone,may,fri,461,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,married,high.school,unknown,yes,no,telephone,may,fri,213,14,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,housemaid,married,high.school,no,yes,no,telephone,may,fri,193,11,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,housemaid,divorced,high.school,no,yes,no,telephone,may,fri,428,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,self-employed,married,high.school,no,yes,no,telephone,may,fri,291,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,housemaid,married,high.school,no,no,no,telephone,may,fri,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,services,married,basic.9y,unknown,no,no,telephone,may,fri,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,management,married,university.degree,no,no,no,telephone,may,fri,214,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,239,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,management,married,unknown,no,no,no,telephone,may,fri,718,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,services,married,high.school,unknown,yes,no,telephone,may,fri,323,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,technician,married,university.degree,no,no,no,telephone,may,fri,94,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,74,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,married,basic.9y,no,no,no,telephone,may,fri,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,management,married,unknown,no,no,no,telephone,may,fri,97,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,admin.,married,university.degree,no,no,no,telephone,may,fri,51,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,unemployed,single,high.school,no,no,no,telephone,may,fri,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,services,divorced,basic.4y,unknown,unknown,unknown,telephone,may,fri,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,housemaid,married,basic.9y,no,no,no,telephone,may,fri,378,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,technician,married,high.school,no,yes,no,telephone,may,fri,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,fri,1161,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,technician,married,high.school,unknown,no,no,telephone,may,fri,467,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,admin.,single,university.degree,no,no,no,telephone,may,fri,386,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,divorced,high.school,no,yes,no,telephone,may,fri,290,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,168,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,technician,married,basic.9y,no,no,no,telephone,may,fri,764,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,194,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,management,married,university.degree,no,yes,no,telephone,may,fri,16,23,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,admin.,divorced,professional.course,no,no,no,telephone,may,fri,148,18,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,student,single,high.school,no,no,yes,telephone,may,fri,2680,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +56,management,married,basic.4y,unknown,unknown,unknown,telephone,may,fri,242,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +53,technician,married,high.school,no,no,no,telephone,may,fri,269,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,professional.course,no,yes,no,telephone,may,fri,208,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +54,retired,married,basic.9y,unknown,no,no,telephone,may,fri,370,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,fri,274,8,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,services,single,high.school,no,no,no,telephone,may,fri,326,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,services,single,basic.9y,no,yes,no,telephone,may,fri,337,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,housemaid,married,university.degree,unknown,no,no,telephone,may,fri,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,blue-collar,married,professional.course,no,no,no,telephone,may,fri,788,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,married,university.degree,no,no,no,telephone,may,fri,353,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,admin.,single,university.degree,no,yes,no,telephone,may,fri,14,15,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,fri,698,9,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,admin.,married,high.school,no,yes,yes,telephone,may,fri,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,management,single,university.degree,no,yes,no,telephone,may,fri,257,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,admin.,single,university.degree,no,yes,no,telephone,may,fri,467,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,blue-collar,married,basic.9y,no,yes,yes,telephone,may,fri,233,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,218,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +25,blue-collar,single,basic.4y,no,yes,no,telephone,may,fri,304,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,fri,315,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,technician,single,university.degree,unknown,yes,no,telephone,may,fri,40,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,retired,married,basic.9y,unknown,no,no,telephone,may,fri,698,1,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,technician,divorced,professional.course,no,yes,no,telephone,may,fri,76,17,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,admin.,married,university.degree,no,yes,no,telephone,may,fri,355,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,services,single,high.school,no,no,no,telephone,may,fri,557,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,single,basic.9y,no,yes,no,telephone,may,fri,148,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +40,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,130,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,280,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,entrepreneur,married,basic.6y,no,no,no,telephone,may,fri,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,283,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,fri,523,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +55,technician,married,basic.4y,unknown,yes,no,telephone,may,fri,316,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,fri,1128,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,171,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,unknown,married,unknown,unknown,yes,no,telephone,may,fri,174,15,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,management,single,university.degree,no,no,yes,telephone,may,fri,71,11,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,blue-collar,married,basic.9y,no,no,yes,telephone,may,fri,84,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,admin.,divorced,university.degree,no,yes,no,telephone,may,fri,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,divorced,basic.6y,no,unknown,unknown,telephone,may,fri,234,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +59,entrepreneur,divorced,high.school,unknown,yes,no,telephone,may,fri,138,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +29,services,single,university.degree,no,no,no,telephone,may,fri,339,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,self-employed,married,basic.9y,no,yes,no,telephone,may,fri,509,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,single,high.school,unknown,yes,no,telephone,may,fri,254,16,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,retired,married,university.degree,no,yes,yes,telephone,may,fri,243,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,344,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,technician,single,professional.course,unknown,yes,yes,telephone,may,fri,131,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,fri,251,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,technician,married,basic.9y,no,yes,no,telephone,may,fri,1135,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,technician,married,university.degree,no,no,no,telephone,may,fri,1106,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,technician,married,professional.course,unknown,yes,no,telephone,may,fri,312,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,self-employed,single,high.school,no,yes,yes,telephone,may,fri,292,8,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,admin.,married,high.school,no,no,no,telephone,may,fri,279,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,married,high.school,no,yes,no,telephone,may,fri,293,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +27,services,single,high.school,no,yes,yes,telephone,may,fri,198,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +27,blue-collar,divorced,unknown,no,yes,no,telephone,may,fri,1408,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,divorced,basic.6y,unknown,no,no,telephone,may,fri,827,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,services,married,high.school,no,no,no,telephone,may,fri,303,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,fri,588,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,fri,680,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,160,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,21,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,technician,married,high.school,no,no,no,telephone,may,fri,251,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,technician,married,basic.9y,no,no,no,telephone,may,fri,476,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,management,single,university.degree,no,no,no,telephone,may,fri,81,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +25,admin.,married,high.school,no,yes,no,telephone,may,fri,4,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +49,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,283,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,self-employed,single,basic.6y,unknown,yes,no,telephone,may,fri,248,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,entrepreneur,married,university.degree,unknown,yes,no,telephone,may,fri,541,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,self-employed,single,university.degree,no,yes,no,telephone,may,fri,227,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,admin.,divorced,professional.course,no,yes,no,telephone,may,fri,427,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,148,9,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,management,married,university.degree,no,yes,no,telephone,may,fri,408,10,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +45,management,married,university.degree,no,no,no,telephone,may,fri,255,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,admin.,married,high.school,no,yes,no,telephone,may,fri,236,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +56,entrepreneur,married,university.degree,no,yes,no,telephone,may,fri,428,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +60,retired,married,basic.9y,unknown,yes,no,telephone,may,fri,32,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,admin.,married,high.school,no,no,yes,telephone,may,fri,851,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,entrepreneur,married,basic.9y,no,no,no,telephone,may,fri,522,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,self-employed,married,high.school,unknown,no,no,telephone,may,fri,165,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +57,services,divorced,high.school,no,yes,yes,telephone,may,fri,1193,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +23,services,married,basic.9y,no,no,no,telephone,may,fri,1144,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,married,high.school,no,yes,no,telephone,may,fri,730,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,167,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +38,technician,married,university.degree,unknown,yes,no,telephone,may,fri,1023,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,469,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,management,married,high.school,no,no,no,telephone,may,fri,385,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,fri,169,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,management,married,high.school,no,yes,no,telephone,may,fri,409,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +44,admin.,married,university.degree,unknown,no,no,telephone,may,fri,165,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,services,married,high.school,no,no,yes,telephone,may,fri,437,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,admin.,married,basic.9y,no,no,no,telephone,may,fri,89,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +47,technician,married,professional.course,unknown,no,no,telephone,may,fri,261,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,admin.,married,university.degree,no,no,no,telephone,may,fri,294,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +34,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,fri,1245,19,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,admin.,single,high.school,no,no,no,telephone,may,fri,498,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +46,blue-collar,married,basic.9y,no,no,yes,telephone,may,fri,134,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +32,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,230,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +36,retired,married,high.school,no,no,no,telephone,may,fri,192,20,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +24,student,single,university.degree,no,yes,yes,telephone,may,fri,65,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +35,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,237,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,admin.,single,university.degree,no,no,no,telephone,may,fri,239,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,admin.,divorced,university.degree,unknown,no,no,telephone,may,fri,196,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,fri,243,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,services,single,basic.9y,no,yes,no,telephone,may,fri,393,2,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,married,unknown,unknown,no,no,telephone,may,fri,512,6,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +43,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,218,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +33,self-employed,married,university.degree,no,yes,no,telephone,may,fri,215,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +31,services,married,basic.9y,no,yes,no,telephone,may,fri,186,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,admin.,married,professional.course,no,no,no,telephone,may,fri,299,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +52,self-employed,married,university.degree,no,yes,no,telephone,may,fri,107,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +24,student,single,high.school,unknown,yes,yes,telephone,may,fri,103,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +30,admin.,single,university.degree,unknown,no,yes,telephone,may,fri,297,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +28,blue-collar,married,basic.9y,no,no,yes,telephone,may,fri,1064,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,yes +28,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,90,7,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +41,technician,single,university.degree,unknown,yes,no,telephone,may,fri,59,5,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,102,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +37,technician,married,basic.9y,no,no,no,telephone,may,fri,1110,3,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +51,blue-collar,married,basic.4y,no,no,yes,telephone,may,fri,1187,4,999,0,nonexistent,1.1,93.994,-36.4,4.859,5191.0,no +50,management,married,university.degree,unknown,unknown,unknown,telephone,may,mon,93,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,technician,married,high.school,no,no,yes,telephone,may,mon,119,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,technician,married,unknown,no,yes,no,telephone,may,mon,65,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,blue-collar,married,basic.4y,no,no,yes,telephone,may,mon,79,19,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,services,married,high.school,no,no,no,telephone,may,mon,145,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,self-employed,single,university.degree,no,yes,no,telephone,may,mon,39,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,105,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,admin.,divorced,high.school,no,no,no,telephone,may,mon,311,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,self-employed,married,basic.4y,unknown,no,no,telephone,may,mon,179,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,technician,divorced,university.degree,unknown,no,no,telephone,may,mon,62,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,mon,115,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,admin.,married,university.degree,no,no,yes,telephone,may,mon,134,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,married,professional.course,no,yes,no,telephone,may,mon,594,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,self-employed,divorced,basic.9y,no,no,yes,telephone,may,mon,55,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,services,married,high.school,no,yes,no,telephone,may,mon,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,management,divorced,high.school,no,yes,no,telephone,may,mon,19,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,housemaid,married,basic.4y,unknown,no,no,telephone,may,mon,501,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,admin.,divorced,high.school,no,yes,no,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,entrepreneur,divorced,university.degree,no,yes,no,telephone,may,mon,219,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,management,married,high.school,no,no,no,telephone,may,mon,221,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,unknown,single,basic.4y,unknown,yes,yes,telephone,may,mon,374,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +59,retired,married,basic.4y,unknown,yes,no,telephone,may,mon,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,single,professional.course,no,no,no,telephone,may,mon,128,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,self-employed,single,university.degree,unknown,yes,no,telephone,may,mon,37,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,technician,married,professional.course,no,yes,no,telephone,may,mon,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,blue-collar,married,basic.6y,no,yes,yes,telephone,may,mon,668,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,88,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,services,divorced,high.school,no,yes,no,telephone,may,mon,77,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,admin.,married,high.school,unknown,yes,yes,telephone,may,mon,358,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,services,single,basic.4y,unknown,no,no,telephone,may,mon,312,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,admin.,divorced,university.degree,no,no,no,telephone,may,mon,134,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,single,unknown,unknown,no,yes,telephone,may,mon,61,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,student,single,university.degree,no,no,no,telephone,may,mon,258,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,self-employed,married,high.school,unknown,no,no,telephone,may,mon,131,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,technician,divorced,professional.course,no,no,no,telephone,may,mon,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,single,professional.course,no,no,no,telephone,may,mon,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,management,married,basic.4y,unknown,yes,no,telephone,may,mon,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,basic.9y,no,yes,yes,telephone,may,mon,468,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,management,single,high.school,no,yes,no,telephone,may,mon,326,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,admin.,single,high.school,no,no,yes,telephone,may,mon,412,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,technician,married,professional.course,unknown,yes,yes,telephone,may,mon,579,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,married,university.degree,no,yes,no,telephone,may,mon,277,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,entrepreneur,married,basic.4y,unknown,no,no,telephone,may,mon,316,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,management,married,basic.4y,unknown,no,no,telephone,may,mon,882,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +44,blue-collar,divorced,basic.6y,no,no,no,telephone,may,mon,380,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,blue-collar,divorced,basic.9y,no,no,no,telephone,may,mon,169,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,mon,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,services,married,unknown,unknown,yes,yes,telephone,may,mon,122,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,retired,divorced,university.degree,no,yes,no,telephone,may,mon,83,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,services,single,high.school,no,yes,no,telephone,may,mon,318,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,technician,married,professional.course,no,no,no,telephone,may,mon,29,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,admin.,married,high.school,no,yes,no,telephone,may,mon,218,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,blue-collar,married,professional.course,no,no,no,telephone,may,mon,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,single,basic.6y,no,yes,no,telephone,may,mon,130,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,technician,married,unknown,no,yes,no,telephone,may,mon,429,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,management,married,university.degree,no,no,no,telephone,may,mon,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,services,single,high.school,no,yes,no,telephone,may,mon,343,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,385,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,admin.,married,professional.course,no,no,no,telephone,may,mon,167,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,technician,married,professional.course,no,unknown,unknown,telephone,may,mon,89,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,admin.,divorced,university.degree,no,no,no,telephone,may,mon,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,retired,married,basic.4y,unknown,yes,no,telephone,may,mon,156,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,services,single,basic.6y,no,yes,yes,telephone,may,mon,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +54,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,mon,351,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,admin.,married,professional.course,no,no,no,telephone,may,mon,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,services,divorced,high.school,unknown,yes,no,telephone,may,mon,25,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,services,divorced,basic.9y,no,no,no,telephone,may,mon,134,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,management,married,basic.4y,unknown,no,no,telephone,may,mon,268,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,services,married,basic.9y,no,no,yes,telephone,may,mon,298,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,married,professional.course,no,yes,no,telephone,may,mon,188,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,241,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,self-employed,single,high.school,no,yes,no,telephone,may,mon,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,management,married,university.degree,unknown,yes,no,telephone,may,mon,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,technician,single,university.degree,unknown,yes,yes,telephone,may,mon,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,married,basic.6y,no,yes,yes,telephone,may,mon,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,married,basic.6y,no,yes,no,telephone,may,mon,82,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,services,married,high.school,unknown,yes,yes,telephone,may,mon,94,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,management,married,university.degree,no,no,no,telephone,may,mon,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,138,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,management,married,basic.9y,no,unknown,unknown,telephone,may,mon,285,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,student,single,high.school,no,no,no,telephone,may,mon,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,technician,married,professional.course,no,yes,no,telephone,may,mon,483,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +28,admin.,single,university.degree,no,yes,no,telephone,may,mon,267,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +54,housemaid,divorced,basic.4y,no,no,no,telephone,may,mon,382,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,admin.,single,university.degree,unknown,yes,no,telephone,may,mon,55,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,management,divorced,high.school,no,unknown,unknown,telephone,may,mon,259,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,mon,18,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,student,single,basic.9y,no,no,no,telephone,may,mon,234,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,792,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,technician,married,university.degree,no,no,no,telephone,may,mon,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,married,unknown,no,yes,yes,telephone,may,mon,943,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +42,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,798,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,84,12,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,mon,100,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,services,married,basic.6y,no,yes,no,telephone,may,mon,85,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,services,divorced,high.school,no,no,no,telephone,may,mon,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,unknown,married,basic.6y,no,yes,yes,telephone,may,mon,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,23,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,mon,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,management,married,high.school,unknown,no,no,telephone,may,mon,31,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,housemaid,married,basic.4y,no,no,no,telephone,may,mon,182,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,may,mon,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,admin.,married,university.degree,no,no,no,telephone,may,mon,351,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,self-employed,married,university.degree,no,no,yes,telephone,may,mon,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,housemaid,married,university.degree,no,no,no,telephone,may,mon,237,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,self-employed,married,basic.9y,unknown,no,no,telephone,may,mon,529,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,36,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,management,single,university.degree,no,yes,yes,telephone,may,mon,122,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,admin.,married,university.degree,no,yes,yes,telephone,may,mon,67,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,services,married,basic.9y,no,yes,no,telephone,may,mon,238,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,mon,81,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,single,basic.9y,no,no,no,telephone,may,mon,496,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,single,professional.course,no,no,yes,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,technician,married,university.degree,no,no,no,telephone,may,mon,156,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +59,retired,married,basic.9y,unknown,no,no,telephone,may,mon,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,unemployed,married,basic.6y,unknown,no,no,telephone,may,mon,265,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,48,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,services,married,high.school,unknown,yes,yes,telephone,may,mon,104,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,management,married,unknown,no,no,no,telephone,may,mon,610,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,divorced,basic.9y,no,no,no,telephone,may,mon,287,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,admin.,single,high.school,unknown,yes,no,telephone,may,mon,68,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,self-employed,married,university.degree,no,unknown,unknown,telephone,may,mon,167,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,married,professional.course,no,no,no,telephone,may,mon,336,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,technician,married,professional.course,no,no,no,telephone,may,mon,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,228,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,mon,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,married,university.degree,no,yes,no,telephone,may,mon,23,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,blue-collar,single,high.school,no,yes,yes,telephone,may,mon,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,blue-collar,married,basic.4y,no,yes,yes,telephone,may,mon,387,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,married,high.school,no,no,no,telephone,may,mon,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,unemployed,married,basic.4y,unknown,yes,no,telephone,may,mon,272,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,services,divorced,high.school,unknown,yes,yes,telephone,may,mon,158,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,married,high.school,unknown,yes,no,telephone,may,mon,35,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,607,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +52,technician,divorced,basic.9y,no,yes,yes,telephone,may,mon,257,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,single,basic.9y,unknown,no,yes,telephone,may,mon,36,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,blue-collar,single,basic.9y,no,no,no,telephone,may,mon,214,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,admin.,married,university.degree,no,yes,no,telephone,may,mon,105,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,mon,260,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,admin.,single,high.school,no,no,no,telephone,may,mon,197,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,self-employed,single,basic.9y,no,no,no,telephone,may,mon,174,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,admin.,married,basic.4y,no,no,no,telephone,may,mon,222,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,services,married,professional.course,no,no,no,telephone,may,mon,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,retired,married,basic.4y,no,yes,no,telephone,may,mon,546,12,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,admin.,married,basic.4y,unknown,no,no,telephone,may,mon,49,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,admin.,single,basic.9y,no,yes,yes,telephone,may,mon,335,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,self-employed,single,university.degree,no,no,no,telephone,may,mon,105,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,housemaid,single,high.school,no,no,no,telephone,may,mon,1203,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,services,married,high.school,no,no,no,telephone,may,mon,1022,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +41,admin.,divorced,university.degree,unknown,yes,no,telephone,may,mon,128,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,self-employed,married,professional.course,no,no,no,telephone,may,mon,258,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,married,high.school,no,no,no,telephone,may,mon,199,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,364,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +59,technician,married,university.degree,unknown,unknown,unknown,telephone,may,mon,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,admin.,married,university.degree,no,no,no,telephone,may,mon,201,14,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,management,married,university.degree,no,unknown,unknown,telephone,may,mon,193,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,retired,married,basic.4y,unknown,no,no,telephone,may,mon,159,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +54,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,166,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,480,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +24,technician,single,professional.course,unknown,no,no,telephone,may,mon,149,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,self-employed,married,university.degree,no,no,no,telephone,may,mon,396,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,admin.,married,university.degree,no,no,no,telephone,may,mon,124,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,housemaid,married,basic.4y,no,no,no,telephone,may,mon,13,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,entrepreneur,married,professional.course,no,no,no,telephone,may,mon,259,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,blue-collar,married,basic.4y,no,unknown,unknown,telephone,may,mon,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,housemaid,married,high.school,no,yes,yes,telephone,may,mon,723,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,89,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,257,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,services,married,professional.course,unknown,yes,yes,telephone,may,mon,361,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +24,services,single,professional.course,no,yes,no,telephone,may,mon,314,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,technician,married,university.degree,no,yes,no,telephone,may,mon,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,services,married,high.school,unknown,yes,yes,telephone,may,mon,115,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,147,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,divorced,professional.course,no,no,no,telephone,may,mon,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,married,university.degree,unknown,yes,yes,telephone,may,mon,183,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,admin.,married,basic.9y,unknown,no,yes,telephone,may,mon,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,admin.,single,high.school,no,yes,yes,telephone,may,mon,19,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,admin.,married,high.school,no,no,yes,telephone,may,mon,346,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,mon,643,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,services,single,university.degree,unknown,yes,no,telephone,may,mon,78,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,mon,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,mon,193,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,513,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,services,single,high.school,no,no,yes,telephone,may,mon,109,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,263,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,admin.,single,basic.9y,unknown,no,no,telephone,may,mon,333,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,student,single,university.degree,no,yes,no,telephone,may,mon,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,services,divorced,high.school,no,yes,no,telephone,may,mon,191,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,blue-collar,married,professional.course,unknown,no,no,telephone,may,mon,571,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,housemaid,single,high.school,no,unknown,unknown,telephone,may,mon,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,unemployed,divorced,professional.course,no,unknown,unknown,telephone,may,mon,446,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,unemployed,married,high.school,no,yes,no,telephone,may,mon,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,335,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,mon,120,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,blue-collar,married,professional.course,no,no,no,telephone,may,mon,219,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,entrepreneur,married,university.degree,no,no,no,telephone,may,mon,148,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,divorced,basic.9y,no,yes,yes,telephone,may,mon,400,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,divorced,basic.6y,no,yes,no,telephone,may,mon,503,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,blue-collar,single,basic.9y,unknown,no,no,telephone,may,mon,125,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,blue-collar,married,basic.9y,no,no,yes,telephone,may,mon,329,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,technician,single,basic.9y,no,yes,no,telephone,may,mon,194,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,blue-collar,divorced,high.school,no,yes,no,telephone,may,mon,7,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,blue-collar,divorced,basic.9y,no,no,no,telephone,may,mon,53,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,married,university.degree,unknown,unknown,unknown,telephone,may,mon,261,56,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,divorced,basic.9y,no,unknown,unknown,telephone,may,mon,100,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,technician,single,university.degree,no,unknown,unknown,telephone,may,mon,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,services,married,high.school,no,yes,no,telephone,may,mon,552,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +22,services,single,high.school,no,yes,no,telephone,may,mon,345,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,263,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,mon,88,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,entrepreneur,married,university.degree,no,no,no,telephone,may,mon,44,39,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,services,divorced,high.school,no,no,yes,telephone,may,mon,207,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +24,services,single,high.school,no,no,no,telephone,may,mon,401,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,admin.,divorced,high.school,unknown,no,yes,telephone,may,mon,178,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,admin.,divorced,university.degree,no,no,no,telephone,may,mon,53,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,mon,349,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,entrepreneur,married,basic.9y,no,no,no,telephone,may,mon,34,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,48,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,technician,divorced,professional.course,no,unknown,unknown,telephone,may,mon,182,11,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,technician,single,university.degree,no,unknown,unknown,telephone,may,mon,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,technician,divorced,high.school,no,yes,no,telephone,may,mon,457,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,technician,single,university.degree,no,yes,no,telephone,may,mon,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,technician,married,professional.course,no,no,yes,telephone,may,mon,142,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,technician,single,high.school,no,yes,yes,telephone,may,mon,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,technician,divorced,professional.course,no,no,yes,telephone,may,mon,65,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,technician,single,university.degree,no,yes,no,telephone,may,mon,420,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,professional.course,no,yes,no,telephone,may,mon,100,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,single,basic.4y,no,yes,no,telephone,may,mon,403,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,unemployed,single,high.school,no,yes,yes,telephone,may,mon,229,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,blue-collar,married,basic.4y,no,unknown,unknown,telephone,may,mon,445,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,management,married,basic.9y,unknown,no,no,telephone,may,mon,206,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,admin.,single,university.degree,no,yes,no,telephone,may,mon,182,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,183,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,management,married,university.degree,no,no,no,telephone,may,mon,134,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,management,married,basic.4y,unknown,no,no,telephone,may,mon,88,35,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,admin.,single,university.degree,no,no,no,telephone,may,mon,234,13,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,mon,215,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,194,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,services,married,high.school,no,no,no,telephone,may,mon,394,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,services,married,high.school,unknown,no,no,telephone,may,mon,5,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,admin.,married,university.degree,no,no,no,telephone,may,mon,408,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,blue-collar,married,basic.4y,no,no,yes,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,professional.course,no,yes,no,telephone,may,mon,210,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +24,admin.,single,high.school,no,yes,no,telephone,may,mon,243,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,mon,180,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,admin.,single,high.school,no,no,yes,telephone,may,mon,8,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,mon,313,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,1622,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +60,admin.,married,professional.course,no,yes,no,telephone,may,mon,324,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,205,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +24,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,194,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,admin.,married,high.school,no,no,no,telephone,may,mon,165,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,entrepreneur,divorced,university.degree,no,yes,yes,telephone,may,mon,86,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,admin.,divorced,high.school,no,no,no,telephone,may,mon,160,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,married,professional.course,no,yes,no,telephone,may,mon,492,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,divorced,university.degree,no,no,no,telephone,may,mon,187,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,technician,married,professional.course,unknown,yes,no,telephone,may,mon,197,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,technician,married,professional.course,unknown,yes,no,telephone,may,mon,95,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,159,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,services,married,high.school,unknown,yes,no,telephone,may,mon,967,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +36,services,married,high.school,unknown,yes,no,telephone,may,mon,260,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,109,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,services,divorced,high.school,no,no,no,telephone,may,mon,579,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +29,technician,married,professional.course,no,yes,no,telephone,may,mon,124,42,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,services,married,professional.course,unknown,no,no,telephone,may,mon,158,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,162,10,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,mon,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,services,married,basic.9y,unknown,no,no,telephone,may,mon,173,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,management,single,basic.4y,no,no,no,telephone,may,mon,73,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,technician,single,professional.course,no,yes,no,telephone,may,mon,220,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,management,married,basic.4y,unknown,no,no,telephone,may,mon,99,22,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,112,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,housemaid,married,basic.6y,no,no,yes,telephone,may,mon,168,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,services,married,professional.course,no,yes,no,telephone,may,mon,283,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,blue-collar,divorced,basic.4y,no,no,no,telephone,may,mon,235,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,technician,single,professional.course,no,yes,no,telephone,may,mon,138,8,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,technician,single,professional.course,unknown,no,no,telephone,may,mon,374,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,self-employed,married,university.degree,unknown,yes,no,telephone,may,mon,353,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,technician,single,professional.course,no,no,no,telephone,may,mon,147,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,332,10,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,technician,married,basic.9y,unknown,yes,no,telephone,may,mon,179,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,management,married,university.degree,no,yes,no,telephone,may,mon,396,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,single,university.degree,no,yes,no,telephone,may,mon,492,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,360,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +59,housemaid,married,unknown,no,no,no,telephone,may,mon,175,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,admin.,married,university.degree,no,yes,yes,telephone,may,mon,97,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,single,basic.9y,no,no,no,telephone,may,mon,84,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,blue-collar,single,professional.course,no,yes,no,telephone,may,mon,57,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,entrepreneur,married,university.degree,no,yes,no,telephone,may,mon,105,11,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,886,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,admin.,unknown,high.school,no,no,no,telephone,may,mon,182,8,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,blue-collar,divorced,unknown,no,no,no,telephone,may,mon,467,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,21,11,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,mon,470,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,services,single,high.school,unknown,yes,no,telephone,may,mon,85,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,admin.,single,university.degree,no,no,no,telephone,may,mon,120,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,mon,298,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,blue-collar,married,professional.course,no,no,no,telephone,may,mon,87,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,622,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,mon,195,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,services,divorced,high.school,no,no,no,telephone,may,mon,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,self-employed,single,basic.9y,no,no,no,telephone,may,mon,58,10,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,technician,divorced,professional.course,no,no,no,telephone,may,mon,1218,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +54,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,mon,500,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,admin.,married,university.degree,no,yes,yes,telephone,may,mon,66,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,services,single,high.school,no,no,no,telephone,may,mon,328,10,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,management,married,basic.6y,unknown,yes,no,telephone,may,mon,3078,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,admin.,single,high.school,no,no,no,telephone,may,tue,21,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,married,professional.course,no,no,no,telephone,may,tue,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,technician,single,professional.course,unknown,no,no,telephone,may,tue,148,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,services,married,basic.9y,unknown,no,no,telephone,may,tue,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,admin.,married,university.degree,no,yes,no,telephone,may,tue,91,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,housemaid,married,high.school,unknown,yes,no,telephone,may,tue,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,management,married,unknown,no,no,no,telephone,may,tue,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,admin.,married,basic.6y,no,yes,no,telephone,may,tue,19,15,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,technician,married,professional.course,unknown,yes,no,telephone,may,tue,82,9,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,59,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,technician,divorced,professional.course,no,no,no,telephone,may,tue,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,housemaid,married,basic.4y,unknown,no,no,telephone,may,tue,365,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,257,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,technician,married,professional.course,no,yes,no,telephone,may,tue,280,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,tue,16,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,technician,divorced,professional.course,no,no,no,telephone,may,tue,249,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,services,married,high.school,unknown,yes,no,telephone,may,tue,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,tue,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,unemployed,single,professional.course,no,no,no,telephone,may,tue,20,12,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,technician,single,university.degree,unknown,unknown,unknown,telephone,may,tue,686,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,admin.,married,basic.9y,no,no,no,telephone,may,tue,224,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,married,high.school,no,yes,no,telephone,may,tue,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,entrepreneur,single,university.degree,unknown,yes,no,telephone,may,tue,19,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,admin.,married,high.school,no,no,yes,telephone,may,tue,125,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,student,single,university.degree,unknown,yes,no,telephone,may,tue,280,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,admin.,divorced,university.degree,no,no,no,telephone,may,tue,216,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,high.school,no,no,no,telephone,may,tue,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,admin.,married,professional.course,unknown,yes,no,telephone,may,tue,81,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.4y,no,yes,yes,telephone,may,tue,409,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,unemployed,married,basic.4y,unknown,yes,no,telephone,may,tue,146,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,technician,married,unknown,no,yes,yes,telephone,may,tue,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,university.degree,no,no,yes,telephone,may,tue,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,technician,married,university.degree,unknown,no,no,telephone,may,tue,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,unknown,unknown,yes,no,telephone,may,tue,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,technician,married,high.school,no,no,no,telephone,may,tue,13,12,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,technician,single,professional.course,no,yes,yes,telephone,may,tue,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,services,married,high.school,no,yes,no,telephone,may,tue,656,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,services,single,basic.6y,no,no,yes,telephone,may,tue,1205,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +41,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,202,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,tue,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,admin.,married,unknown,no,no,no,telephone,may,tue,79,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,married,high.school,unknown,yes,yes,telephone,may,tue,196,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,management,single,basic.4y,no,no,no,telephone,may,tue,186,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,532,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,management,married,university.degree,no,no,yes,telephone,may,tue,234,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,216,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,married,high.school,no,no,no,telephone,may,tue,297,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,single,high.school,no,no,no,telephone,may,tue,1882,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +34,management,single,university.degree,no,no,no,telephone,may,tue,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,married,high.school,no,no,no,telephone,may,tue,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,self-employed,married,basic.4y,unknown,yes,no,telephone,may,tue,81,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,blue-collar,married,unknown,unknown,no,no,telephone,may,tue,1334,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +42,technician,divorced,university.degree,no,no,no,telephone,may,tue,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,married,high.school,no,no,no,telephone,may,tue,142,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,admin.,married,university.degree,no,yes,no,telephone,may,tue,775,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,services,married,basic.9y,no,no,no,telephone,may,tue,335,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,technician,married,high.school,no,no,no,telephone,may,tue,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,admin.,married,university.degree,no,yes,no,telephone,may,tue,68,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,services,married,university.degree,no,yes,no,telephone,may,tue,119,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,unemployed,single,basic.9y,no,no,no,telephone,may,tue,294,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,technician,married,professional.course,no,yes,no,telephone,may,tue,57,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,married,professional.course,no,yes,yes,telephone,may,tue,297,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,divorced,high.school,no,yes,no,telephone,may,tue,90,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,tue,600,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,blue-collar,married,unknown,no,yes,no,telephone,may,tue,38,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,housemaid,married,high.school,unknown,no,no,telephone,may,tue,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,technician,married,professional.course,no,no,no,telephone,may,tue,26,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,tue,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,self-employed,married,basic.4y,no,no,no,telephone,may,tue,29,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,technician,married,unknown,unknown,no,no,telephone,may,tue,274,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,divorced,university.degree,no,no,no,telephone,may,tue,214,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,high.school,unknown,yes,no,telephone,may,tue,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,high.school,no,no,yes,telephone,may,tue,793,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,182,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +34,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,high.school,unknown,yes,yes,telephone,may,tue,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,tue,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,admin.,married,high.school,no,no,no,telephone,may,tue,167,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,technician,married,professional.course,unknown,no,no,telephone,may,tue,37,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,married,professional.course,no,unknown,unknown,telephone,may,tue,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.9y,no,no,yes,telephone,may,tue,394,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,unknown,unknown,no,no,telephone,may,tue,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,unknown,unknown,yes,yes,telephone,may,tue,264,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,married,professional.course,unknown,yes,no,telephone,may,tue,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,divorced,basic.9y,no,yes,no,telephone,may,tue,320,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,technician,married,basic.9y,no,no,no,telephone,may,tue,618,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,married,professional.course,no,no,no,telephone,may,tue,101,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,services,married,high.school,unknown,no,no,telephone,may,tue,110,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,management,married,unknown,unknown,no,no,telephone,may,tue,121,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,university.degree,unknown,yes,no,telephone,may,tue,265,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,services,married,high.school,unknown,yes,no,telephone,may,tue,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,married,high.school,unknown,no,no,telephone,may,tue,345,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,married,high.school,no,yes,yes,telephone,may,tue,224,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +21,admin.,single,basic.9y,no,yes,yes,telephone,may,tue,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,admin.,married,high.school,no,yes,no,telephone,may,tue,67,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,management,married,university.degree,unknown,yes,no,telephone,may,tue,186,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.6y,no,no,yes,telephone,may,tue,269,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,divorced,university.degree,unknown,yes,yes,telephone,may,tue,273,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,admin.,single,basic.6y,unknown,no,no,telephone,may,tue,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,entrepreneur,married,unknown,unknown,no,no,telephone,may,tue,434,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,148,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,507,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,253,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,100,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,divorced,high.school,no,yes,yes,telephone,may,tue,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,admin.,married,university.degree,no,yes,no,telephone,may,tue,66,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,233,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,admin.,divorced,university.degree,no,yes,no,telephone,may,tue,380,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,90,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,married,university.degree,unknown,no,no,telephone,may,tue,258,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,admin.,divorced,professional.course,unknown,no,no,telephone,may,tue,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,divorced,university.degree,no,no,no,telephone,may,tue,423,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,tue,215,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,209,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,professional.course,no,no,no,telephone,may,tue,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,admin.,divorced,basic.9y,unknown,no,no,telephone,may,tue,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,admin.,married,high.school,no,yes,no,telephone,may,tue,360,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,divorced,unknown,unknown,unknown,unknown,telephone,may,tue,81,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,unknown,unknown,university.degree,no,yes,yes,telephone,may,tue,40,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,technician,married,professional.course,no,yes,no,telephone,may,tue,447,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,services,single,unknown,no,no,no,telephone,may,tue,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,married,high.school,no,no,no,telephone,may,tue,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,admin.,divorced,high.school,no,no,no,telephone,may,tue,138,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,married,basic.9y,no,yes,no,telephone,may,tue,207,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,services,married,high.school,unknown,yes,no,telephone,may,tue,309,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,management,married,high.school,unknown,yes,no,telephone,may,tue,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,services,single,basic.4y,no,yes,no,telephone,may,tue,1777,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +30,admin.,married,university.degree,no,no,yes,telephone,may,tue,284,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,services,married,high.school,no,no,no,telephone,may,tue,70,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,774,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,technician,married,basic.9y,unknown,no,no,telephone,may,tue,62,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,married,basic.4y,no,no,no,telephone,may,tue,247,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,admin.,married,high.school,unknown,no,yes,telephone,may,tue,318,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,unemployed,married,professional.course,no,no,yes,telephone,may,tue,277,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,technician,married,university.degree,unknown,no,no,telephone,may,tue,126,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,admin.,single,unknown,no,no,no,telephone,may,tue,411,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,retired,divorced,professional.course,no,no,no,telephone,may,tue,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,unknown,married,university.degree,no,no,no,telephone,may,tue,378,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,self-employed,married,high.school,no,no,no,telephone,may,tue,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,single,university.degree,no,no,no,telephone,may,tue,71,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,management,married,unknown,no,yes,no,telephone,may,tue,102,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,services,married,high.school,no,yes,no,telephone,may,tue,869,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,blue-collar,single,basic.9y,no,no,yes,telephone,may,tue,208,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,199,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,tue,47,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,admin.,married,basic.6y,unknown,no,no,telephone,may,tue,253,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,divorced,basic.9y,no,no,no,telephone,may,tue,244,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,management,married,university.degree,unknown,yes,no,telephone,may,tue,311,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,retired,married,university.degree,no,yes,no,telephone,may,tue,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,217,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,single,unknown,no,yes,no,telephone,may,tue,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,single,university.degree,no,yes,no,telephone,may,tue,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,single,university.degree,no,no,no,telephone,may,tue,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,212,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,entrepreneur,divorced,high.school,unknown,no,no,telephone,may,tue,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,blue-collar,married,unknown,unknown,yes,no,telephone,may,tue,473,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,blue-collar,married,high.school,unknown,yes,no,telephone,may,tue,485,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,services,married,high.school,no,no,no,telephone,may,tue,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,single,basic.4y,no,no,no,telephone,may,tue,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,entrepreneur,married,basic.6y,unknown,no,no,telephone,may,tue,77,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +22,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,396,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,management,married,university.degree,unknown,no,no,telephone,may,tue,274,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,retired,married,high.school,unknown,no,no,telephone,may,tue,88,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,management,married,high.school,no,no,yes,telephone,may,tue,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,professional.course,unknown,no,yes,telephone,may,tue,346,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +60,admin.,single,high.school,no,no,yes,telephone,may,tue,474,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,services,married,high.school,no,no,no,telephone,may,tue,268,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,entrepreneur,married,basic.4y,unknown,yes,yes,telephone,may,tue,222,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,admin.,married,university.degree,unknown,no,yes,telephone,may,tue,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,services,married,high.school,unknown,no,no,telephone,may,tue,1313,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,admin.,married,university.degree,unknown,no,no,telephone,may,tue,72,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,blue-collar,single,high.school,no,yes,no,telephone,may,tue,309,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,divorced,high.school,unknown,yes,no,telephone,may,tue,61,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,entrepreneur,married,basic.9y,unknown,yes,yes,telephone,may,tue,246,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,housemaid,married,high.school,no,no,no,telephone,may,tue,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,single,basic.9y,no,yes,yes,telephone,may,tue,347,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,381,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,entrepreneur,single,university.degree,unknown,yes,no,telephone,may,tue,355,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,services,married,basic.9y,no,yes,no,telephone,may,tue,256,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,blue-collar,divorced,professional.course,no,yes,no,telephone,may,tue,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,tue,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,management,married,university.degree,no,no,yes,telephone,may,tue,66,12,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,1452,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,may,tue,487,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,technician,married,basic.9y,no,no,no,telephone,may,tue,610,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,technician,divorced,high.school,no,yes,no,telephone,may,tue,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,464,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,tue,547,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,tue,522,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,services,single,high.school,no,yes,no,telephone,may,tue,227,9,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,housemaid,married,basic.9y,unknown,yes,no,telephone,may,tue,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,married,university.degree,no,no,no,telephone,may,tue,1376,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,unknown,no,yes,no,telephone,may,tue,37,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +60,services,married,unknown,no,no,no,telephone,may,tue,360,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,tue,51,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,housemaid,divorced,university.degree,no,no,no,telephone,may,tue,834,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,195,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,technician,married,high.school,no,yes,no,telephone,may,tue,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,tue,194,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,entrepreneur,married,university.degree,no,no,no,telephone,may,tue,535,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,management,married,university.degree,no,yes,no,telephone,may,tue,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,tue,296,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,entrepreneur,married,basic.9y,unknown,yes,no,telephone,may,tue,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,services,married,high.school,unknown,no,no,telephone,may,tue,281,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,admin.,married,basic.9y,unknown,yes,no,telephone,may,tue,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,unemployed,married,professional.course,no,no,no,telephone,may,tue,76,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,admin.,married,university.degree,unknown,yes,no,telephone,may,tue,79,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,entrepreneur,married,basic.9y,no,no,no,telephone,may,tue,359,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,self-employed,married,basic.4y,unknown,yes,no,telephone,may,tue,332,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,blue-collar,married,basic.6y,no,no,no,telephone,may,tue,592,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,retired,married,basic.9y,no,no,no,telephone,may,tue,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,divorced,university.degree,unknown,no,no,telephone,may,tue,245,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,self-employed,married,university.degree,unknown,no,no,telephone,may,tue,138,8,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +51,retired,married,basic.9y,no,yes,no,telephone,may,tue,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,services,married,high.school,no,unknown,unknown,telephone,may,tue,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,services,married,high.school,no,yes,no,telephone,may,tue,261,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,divorced,basic.9y,no,no,yes,telephone,may,tue,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,unemployed,married,university.degree,no,no,no,telephone,may,tue,592,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,technician,married,basic.9y,no,yes,no,telephone,may,tue,412,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,admin.,married,university.degree,no,yes,no,telephone,may,tue,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,self-employed,married,basic.6y,unknown,yes,yes,telephone,may,tue,324,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,admin.,single,university.degree,no,no,no,telephone,may,tue,266,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,services,married,high.school,unknown,no,yes,telephone,may,tue,335,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,divorced,basic.9y,no,no,no,telephone,may,tue,235,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,admin.,married,high.school,no,yes,yes,telephone,may,tue,697,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,unknown,unknown,unknown,no,no,telephone,may,tue,170,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,married,professional.course,no,unknown,unknown,telephone,may,tue,272,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,student,single,university.degree,no,yes,no,telephone,may,tue,1042,17,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,services,married,high.school,no,unknown,unknown,telephone,may,tue,271,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,management,married,basic.9y,no,yes,no,telephone,may,tue,378,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,student,single,high.school,unknown,yes,no,telephone,may,tue,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,78,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,383,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,married,professional.course,no,no,no,telephone,may,tue,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,management,married,university.degree,no,yes,no,telephone,may,tue,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,services,married,professional.course,no,no,no,telephone,may,tue,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,services,divorced,high.school,no,yes,no,telephone,may,tue,157,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,retired,single,professional.course,no,no,no,telephone,may,tue,249,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,admin.,married,basic.9y,no,yes,yes,telephone,may,tue,112,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,basic.4y,no,yes,no,telephone,may,tue,188,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,technician,married,professional.course,no,yes,no,telephone,may,tue,148,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,admin.,single,university.degree,no,no,no,telephone,may,tue,145,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,management,married,basic.9y,no,yes,yes,telephone,may,tue,415,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,admin.,married,high.school,no,yes,no,telephone,may,tue,742,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,retired,married,basic.9y,unknown,no,no,telephone,may,tue,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.6y,no,no,no,telephone,may,tue,37,9,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,management,single,high.school,no,no,no,telephone,may,tue,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,admin.,married,professional.course,no,yes,no,telephone,may,tue,185,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,basic.4y,unknown,no,no,telephone,may,tue,1045,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +31,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,divorced,professional.course,no,yes,no,telephone,may,tue,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,housemaid,married,professional.course,unknown,no,no,telephone,may,tue,74,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,self-employed,married,professional.course,no,no,no,telephone,may,tue,190,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,management,married,basic.4y,no,no,no,telephone,may,tue,325,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,650,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +41,technician,married,professional.course,no,no,no,telephone,may,tue,148,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,38,8,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +47,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,625,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,married,university.degree,no,no,yes,telephone,may,tue,175,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,management,single,basic.9y,unknown,yes,no,telephone,may,tue,134,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,97,8,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,management,married,professional.course,no,no,no,telephone,may,tue,282,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,304,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,retired,married,basic.4y,no,yes,yes,telephone,may,tue,438,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,999,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,divorced,basic.9y,no,no,no,telephone,may,tue,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,self-employed,married,unknown,unknown,no,yes,telephone,may,tue,446,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.4y,no,no,yes,telephone,may,tue,289,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,unemployed,married,basic.4y,unknown,no,no,telephone,may,tue,217,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,admin.,single,university.degree,no,yes,no,telephone,may,tue,169,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,blue-collar,married,basic.9y,no,yes,yes,telephone,may,tue,247,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,professional.course,no,yes,no,telephone,may,tue,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,retired,divorced,high.school,no,yes,no,telephone,may,tue,60,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,married,basic.6y,no,yes,yes,telephone,may,tue,99,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,high.school,unknown,no,no,telephone,may,tue,26,14,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,technician,married,professional.course,no,no,no,telephone,may,tue,128,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,services,married,professional.course,no,yes,no,telephone,may,tue,215,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,admin.,single,high.school,no,no,no,telephone,may,tue,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,management,married,high.school,no,yes,yes,telephone,may,tue,52,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,services,married,basic.6y,unknown,yes,no,telephone,may,tue,216,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,housemaid,divorced,basic.4y,unknown,yes,yes,telephone,may,tue,292,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,single,basic.4y,no,no,no,telephone,may,tue,129,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,housemaid,married,basic.4y,no,unknown,unknown,telephone,may,tue,201,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,admin.,married,high.school,no,yes,no,telephone,may,tue,210,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,services,married,basic.9y,no,unknown,unknown,telephone,may,tue,114,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,technician,married,professional.course,no,yes,no,telephone,may,tue,657,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,admin.,married,basic.6y,unknown,yes,yes,telephone,may,tue,88,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,technician,divorced,university.degree,unknown,yes,no,telephone,may,tue,147,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,tue,443,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,technician,married,basic.9y,unknown,yes,yes,telephone,may,tue,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,married,university.degree,no,no,no,telephone,may,tue,127,8,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,may,tue,1063,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +51,entrepreneur,married,basic.4y,no,no,no,telephone,may,tue,446,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,housemaid,married,high.school,no,no,no,telephone,may,tue,252,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,technician,married,professional.course,no,yes,no,telephone,may,tue,80,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,1446,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +26,blue-collar,married,basic.4y,no,yes,yes,telephone,may,tue,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,admin.,married,basic.9y,unknown,yes,yes,telephone,may,tue,412,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,222,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +52,blue-collar,married,basic.9y,no,yes,yes,telephone,may,tue,29,16,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,admin.,married,high.school,no,no,no,telephone,may,tue,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,blue-collar,married,unknown,no,no,no,telephone,may,tue,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,basic.9y,unknown,yes,no,telephone,may,tue,202,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,admin.,married,high.school,no,yes,no,telephone,may,tue,723,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +45,unemployed,married,university.degree,no,no,no,telephone,may,tue,550,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,married,professional.course,no,yes,no,telephone,may,tue,130,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,professional.course,unknown,no,no,telephone,may,tue,192,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,admin.,divorced,university.degree,no,no,no,telephone,may,tue,146,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,admin.,married,high.school,no,no,no,telephone,may,tue,239,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,technician,single,university.degree,no,yes,no,telephone,may,tue,304,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,self-employed,single,university.degree,no,unknown,unknown,telephone,may,tue,114,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +24,student,married,university.degree,no,no,no,telephone,may,tue,139,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,tue,445,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,married,basic.4y,unknown,yes,yes,telephone,may,tue,139,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,16,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +30,technician,married,university.degree,no,no,no,telephone,may,tue,169,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,self-employed,single,basic.9y,no,no,no,telephone,may,tue,125,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +60,admin.,married,university.degree,unknown,no,no,telephone,may,tue,266,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,technician,single,university.degree,no,yes,no,telephone,may,tue,446,12,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,married,basic.9y,no,yes,yes,telephone,may,tue,267,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,blue-collar,married,high.school,no,yes,yes,telephone,may,tue,6,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,retired,married,high.school,unknown,no,no,telephone,may,tue,15,13,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +24,admin.,single,high.school,no,no,no,telephone,may,tue,172,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,admin.,divorced,university.degree,no,no,no,telephone,may,tue,94,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,admin.,single,high.school,no,no,no,telephone,may,tue,268,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +59,entrepreneur,married,university.degree,unknown,yes,yes,telephone,may,tue,130,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,70,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,admin.,married,basic.9y,no,no,no,telephone,may,tue,91,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,technician,married,unknown,no,yes,no,telephone,may,tue,324,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,entrepreneur,married,basic.6y,no,no,no,telephone,may,tue,465,8,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +27,blue-collar,married,basic.9y,no,yes,yes,telephone,may,tue,274,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,management,single,basic.9y,no,no,no,telephone,may,tue,300,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,divorced,professional.course,no,yes,no,telephone,may,tue,191,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,unemployed,married,high.school,no,no,no,telephone,may,tue,56,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,services,married,high.school,no,no,no,telephone,may,tue,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +35,technician,married,university.degree,no,yes,no,telephone,may,tue,236,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +57,technician,divorced,unknown,no,no,no,telephone,may,tue,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,services,married,professional.course,no,yes,no,telephone,may,tue,614,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +49,admin.,single,high.school,no,no,no,telephone,may,tue,363,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,technician,married,basic.6y,no,yes,no,telephone,may,tue,418,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,technician,married,university.degree,unknown,yes,no,telephone,may,tue,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +24,services,single,high.school,no,no,no,telephone,may,tue,119,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,103,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +44,admin.,married,university.degree,no,no,no,telephone,may,tue,10,17,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +37,technician,married,professional.course,no,yes,no,telephone,may,tue,216,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,484,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,admin.,single,professional.course,no,no,no,telephone,may,tue,485,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,404,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,175,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,tue,138,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,technician,single,professional.course,no,yes,yes,telephone,may,tue,243,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,high.school,no,no,no,telephone,may,tue,919,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,203,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,admin.,single,high.school,no,no,no,telephone,may,tue,247,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +32,services,married,high.school,unknown,no,yes,telephone,may,tue,89,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,admin.,married,unknown,unknown,no,no,telephone,may,tue,185,12,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +22,blue-collar,married,basic.4y,no,unknown,unknown,telephone,may,tue,777,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,housemaid,married,basic.9y,no,no,no,telephone,may,tue,340,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +29,admin.,single,high.school,no,no,no,telephone,may,tue,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +50,technician,married,professional.course,unknown,yes,no,telephone,may,tue,256,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,housemaid,married,basic.9y,no,no,no,telephone,may,tue,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,housemaid,married,basic.4y,no,yes,no,telephone,may,tue,54,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,services,divorced,basic.4y,unknown,yes,no,telephone,may,tue,26,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +43,admin.,married,university.degree,no,no,no,telephone,may,tue,350,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,services,married,high.school,unknown,yes,no,telephone,may,tue,226,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,167,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,single,university.degree,no,no,no,telephone,may,tue,47,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,214,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,446,7,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,management,married,basic.9y,no,yes,no,telephone,may,tue,153,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,admin.,divorced,high.school,no,yes,no,telephone,may,tue,181,6,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,blue-collar,divorced,basic.4y,no,no,no,telephone,may,tue,747,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,admin.,single,high.school,no,yes,no,telephone,may,tue,214,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,divorced,basic.4y,no,yes,no,telephone,may,tue,270,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +53,admin.,married,university.degree,no,no,yes,telephone,may,tue,37,13,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,housemaid,married,basic.4y,no,unknown,unknown,telephone,may,tue,129,8,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +25,services,single,high.school,no,no,no,telephone,may,tue,72,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +42,admin.,married,high.school,no,no,no,telephone,may,tue,1392,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +34,services,married,high.school,unknown,yes,yes,telephone,may,tue,441,9,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,technician,divorced,basic.4y,no,yes,no,telephone,may,tue,725,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +38,admin.,married,high.school,no,no,no,telephone,may,tue,213,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,technician,single,high.school,no,no,yes,telephone,may,tue,177,10,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +46,services,married,professional.course,no,yes,no,telephone,may,tue,273,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +58,retired,married,university.degree,no,no,no,telephone,may,tue,98,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +39,services,married,high.school,no,no,yes,telephone,may,tue,480,4,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +54,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +31,admin.,divorced,university.degree,no,yes,no,telephone,may,tue,204,2,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +40,services,single,high.school,no,yes,yes,telephone,may,tue,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +56,retired,divorced,basic.4y,no,no,no,telephone,may,tue,246,3,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +41,admin.,married,university.degree,no,no,no,telephone,may,tue,352,5,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +33,admin.,divorced,high.school,no,no,no,telephone,may,tue,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +55,technician,married,high.school,no,yes,no,telephone,may,tue,719,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,yes +33,admin.,divorced,high.school,no,no,no,telephone,may,tue,277,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +48,admin.,divorced,high.school,no,no,no,telephone,may,tue,315,1,999,0,nonexistent,1.1,93.994,-36.4,4.856,5191.0,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,unemployed,married,university.degree,no,no,no,telephone,may,wed,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,admin.,single,basic.9y,unknown,no,yes,telephone,may,wed,408,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +60,housemaid,married,high.school,unknown,yes,no,telephone,may,wed,74,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,technician,married,basic.9y,no,no,no,telephone,may,wed,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,admin.,married,university.degree,no,yes,yes,telephone,may,wed,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,167,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,unemployed,married,basic.9y,no,yes,no,telephone,may,wed,64,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +54,management,divorced,basic.6y,unknown,yes,no,telephone,may,wed,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,housemaid,married,basic.4y,unknown,no,yes,telephone,may,wed,801,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +46,housemaid,married,basic.4y,no,no,no,telephone,may,wed,336,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,management,single,university.degree,no,no,no,telephone,may,wed,59,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,divorced,basic.4y,no,no,no,telephone,may,wed,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,technician,married,university.degree,no,no,no,telephone,may,wed,86,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,317,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,technician,married,professional.course,no,yes,no,telephone,may,wed,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,388,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,housemaid,married,university.degree,no,no,no,telephone,may,wed,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,admin.,married,high.school,no,yes,no,telephone,may,wed,72,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,services,married,high.school,no,yes,no,telephone,may,wed,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,admin.,married,high.school,no,yes,no,telephone,may,wed,339,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,171,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,18,28,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,divorced,basic.9y,no,no,no,telephone,may,wed,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,admin.,single,university.degree,no,yes,yes,telephone,may,wed,938,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +38,blue-collar,married,high.school,unknown,yes,no,telephone,may,wed,173,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,self-employed,married,basic.4y,no,no,no,telephone,may,wed,222,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,admin.,married,high.school,no,yes,yes,telephone,may,wed,692,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,technician,married,professional.course,no,yes,yes,telephone,may,wed,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,admin.,single,high.school,unknown,yes,yes,telephone,may,wed,78,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,management,married,university.degree,unknown,no,no,telephone,may,wed,134,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,self-employed,married,university.degree,no,yes,yes,telephone,may,wed,323,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,management,married,university.degree,no,yes,no,telephone,may,wed,43,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,self-employed,married,basic.4y,unknown,no,yes,telephone,may,wed,245,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,482,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,wed,207,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,admin.,married,university.degree,no,yes,yes,telephone,may,wed,56,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,housemaid,single,high.school,unknown,yes,no,telephone,may,wed,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,married,high.school,no,yes,yes,telephone,may,wed,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,self-employed,single,university.degree,unknown,no,no,telephone,may,wed,353,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,wed,554,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,432,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,admin.,single,high.school,no,no,no,telephone,may,wed,27,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,wed,361,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,admin.,single,professional.course,no,yes,no,telephone,may,wed,565,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +41,technician,married,university.degree,no,no,no,telephone,may,wed,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,admin.,married,high.school,unknown,no,no,telephone,may,wed,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,services,married,professional.course,no,no,no,telephone,may,wed,287,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,technician,married,professional.course,no,no,no,telephone,may,wed,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +59,retired,married,professional.course,unknown,no,no,telephone,may,wed,905,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +25,services,divorced,high.school,no,yes,yes,telephone,may,wed,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +22,services,single,basic.4y,no,no,no,telephone,may,wed,91,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,111,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +60,entrepreneur,married,basic.4y,no,yes,no,telephone,may,wed,236,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,married,university.degree,no,no,no,telephone,may,wed,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,unemployed,married,professional.course,no,yes,no,telephone,may,wed,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,technician,married,university.degree,no,yes,yes,telephone,may,wed,298,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,single,university.degree,no,no,no,telephone,may,wed,86,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,420,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,entrepreneur,married,basic.9y,no,yes,no,telephone,may,wed,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,housemaid,married,basic.9y,no,yes,no,telephone,may,wed,164,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,blue-collar,married,unknown,unknown,yes,no,telephone,may,wed,508,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,services,single,high.school,no,no,no,telephone,may,wed,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,professional.course,no,no,no,telephone,may,wed,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,technician,single,university.degree,no,no,no,telephone,may,wed,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +54,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,783,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +53,retired,married,high.school,unknown,no,no,telephone,may,wed,264,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,services,married,basic.9y,no,no,no,telephone,may,wed,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,technician,single,professional.course,unknown,no,no,telephone,may,wed,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,management,married,high.school,unknown,no,no,telephone,may,wed,353,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,single,professional.course,unknown,no,no,telephone,may,wed,1106,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,419,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,married,university.degree,unknown,yes,yes,telephone,may,wed,603,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,admin.,single,university.degree,unknown,yes,yes,telephone,may,wed,415,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,872,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,admin.,married,high.school,no,unknown,unknown,telephone,may,wed,52,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,490,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,admin.,married,high.school,no,yes,no,telephone,may,wed,63,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,management,married,university.degree,no,yes,no,telephone,may,wed,27,10,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,services,married,high.school,no,no,yes,telephone,may,wed,425,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,admin.,married,professional.course,unknown,no,no,telephone,may,wed,12,11,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,management,single,university.degree,no,yes,no,telephone,may,wed,350,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,technician,divorced,professional.course,no,yes,no,telephone,may,wed,103,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,wed,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,wed,261,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,115,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,management,married,high.school,unknown,yes,no,telephone,may,wed,641,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,services,married,university.degree,no,yes,no,telephone,may,wed,370,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,technician,married,basic.9y,unknown,yes,no,telephone,may,wed,958,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,103,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,wed,628,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,self-employed,married,university.degree,no,yes,no,telephone,may,wed,232,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,admin.,married,university.degree,no,no,no,telephone,may,wed,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,management,married,basic.9y,no,yes,no,telephone,may,wed,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,494,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,166,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,self-employed,married,basic.9y,no,yes,no,telephone,may,wed,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,technician,single,university.degree,no,no,no,telephone,may,wed,494,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,530,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,retired,married,professional.course,no,no,no,telephone,may,wed,759,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,married,university.degree,no,no,no,telephone,may,wed,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,445,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,entrepreneur,single,basic.9y,no,no,no,telephone,may,wed,345,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,admin.,single,university.degree,no,no,no,telephone,may,wed,819,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +41,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,16,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,32,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,married,university.degree,no,no,no,telephone,may,wed,648,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,management,married,high.school,no,no,no,telephone,may,wed,29,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,services,divorced,high.school,unknown,no,no,telephone,may,wed,220,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,retired,married,high.school,unknown,no,no,telephone,may,wed,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,management,married,university.degree,no,yes,no,telephone,may,wed,290,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,married,professional.course,no,yes,yes,telephone,may,wed,634,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,management,married,university.degree,no,no,yes,telephone,may,wed,717,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,management,married,high.school,unknown,yes,no,telephone,may,wed,249,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,housemaid,married,basic.4y,unknown,no,yes,telephone,may,wed,228,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,entrepreneur,married,professional.course,no,no,no,telephone,may,wed,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,student,single,university.degree,unknown,yes,no,telephone,may,wed,544,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,951,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,technician,single,university.degree,no,yes,no,telephone,may,wed,412,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +27,admin.,single,basic.9y,no,yes,yes,telephone,may,wed,264,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,technician,divorced,basic.9y,no,no,no,telephone,may,wed,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,technician,married,professional.course,no,yes,yes,telephone,may,wed,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,admin.,married,high.school,no,yes,no,telephone,may,wed,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,retired,married,basic.4y,no,no,no,telephone,may,wed,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,blue-collar,single,basic.6y,no,no,no,telephone,may,wed,244,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,management,married,university.degree,no,yes,no,telephone,may,wed,578,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,retired,divorced,high.school,unknown,yes,no,telephone,may,wed,359,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,services,single,high.school,no,yes,no,telephone,may,wed,190,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,487,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,admin.,married,university.degree,no,yes,no,telephone,may,wed,396,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,single,basic.4y,no,no,no,telephone,may,wed,59,8,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,retired,divorced,high.school,no,yes,no,telephone,may,wed,111,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,housemaid,single,university.degree,no,no,yes,telephone,may,wed,502,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,married,basic.6y,no,no,yes,telephone,may,wed,795,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +60,technician,divorced,professional.course,unknown,yes,no,telephone,may,wed,202,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,management,married,university.degree,no,yes,no,telephone,may,wed,29,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,408,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,management,married,university.degree,no,yes,yes,telephone,may,wed,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +60,entrepreneur,married,basic.4y,no,no,yes,telephone,may,wed,141,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,103,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,management,married,university.degree,no,no,yes,telephone,may,wed,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,229,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,admin.,single,high.school,no,no,no,telephone,may,wed,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,admin.,married,basic.9y,no,no,no,telephone,may,wed,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,entrepreneur,married,high.school,unknown,no,no,telephone,may,wed,7,12,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,blue-collar,single,professional.course,no,no,no,telephone,may,wed,51,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,single,basic.4y,no,no,no,telephone,may,wed,17,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,504,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,admin.,married,high.school,no,no,no,telephone,may,wed,726,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,542,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,wed,257,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,services,married,high.school,unknown,no,no,telephone,may,wed,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,250,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +59,retired,married,high.school,unknown,no,no,telephone,may,wed,294,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,admin.,single,unknown,unknown,yes,yes,telephone,may,wed,303,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,admin.,single,professional.course,no,yes,yes,telephone,may,wed,828,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +41,blue-collar,divorced,basic.6y,no,yes,yes,telephone,may,wed,343,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,services,married,high.school,no,no,no,telephone,may,wed,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,married,university.degree,no,yes,yes,telephone,may,wed,786,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,services,married,high.school,no,no,no,telephone,may,wed,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,divorced,professional.course,no,no,no,telephone,may,wed,509,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,blue-collar,married,professional.course,no,yes,no,telephone,may,wed,161,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,services,divorced,high.school,no,yes,yes,telephone,may,wed,125,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,admin.,married,high.school,no,yes,yes,telephone,may,wed,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,housemaid,married,basic.4y,no,no,yes,telephone,may,wed,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,technician,married,high.school,unknown,no,no,telephone,may,wed,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,single,unknown,unknown,no,no,telephone,may,wed,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,technician,married,university.degree,unknown,no,no,telephone,may,wed,389,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,admin.,single,high.school,no,no,no,telephone,may,wed,240,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,single,high.school,unknown,no,no,telephone,may,wed,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,management,married,basic.9y,unknown,yes,no,telephone,may,wed,59,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,39,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,admin.,married,high.school,no,yes,no,telephone,may,wed,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,admin.,single,university.degree,no,yes,no,telephone,may,wed,53,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,wed,44,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,admin.,single,high.school,unknown,yes,no,telephone,may,wed,212,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,management,married,university.degree,unknown,no,no,telephone,may,wed,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,45,13,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,single,high.school,no,yes,no,telephone,may,wed,738,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,unknown,single,basic.9y,unknown,yes,no,telephone,may,wed,102,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,management,married,basic.9y,no,no,yes,telephone,may,wed,161,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,services,married,high.school,no,yes,yes,telephone,may,wed,383,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,services,married,high.school,no,yes,yes,telephone,may,wed,184,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,housemaid,married,high.school,no,no,no,telephone,may,wed,122,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,divorced,professional.course,no,yes,no,telephone,may,wed,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,wed,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,88,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,blue-collar,divorced,basic.9y,no,no,no,telephone,may,wed,418,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,self-employed,married,university.degree,no,no,no,telephone,may,wed,17,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,management,single,professional.course,no,no,no,telephone,may,wed,233,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,technician,divorced,professional.course,no,no,no,telephone,may,wed,445,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,wed,623,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +24,services,single,high.school,no,no,no,telephone,may,wed,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,technician,married,professional.course,no,yes,no,telephone,may,wed,316,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,admin.,married,high.school,no,no,no,telephone,may,wed,650,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,housemaid,married,high.school,no,yes,no,telephone,may,wed,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,unemployed,single,basic.4y,unknown,yes,no,telephone,may,wed,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +24,services,single,high.school,no,unknown,unknown,telephone,may,wed,1307,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,technician,married,professional.course,no,yes,no,telephone,may,wed,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,admin.,married,high.school,no,no,no,telephone,may,wed,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,management,married,basic.9y,no,yes,no,telephone,may,wed,187,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,748,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,486,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,492,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,retired,divorced,basic.4y,no,yes,yes,telephone,may,wed,485,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,married,university.degree,no,yes,no,telephone,may,wed,197,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,304,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,entrepreneur,married,professional.course,no,yes,no,telephone,may,wed,51,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,blue-collar,married,high.school,no,yes,no,telephone,may,wed,836,12,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,394,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,unknown,married,high.school,unknown,yes,no,telephone,may,wed,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,technician,married,high.school,no,no,no,telephone,may,wed,315,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,housemaid,married,basic.4y,no,no,no,telephone,may,wed,506,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +40,technician,married,professional.course,unknown,no,no,telephone,may,wed,288,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,admin.,divorced,high.school,unknown,yes,yes,telephone,may,wed,354,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,technician,married,professional.course,no,unknown,unknown,telephone,may,wed,154,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,blue-collar,married,high.school,no,yes,yes,telephone,may,wed,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,wed,563,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,wed,450,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,admin.,married,university.degree,no,yes,no,telephone,may,wed,34,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,blue-collar,single,basic.4y,no,yes,yes,telephone,may,wed,371,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,professional.course,no,yes,no,telephone,may,wed,518,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,admin.,married,university.degree,no,no,no,telephone,may,wed,111,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,176,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,blue-collar,single,basic.4y,no,yes,yes,telephone,may,wed,196,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,married,high.school,no,yes,no,telephone,may,wed,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,91,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,services,divorced,high.school,no,no,no,telephone,may,wed,172,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,252,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,technician,married,professional.course,no,yes,no,telephone,may,wed,265,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,technician,married,university.degree,unknown,no,no,telephone,may,wed,899,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,588,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,blue-collar,single,high.school,no,no,no,telephone,may,wed,393,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,technician,single,university.degree,unknown,no,no,telephone,may,wed,857,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +26,services,divorced,basic.6y,no,yes,no,telephone,may,wed,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,admin.,married,high.school,no,unknown,unknown,telephone,may,wed,164,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,management,married,university.degree,no,unknown,unknown,telephone,may,wed,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,technician,single,university.degree,no,no,no,telephone,may,wed,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,unemployed,married,high.school,no,no,yes,telephone,may,wed,38,12,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,technician,married,professional.course,no,no,no,telephone,may,wed,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,unknown,single,basic.6y,unknown,yes,no,telephone,may,wed,660,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,blue-collar,single,basic.4y,no,yes,no,telephone,may,wed,1681,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +35,technician,married,high.school,no,no,no,telephone,may,wed,208,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,self-employed,married,university.degree,no,no,no,telephone,may,wed,518,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,retired,married,basic.4y,unknown,yes,no,telephone,may,wed,316,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,technician,single,university.degree,no,no,no,telephone,may,wed,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,admin.,single,basic.9y,unknown,no,no,telephone,may,wed,272,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,professional.course,no,yes,no,telephone,may,wed,143,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,572,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,admin.,married,university.degree,no,no,no,telephone,may,wed,573,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,244,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,entrepreneur,married,basic.4y,unknown,yes,no,telephone,may,wed,384,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,technician,divorced,professional.course,no,no,no,telephone,may,wed,240,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,unemployed,divorced,high.school,unknown,yes,no,telephone,may,wed,269,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,488,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,management,single,university.degree,no,yes,no,telephone,may,wed,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,admin.,married,high.school,no,yes,no,telephone,may,wed,100,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,811,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,management,married,basic.9y,no,no,no,telephone,may,wed,890,26,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,wed,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,admin.,divorced,university.degree,no,no,no,telephone,may,wed,681,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +36,technician,married,basic.9y,no,no,no,telephone,may,wed,443,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,blue-collar,divorced,basic.9y,no,no,no,telephone,may,wed,1162,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,entrepreneur,married,university.degree,no,no,yes,telephone,may,wed,1697,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +28,blue-collar,single,basic.6y,no,no,no,telephone,may,wed,244,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,admin.,single,high.school,no,no,no,telephone,may,wed,860,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +49,housemaid,divorced,basic.6y,no,yes,no,telephone,may,wed,295,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,technician,married,high.school,unknown,yes,no,telephone,may,wed,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +60,retired,married,professional.course,unknown,no,no,telephone,may,wed,280,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,admin.,married,basic.9y,no,yes,no,telephone,may,wed,86,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,technician,married,professional.course,no,no,no,telephone,may,wed,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,technician,married,professional.course,unknown,no,no,telephone,may,wed,113,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,admin.,single,basic.9y,unknown,yes,no,telephone,may,wed,83,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,technician,divorced,university.degree,unknown,yes,yes,telephone,may,wed,297,8,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,management,married,university.degree,no,unknown,unknown,telephone,may,wed,291,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,self-employed,married,high.school,no,no,yes,telephone,may,wed,394,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,technician,married,university.degree,unknown,yes,no,telephone,may,wed,72,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +27,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,services,divorced,high.school,no,yes,no,telephone,may,wed,312,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,technician,single,professional.course,unknown,no,no,telephone,may,wed,474,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,divorced,basic.9y,no,no,no,telephone,may,wed,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,services,married,high.school,no,no,no,telephone,may,wed,91,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,admin.,married,university.degree,unknown,yes,yes,telephone,may,wed,232,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +41,technician,married,professional.course,no,yes,no,telephone,may,wed,446,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,admin.,married,high.school,no,no,no,telephone,may,wed,153,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,services,divorced,high.school,no,no,no,telephone,may,wed,111,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +57,services,divorced,high.school,no,yes,no,telephone,may,wed,72,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,559,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,divorced,basic.9y,no,no,no,telephone,may,wed,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,services,married,high.school,unknown,yes,no,telephone,may,wed,189,7,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,management,married,university.degree,no,no,no,telephone,may,wed,237,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,wed,230,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +24,unemployed,single,university.degree,no,no,no,telephone,may,wed,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,self-employed,married,university.degree,no,yes,no,telephone,may,wed,162,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,services,married,high.school,unknown,yes,no,telephone,may,wed,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,239,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,admin.,single,university.degree,unknown,yes,no,telephone,may,wed,222,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,technician,married,high.school,no,yes,no,telephone,may,wed,69,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,single,basic.6y,unknown,yes,yes,telephone,may,wed,501,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,admin.,married,university.degree,unknown,no,no,telephone,may,wed,192,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,wed,273,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,281,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,single,university.degree,no,yes,no,telephone,may,wed,175,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,admin.,married,high.school,no,no,no,telephone,may,wed,465,11,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,175,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,technician,married,high.school,no,yes,no,telephone,may,wed,87,14,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,admin.,single,high.school,no,yes,no,telephone,may,wed,292,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,admin.,single,high.school,no,yes,no,telephone,may,wed,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,single,high.school,unknown,yes,no,telephone,may,wed,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,admin.,married,high.school,no,unknown,unknown,telephone,may,wed,23,16,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,technician,married,professional.course,no,unknown,unknown,telephone,may,wed,575,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,may,wed,67,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,admin.,single,university.degree,no,yes,no,telephone,may,wed,248,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,self-employed,married,university.degree,no,no,no,telephone,may,wed,108,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,self-employed,single,university.degree,no,yes,no,telephone,may,wed,373,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,services,single,university.degree,no,no,no,telephone,may,wed,112,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,395,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,wed,229,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,services,married,high.school,unknown,unknown,unknown,telephone,may,wed,54,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,management,married,university.degree,no,yes,no,telephone,may,wed,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,blue-collar,married,high.school,no,no,no,telephone,may,wed,357,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,unemployed,divorced,university.degree,no,yes,no,telephone,may,wed,152,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.6y,no,no,yes,telephone,may,wed,36,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,self-employed,married,university.degree,no,yes,no,telephone,may,wed,206,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,self-employed,married,basic.4y,unknown,no,no,telephone,may,wed,389,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,services,single,professional.course,unknown,no,no,telephone,may,wed,314,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +54,admin.,married,high.school,no,no,no,telephone,may,wed,66,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,admin.,married,university.degree,unknown,yes,no,telephone,may,wed,86,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,technician,married,professional.course,no,no,no,telephone,may,wed,489,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,technician,married,basic.6y,unknown,yes,no,telephone,may,wed,85,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,married,basic.9y,no,no,yes,telephone,may,wed,117,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,wed,832,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +25,blue-collar,single,basic.4y,no,no,no,telephone,may,wed,149,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +52,management,divorced,university.degree,no,no,no,telephone,may,wed,634,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,self-employed,married,basic.9y,no,no,no,telephone,may,wed,173,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,admin.,married,high.school,no,yes,no,telephone,may,wed,987,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,admin.,single,university.degree,no,yes,no,telephone,may,wed,66,13,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,services,divorced,basic.6y,no,no,no,telephone,may,wed,281,15,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +51,services,married,high.school,unknown,no,no,telephone,may,wed,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,services,married,basic.9y,no,yes,yes,telephone,may,wed,369,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,services,divorced,high.school,no,yes,yes,telephone,may,wed,88,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,blue-collar,divorced,unknown,no,yes,yes,telephone,may,wed,799,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +43,blue-collar,married,high.school,unknown,unknown,unknown,telephone,may,wed,671,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,services,married,high.school,unknown,yes,no,telephone,may,wed,397,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +56,services,divorced,high.school,unknown,yes,no,telephone,may,wed,935,1,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,management,married,university.degree,no,yes,no,telephone,may,wed,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +31,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,wed,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,wed,21,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,entrepreneur,married,basic.6y,no,unknown,unknown,telephone,may,wed,234,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,wed,81,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,admin.,single,high.school,no,yes,no,telephone,may,wed,59,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,233,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,self-employed,divorced,unknown,no,no,no,telephone,may,wed,1161,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,wed,265,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,single,high.school,no,no,no,telephone,may,wed,173,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,housemaid,single,high.school,no,yes,no,telephone,may,wed,178,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +38,services,single,basic.9y,unknown,yes,no,telephone,may,wed,203,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,services,single,high.school,no,no,no,telephone,may,wed,45,9,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,entrepreneur,married,professional.course,no,no,no,telephone,may,wed,86,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,unknown,married,basic.6y,no,no,no,telephone,may,wed,254,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,blue-collar,single,high.school,no,yes,yes,telephone,may,wed,131,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +26,admin.,married,university.degree,no,no,no,telephone,may,wed,239,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,207,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,blue-collar,married,high.school,unknown,no,no,telephone,may,wed,713,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,admin.,single,university.degree,no,no,no,telephone,may,wed,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,admin.,married,high.school,no,no,no,telephone,may,wed,260,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,923,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +54,technician,married,professional.course,no,yes,no,telephone,may,wed,150,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,services,married,basic.6y,no,no,no,telephone,may,wed,155,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +46,entrepreneur,married,university.degree,unknown,no,no,telephone,may,wed,433,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +49,admin.,divorced,high.school,no,yes,no,telephone,may,wed,202,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +33,services,married,high.school,unknown,no,no,telephone,may,wed,227,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +55,technician,married,high.school,no,no,no,telephone,may,wed,214,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,admin.,single,unknown,unknown,yes,no,telephone,may,wed,30,12,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,blue-collar,divorced,high.school,no,no,no,telephone,may,wed,206,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,admin.,married,university.degree,no,yes,yes,telephone,may,wed,362,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +35,admin.,married,high.school,no,no,no,telephone,may,wed,15,19,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +39,self-employed,married,basic.4y,unknown,yes,no,telephone,may,wed,315,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +44,blue-collar,married,high.school,no,no,no,telephone,may,wed,250,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +30,technician,married,professional.course,no,no,no,telephone,may,wed,700,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +40,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,154,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +29,entrepreneur,married,basic.6y,no,yes,no,telephone,may,wed,190,5,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,20,8,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +47,blue-collar,married,unknown,unknown,yes,no,telephone,may,wed,191,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +58,admin.,divorced,university.degree,no,yes,yes,telephone,may,wed,363,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +43,blue-collar,single,basic.4y,unknown,no,no,telephone,may,wed,339,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +37,services,married,high.school,no,yes,yes,telephone,may,wed,521,3,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,yes +37,technician,married,professional.course,unknown,no,no,telephone,may,wed,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +34,admin.,single,university.degree,no,no,yes,telephone,may,wed,110,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +36,technician,married,professional.course,no,no,no,telephone,may,wed,142,10,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +48,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,173,6,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +59,admin.,single,professional.course,no,no,no,telephone,may,wed,291,4,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +32,technician,married,professional.course,no,no,no,telephone,may,wed,293,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +28,services,married,high.school,unknown,yes,no,telephone,may,wed,322,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +53,unemployed,married,basic.4y,unknown,yes,no,telephone,may,wed,339,10,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +50,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,304,2,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,526,8,999,0,nonexistent,1.1,93.994,-36.4,4.8580000000000005,5191.0,no +45,technician,married,high.school,no,yes,no,telephone,may,fri,78,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,single,unknown,no,no,yes,telephone,may,fri,219,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,72,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,72,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,42,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,407,14,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,services,married,high.school,unknown,no,no,telephone,may,fri,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,high.school,unknown,yes,no,telephone,may,fri,158,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,405,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,technician,single,university.degree,no,yes,no,telephone,may,fri,417,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,single,unknown,unknown,yes,no,telephone,may,fri,48,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,housemaid,married,basic.6y,unknown,yes,no,telephone,may,fri,201,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,married,university.degree,no,yes,no,telephone,may,fri,101,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,214,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,single,professional.course,no,no,no,telephone,may,fri,350,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,high.school,no,yes,no,telephone,may,fri,433,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,entrepreneur,married,university.degree,no,no,yes,telephone,may,fri,253,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,329,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,admin.,divorced,university.degree,no,yes,no,telephone,may,fri,628,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +38,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,110,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,fri,259,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,fri,260,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,divorced,professional.course,no,yes,no,telephone,may,fri,363,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.6y,no,yes,no,telephone,may,fri,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.6y,no,yes,no,telephone,may,fri,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,services,single,basic.9y,no,no,yes,telephone,may,fri,83,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,management,married,basic.4y,no,no,no,telephone,may,fri,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.6y,no,no,no,telephone,may,fri,245,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,management,married,unknown,unknown,yes,yes,telephone,may,fri,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,divorced,high.school,no,no,no,telephone,may,fri,346,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,high.school,no,unknown,unknown,telephone,may,fri,271,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,single,high.school,no,no,no,telephone,may,fri,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,university.degree,no,no,no,telephone,may,fri,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,university.degree,no,yes,yes,telephone,may,fri,218,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,621,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,fri,1349,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +53,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,fri,385,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,university.degree,unknown,no,no,telephone,may,fri,70,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,professional.course,no,no,no,telephone,may,fri,509,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,single,high.school,no,yes,no,telephone,may,fri,128,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,divorced,high.school,no,no,no,telephone,may,fri,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,high.school,no,no,yes,telephone,may,fri,3,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,blue-collar,single,basic.4y,unknown,yes,no,telephone,may,fri,1171,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,university.degree,no,no,yes,telephone,may,fri,359,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,technician,married,professional.course,no,no,no,telephone,may,fri,736,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +51,unemployed,married,basic.9y,unknown,no,no,telephone,may,fri,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,married,basic.9y,no,no,no,telephone,may,fri,121,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,high.school,no,no,yes,telephone,may,fri,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,housemaid,married,basic.4y,no,no,no,telephone,may,fri,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,high.school,no,no,no,telephone,may,fri,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,services,married,high.school,unknown,no,no,telephone,may,fri,89,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,412,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,302,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,professional.course,unknown,no,no,telephone,may,fri,90,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,divorced,basic.9y,no,no,no,telephone,may,fri,145,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,blue-collar,married,basic.9y,no,no,yes,telephone,may,fri,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,self-employed,married,professional.course,no,no,yes,telephone,may,fri,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,single,basic.9y,unknown,no,yes,telephone,may,fri,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,373,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,72,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.4y,no,no,yes,telephone,may,fri,534,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,entrepreneur,married,high.school,no,no,yes,telephone,may,fri,225,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,married,high.school,unknown,yes,no,telephone,may,fri,445,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,technician,divorced,university.degree,no,no,no,telephone,may,fri,193,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,single,basic.9y,unknown,no,yes,telephone,may,fri,268,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,single,unknown,no,no,yes,telephone,may,fri,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,basic.6y,unknown,no,no,telephone,may,fri,785,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +37,technician,single,basic.9y,no,no,yes,telephone,may,fri,298,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,self-employed,married,university.degree,no,no,no,telephone,may,fri,286,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,divorced,high.school,no,no,yes,telephone,may,fri,442,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,married,high.school,no,no,no,telephone,may,fri,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +22,blue-collar,single,basic.6y,unknown,no,yes,telephone,may,fri,1073,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,299,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,university.degree,no,no,no,telephone,may,fri,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,504,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,488,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,married,basic.4y,unknown,no,no,telephone,may,fri,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,single,university.degree,no,yes,yes,telephone,may,fri,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,university.degree,no,no,no,telephone,may,fri,124,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,divorced,high.school,no,yes,no,telephone,may,fri,425,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,services,married,high.school,no,yes,no,telephone,may,fri,290,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,married,professional.course,unknown,yes,no,telephone,may,fri,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,management,divorced,university.degree,no,no,yes,telephone,may,fri,164,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,divorced,basic.9y,no,no,yes,telephone,may,fri,322,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,professional.course,unknown,yes,no,telephone,may,fri,530,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,divorced,basic.4y,unknown,no,yes,telephone,may,fri,237,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,married,high.school,no,yes,no,telephone,may,fri,360,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,divorced,basic.4y,no,no,yes,telephone,may,fri,57,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,married,high.school,no,no,no,telephone,may,fri,700,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,married,high.school,no,no,no,telephone,may,fri,601,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,divorced,basic.4y,no,no,no,telephone,may,fri,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,single,university.degree,no,yes,no,telephone,may,fri,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,single,basic.9y,no,no,no,telephone,may,fri,86,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,technician,single,university.degree,no,yes,no,telephone,may,fri,256,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,high.school,unknown,yes,no,telephone,may,fri,106,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,unknown,no,yes,no,telephone,may,fri,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,management,single,university.degree,no,yes,no,telephone,may,fri,415,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,university.degree,no,yes,no,telephone,may,fri,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,services,single,basic.9y,no,yes,yes,telephone,may,fri,816,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,married,university.degree,no,no,no,telephone,may,fri,435,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,100,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,university.degree,unknown,yes,yes,telephone,may,fri,297,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,unemployed,married,university.degree,no,no,no,telephone,may,fri,191,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,58,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,divorced,unknown,no,unknown,unknown,telephone,may,fri,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,married,high.school,no,no,no,telephone,may,fri,533,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,university.degree,no,yes,no,telephone,may,fri,28,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,divorced,university.degree,no,no,no,telephone,may,fri,63,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,entrepreneur,married,university.degree,no,yes,no,telephone,may,fri,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,high.school,no,yes,yes,telephone,may,fri,202,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,divorced,university.degree,no,yes,no,telephone,may,fri,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,240,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,entrepreneur,divorced,university.degree,no,yes,no,telephone,may,fri,354,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,single,university.degree,no,yes,yes,telephone,may,fri,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,housemaid,married,high.school,unknown,no,no,telephone,may,fri,293,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,108,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,divorced,basic.4y,no,no,no,telephone,may,fri,223,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,entrepreneur,divorced,university.degree,unknown,yes,no,telephone,may,fri,275,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,housemaid,married,basic.9y,no,yes,no,telephone,may,fri,263,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,600,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +55,housemaid,married,professional.course,no,yes,yes,telephone,may,fri,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,high.school,unknown,no,no,telephone,may,fri,319,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,242,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,single,university.degree,unknown,no,no,telephone,may,fri,128,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,236,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,unknown,unknown,no,no,telephone,may,fri,67,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,divorced,basic.9y,no,yes,yes,telephone,may,fri,246,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,self-employed,married,high.school,unknown,yes,no,telephone,may,fri,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,professional.course,no,yes,no,telephone,may,fri,391,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,services,divorced,professional.course,no,yes,no,telephone,may,fri,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,technician,married,professional.course,no,yes,no,telephone,may,fri,245,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,retired,married,high.school,no,no,no,telephone,may,fri,924,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,334,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,management,married,university.degree,no,yes,no,telephone,may,fri,317,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,university.degree,no,no,no,telephone,may,fri,134,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,professional.course,no,no,yes,telephone,may,fri,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,divorced,basic.4y,no,no,yes,telephone,may,fri,37,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,married,high.school,no,yes,no,telephone,may,fri,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,high.school,no,no,no,telephone,may,fri,911,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.6y,no,unknown,unknown,telephone,may,fri,379,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,university.degree,no,no,no,telephone,may,fri,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.6y,no,yes,no,telephone,may,fri,160,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,single,high.school,unknown,no,no,telephone,may,fri,156,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,entrepreneur,married,high.school,unknown,yes,no,telephone,may,fri,314,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,unemployed,divorced,university.degree,unknown,yes,no,telephone,may,fri,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,married,professional.course,no,no,no,telephone,may,fri,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,fri,78,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,single,high.school,no,yes,yes,telephone,may,fri,115,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,divorced,high.school,no,yes,no,telephone,may,fri,99,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,yes,yes,telephone,may,fri,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,professional.course,no,yes,yes,telephone,may,fri,14,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,unknown,no,no,no,telephone,may,fri,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,438,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,married,university.degree,no,no,no,telephone,may,fri,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,divorced,basic.6y,no,no,no,telephone,may,fri,111,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,married,basic.4y,unknown,no,no,telephone,may,fri,463,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,services,divorced,university.degree,no,no,yes,telephone,may,fri,252,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,self-employed,married,university.degree,unknown,unknown,unknown,telephone,may,fri,38,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,services,single,high.school,unknown,yes,yes,telephone,may,fri,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,66,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,housemaid,single,unknown,unknown,yes,yes,telephone,may,fri,234,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,unemployed,married,basic.9y,no,yes,yes,telephone,may,fri,691,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,entrepreneur,married,high.school,no,yes,no,telephone,may,fri,81,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,single,basic.9y,unknown,yes,no,telephone,may,fri,270,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,professional.course,no,yes,yes,telephone,may,fri,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,single,university.degree,unknown,yes,no,telephone,may,fri,390,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,single,professional.course,no,yes,yes,telephone,may,fri,249,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,31,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,divorced,university.degree,no,no,yes,telephone,may,fri,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,divorced,unknown,unknown,yes,no,telephone,may,fri,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,admin.,divorced,high.school,no,no,no,telephone,may,fri,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,divorced,university.degree,no,yes,no,telephone,may,fri,397,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,227,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,single,university.degree,no,yes,no,telephone,may,fri,7,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,high.school,no,no,no,telephone,may,fri,465,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,basic.9y,unknown,no,yes,telephone,may,fri,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,university.degree,no,no,no,telephone,may,fri,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.4y,no,yes,no,telephone,may,fri,665,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,married,university.degree,no,yes,yes,telephone,may,fri,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,student,single,basic.9y,unknown,yes,yes,telephone,may,fri,164,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,university.degree,no,yes,yes,telephone,may,fri,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,services,married,unknown,unknown,no,no,telephone,may,fri,25,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,technician,single,university.degree,unknown,no,no,telephone,may,fri,187,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,unemployed,married,basic.9y,no,yes,yes,telephone,may,fri,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,fri,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,no,yes,yes,telephone,may,fri,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,technician,single,professional.course,no,yes,no,telephone,may,fri,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,technician,divorced,university.degree,no,no,no,telephone,may,fri,281,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,may,fri,567,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,married,professional.course,no,no,no,telephone,may,fri,284,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,378,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,divorced,basic.6y,unknown,yes,yes,telephone,may,fri,353,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,83,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,entrepreneur,married,basic.9y,no,no,no,telephone,may,fri,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,50,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,basic.9y,unknown,yes,no,telephone,may,fri,536,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,unknown,no,no,no,telephone,may,fri,496,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,single,professional.course,no,no,no,telephone,may,fri,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,unknown,no,no,no,telephone,may,fri,122,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,59,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,management,married,university.degree,no,yes,no,telephone,may,fri,258,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,entrepreneur,married,university.degree,no,no,no,telephone,may,fri,110,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,high.school,no,yes,no,telephone,may,fri,466,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,divorced,university.degree,no,no,no,telephone,may,fri,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +23,services,married,basic.9y,no,yes,no,telephone,may,fri,250,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,married,high.school,no,yes,no,telephone,may,fri,79,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,563,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,high.school,unknown,yes,no,telephone,may,fri,147,14,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,technician,married,university.degree,no,no,no,telephone,may,fri,125,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,entrepreneur,married,basic.6y,unknown,unknown,unknown,telephone,may,fri,71,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,housemaid,married,basic.4y,no,no,no,telephone,may,fri,556,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,basic.4y,no,no,yes,telephone,may,fri,119,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,unknown,unknown,no,no,telephone,may,fri,456,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,no,no,yes,telephone,may,fri,268,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,single,university.degree,no,no,no,telephone,may,fri,332,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,basic.6y,unknown,unknown,unknown,telephone,may,fri,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,single,high.school,no,no,yes,telephone,may,fri,148,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,single,basic.4y,unknown,no,no,telephone,may,fri,448,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,admin.,married,university.degree,no,no,yes,telephone,may,fri,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,married,university.degree,no,yes,no,telephone,may,fri,240,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,fri,115,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,unknown,no,no,telephone,may,fri,290,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,fri,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,57,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,811,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,university.degree,no,yes,yes,telephone,may,fri,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,entrepreneur,married,basic.6y,no,yes,no,telephone,may,fri,108,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,married,high.school,no,no,no,telephone,may,fri,288,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,technician,married,professional.course,no,yes,no,telephone,may,fri,1003,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,university.degree,no,no,no,telephone,may,fri,542,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,high.school,no,yes,no,telephone,may,fri,541,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,divorced,high.school,no,no,no,telephone,may,fri,198,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,unknown,no,no,telephone,may,fri,302,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,married,university.degree,no,yes,no,telephone,may,fri,268,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,retired,married,basic.9y,no,yes,no,telephone,may,fri,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,management,married,university.degree,no,yes,no,telephone,may,fri,66,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,professional.course,no,no,no,telephone,may,fri,216,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,technician,married,university.degree,no,yes,no,telephone,may,fri,206,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,management,married,university.degree,no,yes,no,telephone,may,fri,28,18,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,self-employed,married,basic.9y,no,no,no,telephone,may,fri,101,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,technician,married,basic.6y,unknown,yes,yes,telephone,may,fri,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,university.degree,no,yes,no,telephone,may,fri,186,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,management,married,university.degree,unknown,no,no,telephone,may,fri,472,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,divorced,professional.course,no,yes,yes,telephone,may,fri,215,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,216,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,418,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,single,basic.6y,no,no,no,telephone,may,fri,361,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,926,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,high.school,no,yes,no,telephone,may,fri,116,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,self-employed,married,university.degree,no,yes,no,telephone,may,fri,150,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,divorced,high.school,no,yes,no,telephone,may,fri,228,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,university.degree,no,yes,no,telephone,may,fri,411,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.6y,no,no,no,telephone,may,fri,253,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,services,single,high.school,no,no,no,telephone,may,fri,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,248,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,housemaid,married,high.school,no,no,no,telephone,may,fri,138,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,blue-collar,single,basic.4y,unknown,unknown,unknown,telephone,may,fri,824,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,345,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,retired,married,basic.9y,no,yes,no,telephone,may,fri,147,42,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,single,high.school,no,yes,no,telephone,may,fri,773,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.6y,unknown,no,yes,telephone,may,fri,574,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,divorced,university.degree,no,no,no,telephone,may,fri,122,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,basic.6y,no,no,no,telephone,may,fri,193,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,high.school,unknown,yes,no,telephone,may,fri,138,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,343,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,single,professional.course,no,no,no,telephone,may,fri,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,management,married,university.degree,no,no,no,telephone,may,fri,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,469,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,professional.course,no,unknown,unknown,telephone,may,fri,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,university.degree,no,no,no,telephone,may,fri,106,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,165,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,services,married,high.school,unknown,yes,yes,telephone,may,fri,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,364,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,high.school,no,yes,no,telephone,may,fri,185,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,university.degree,unknown,no,no,telephone,may,fri,224,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,unknown,no,yes,no,telephone,may,fri,187,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,451,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,services,married,professional.course,no,yes,no,telephone,may,fri,226,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,single,professional.course,no,no,no,telephone,may,fri,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,divorced,basic.4y,unknown,yes,yes,telephone,may,fri,301,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,technician,married,basic.9y,no,no,no,telephone,may,fri,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,admin.,divorced,university.degree,no,no,no,telephone,may,fri,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,professional.course,no,yes,no,telephone,may,fri,232,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,technician,married,high.school,no,yes,no,telephone,may,fri,893,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +49,admin.,single,university.degree,no,no,no,telephone,may,fri,201,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,83,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,339,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,married,basic.9y,no,no,yes,telephone,may,fri,478,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,fri,13,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,242,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,services,single,high.school,unknown,no,yes,telephone,may,fri,55,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,281,27,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,married,professional.course,no,yes,yes,telephone,may,fri,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,high.school,no,yes,no,telephone,may,fri,423,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,200,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,109,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,basic.9y,unknown,no,no,telephone,may,fri,233,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,133,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,housemaid,divorced,basic.4y,unknown,no,yes,telephone,may,fri,209,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,fri,114,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,technician,married,unknown,no,yes,no,telephone,may,fri,319,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,fri,588,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +25,self-employed,married,university.degree,no,yes,no,telephone,may,fri,274,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,fri,353,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,professional.course,no,yes,no,telephone,may,fri,83,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,single,high.school,no,yes,yes,telephone,may,fri,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,divorced,professional.course,no,no,no,telephone,may,fri,327,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,entrepreneur,married,university.degree,no,yes,no,telephone,may,fri,167,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.6y,unknown,no,yes,telephone,may,fri,89,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,high.school,no,no,no,telephone,may,fri,34,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,unknown,no,no,no,telephone,may,fri,208,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,divorced,university.degree,no,yes,no,telephone,may,fri,117,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,304,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,housemaid,married,high.school,no,yes,no,telephone,may,fri,82,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,25,14,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,76,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,high.school,no,no,no,telephone,may,fri,777,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +37,admin.,single,high.school,no,no,no,telephone,may,fri,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,243,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,university.degree,unknown,yes,no,telephone,may,fri,124,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,entrepreneur,married,university.degree,unknown,no,yes,telephone,may,fri,199,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,professional.course,unknown,yes,no,telephone,may,fri,488,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,management,divorced,university.degree,unknown,yes,no,telephone,may,fri,157,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,professional.course,no,no,no,telephone,may,fri,700,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,281,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,divorced,unknown,no,no,no,telephone,may,fri,211,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,student,single,high.school,no,yes,no,telephone,may,fri,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,university.degree,no,yes,no,telephone,may,fri,138,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,technician,married,unknown,unknown,yes,no,telephone,may,fri,553,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,self-employed,single,university.degree,no,no,no,telephone,may,fri,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,management,married,university.degree,no,yes,no,telephone,may,fri,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,unknown,no,no,telephone,may,fri,50,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,services,married,professional.course,no,yes,no,telephone,may,fri,253,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,university.degree,no,yes,no,telephone,may,fri,153,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,entrepreneur,married,high.school,no,no,yes,telephone,may,fri,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,services,single,high.school,no,no,no,telephone,may,fri,211,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,self-employed,married,university.degree,no,no,no,telephone,may,fri,493,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,married,high.school,unknown,yes,no,telephone,may,fri,597,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +35,student,single,university.degree,unknown,no,yes,telephone,may,fri,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,technician,married,professional.course,no,yes,no,telephone,may,fri,1438,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,high.school,no,no,no,telephone,may,fri,172,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,no,no,telephone,may,fri,159,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,divorced,university.degree,no,yes,no,telephone,may,fri,29,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,high.school,no,no,no,telephone,may,fri,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,185,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,university.degree,no,yes,no,telephone,may,fri,569,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,illiterate,unknown,no,yes,telephone,may,fri,333,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,management,married,university.degree,no,yes,no,telephone,may,fri,95,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,married,basic.4y,unknown,yes,no,telephone,may,fri,557,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,entrepreneur,married,unknown,unknown,yes,no,telephone,may,fri,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,fri,209,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,management,married,unknown,no,yes,no,telephone,may,fri,335,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,single,high.school,no,yes,yes,telephone,may,fri,372,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,single,unknown,no,no,no,telephone,may,fri,92,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,single,basic.9y,no,yes,yes,telephone,may,fri,277,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,entrepreneur,married,high.school,no,no,no,telephone,may,fri,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,services,single,high.school,unknown,no,no,telephone,may,fri,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,professional.course,no,no,yes,telephone,may,fri,95,12,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,134,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,single,university.degree,no,yes,yes,telephone,may,fri,138,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,married,university.degree,no,no,no,telephone,may,fri,63,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,housemaid,married,high.school,unknown,yes,no,telephone,may,fri,67,13,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,fri,77,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,292,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,university.degree,unknown,no,no,telephone,may,fri,57,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,housemaid,married,basic.6y,unknown,no,no,telephone,may,fri,38,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,151,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,unknown,unknown,no,no,telephone,may,fri,331,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,1392,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +27,services,married,high.school,unknown,no,yes,telephone,may,fri,100,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,358,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,unemployed,married,professional.course,no,yes,no,telephone,may,fri,298,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,management,married,unknown,no,yes,no,telephone,may,fri,181,16,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,divorced,basic.4y,no,yes,yes,telephone,may,fri,188,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,married,basic.9y,no,yes,no,telephone,may,fri,368,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,203,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,high.school,no,yes,no,telephone,may,fri,61,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.6y,no,no,yes,telephone,may,fri,297,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,retired,divorced,professional.course,no,no,no,telephone,may,fri,219,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,married,high.school,no,no,no,telephone,may,fri,129,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,247,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,fri,266,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,559,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,unknown,yes,no,telephone,may,fri,162,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,professional.course,no,yes,no,telephone,may,fri,75,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,married,university.degree,no,yes,no,telephone,may,fri,82,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,fri,352,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,204,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,single,professional.course,no,no,no,telephone,may,fri,1059,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +42,blue-collar,married,unknown,no,no,yes,telephone,may,fri,248,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,services,divorced,high.school,unknown,no,yes,telephone,may,fri,82,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,divorced,basic.4y,unknown,yes,no,telephone,may,fri,259,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,married,professional.course,no,no,yes,telephone,may,fri,703,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,divorced,high.school,no,no,yes,telephone,may,fri,100,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,348,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,married,high.school,no,yes,no,telephone,may,fri,430,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +49,technician,married,professional.course,no,no,no,telephone,may,fri,146,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,fri,34,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,admin.,single,high.school,no,yes,yes,telephone,may,fri,297,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,professional.course,no,no,yes,telephone,may,fri,22,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,divorced,basic.9y,no,no,no,telephone,may,fri,106,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,divorced,university.degree,no,no,no,telephone,may,fri,465,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,104,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,admin.,married,university.degree,unknown,no,no,telephone,may,fri,213,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,basic.4y,no,no,yes,telephone,may,fri,74,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,university.degree,no,no,no,telephone,may,fri,245,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,unknown,single,basic.9y,unknown,yes,no,telephone,may,fri,252,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,married,high.school,unknown,yes,no,telephone,may,fri,317,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,management,married,university.degree,no,no,yes,telephone,may,fri,93,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,116,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,single,basic.6y,no,yes,no,telephone,may,fri,386,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,283,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,services,married,high.school,no,unknown,unknown,telephone,may,fri,146,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,technician,married,university.degree,no,no,yes,telephone,may,fri,215,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,services,married,high.school,unknown,no,yes,telephone,may,fri,90,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,no,yes,yes,telephone,may,fri,260,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,divorced,high.school,no,no,no,telephone,may,fri,267,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,married,university.degree,no,yes,yes,telephone,may,fri,107,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,divorced,university.degree,no,no,yes,telephone,may,fri,164,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,fri,427,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,single,basic.6y,unknown,yes,no,telephone,may,fri,1222,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,basic.9y,no,no,yes,telephone,may,fri,426,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,professional.course,no,yes,yes,telephone,may,fri,456,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,self-employed,married,basic.9y,unknown,yes,no,telephone,may,fri,40,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,single,university.degree,no,no,yes,telephone,may,fri,105,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,98,17,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,technician,married,professional.course,no,no,no,telephone,may,fri,27,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,137,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,self-employed,married,basic.9y,no,no,no,telephone,may,fri,100,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,management,married,university.degree,unknown,yes,no,telephone,may,fri,1034,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,single,professional.course,no,yes,no,telephone,may,fri,320,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,married,university.degree,no,no,no,telephone,may,fri,159,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,basic.9y,no,no,no,telephone,may,fri,353,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.6y,no,yes,no,telephone,may,fri,331,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,single,high.school,unknown,yes,no,telephone,may,fri,159,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,married,university.degree,no,no,no,telephone,may,mon,52,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,housemaid,married,professional.course,no,yes,no,telephone,may,mon,117,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,unknown,no,yes,no,telephone,may,mon,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,technician,married,basic.9y,no,yes,no,telephone,may,mon,146,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,admin.,married,university.degree,unknown,no,yes,telephone,may,mon,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,self-employed,married,professional.course,no,no,no,telephone,may,mon,260,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,mon,60,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,high.school,no,yes,no,telephone,may,mon,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,no,yes,no,telephone,may,mon,373,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,university.degree,no,no,no,telephone,may,mon,336,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,high.school,no,yes,no,telephone,may,mon,200,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,admin.,single,high.school,no,no,no,telephone,may,mon,501,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,single,university.degree,no,no,no,telephone,may,mon,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,unknown,no,yes,no,telephone,may,mon,299,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,single,high.school,no,no,no,telephone,may,mon,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,married,university.degree,no,no,no,telephone,may,mon,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,self-employed,married,high.school,no,no,no,telephone,may,mon,237,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,self-employed,married,professional.course,no,no,no,telephone,may,mon,185,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,single,high.school,no,no,no,telephone,may,mon,224,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,unknown,no,yes,no,telephone,may,mon,183,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,mon,63,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,no,yes,no,telephone,may,mon,312,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,single,professional.course,no,yes,no,telephone,may,mon,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,897,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,divorced,university.degree,no,no,no,telephone,may,mon,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,basic.4y,no,no,no,telephone,may,mon,322,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,317,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,basic.9y,no,no,no,telephone,may,mon,511,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,mon,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,161,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,high.school,no,yes,no,telephone,may,mon,368,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,entrepreneur,married,university.degree,no,yes,no,telephone,may,mon,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,self-employed,married,basic.9y,unknown,yes,yes,telephone,may,mon,88,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,self-employed,married,basic.9y,unknown,yes,yes,telephone,may,mon,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,self-employed,married,basic.9y,unknown,no,no,telephone,may,mon,31,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,services,divorced,high.school,no,no,no,telephone,may,mon,142,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,entrepreneur,married,high.school,no,no,no,telephone,may,mon,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,single,university.degree,no,yes,no,telephone,may,mon,158,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,single,basic.9y,no,yes,yes,telephone,may,mon,129,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,retired,divorced,professional.course,no,yes,no,telephone,may,mon,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,high.school,no,no,no,telephone,may,mon,122,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,120,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,basic.9y,no,no,no,telephone,may,mon,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,702,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,single,basic.9y,no,yes,no,telephone,may,mon,329,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,entrepreneur,married,basic.6y,no,no,no,telephone,may,mon,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,unemployed,married,university.degree,unknown,no,yes,telephone,may,mon,19,17,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,may,mon,460,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,married,high.school,no,yes,yes,telephone,may,mon,437,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,professional.course,no,no,no,telephone,may,mon,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,unemployed,married,high.school,unknown,yes,yes,telephone,may,mon,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,single,university.degree,no,yes,no,telephone,may,mon,422,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,entrepreneur,married,high.school,unknown,yes,no,telephone,may,mon,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,married,professional.course,no,yes,no,telephone,may,mon,41,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,581,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,entrepreneur,divorced,university.degree,no,yes,no,telephone,may,mon,131,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,services,married,unknown,no,no,no,telephone,may,mon,50,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,divorced,university.degree,no,yes,no,telephone,may,mon,130,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,married,professional.course,unknown,no,no,telephone,may,mon,194,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,management,married,university.degree,no,yes,no,telephone,may,mon,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,80,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,unemployed,married,high.school,no,yes,yes,telephone,may,mon,470,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,281,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,services,married,high.school,no,yes,yes,telephone,may,mon,391,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,technician,married,professional.course,unknown,no,yes,telephone,may,mon,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,single,basic.9y,unknown,no,yes,telephone,may,mon,788,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +38,technician,married,professional.course,unknown,yes,no,telephone,may,mon,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,married,high.school,no,unknown,unknown,telephone,may,mon,367,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,entrepreneur,married,basic.6y,unknown,yes,yes,telephone,may,mon,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,married,basic.6y,no,no,no,telephone,may,mon,228,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,divorced,basic.9y,unknown,yes,no,telephone,may,mon,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,may,mon,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,divorced,university.degree,no,no,no,telephone,may,mon,290,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,professional.course,no,no,no,telephone,may,mon,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,high.school,no,no,no,telephone,may,mon,76,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,high.school,no,no,yes,telephone,may,mon,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,high.school,no,no,no,telephone,may,mon,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,yes,no,telephone,may,mon,14,32,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,unknown,unknown,no,no,telephone,may,mon,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,high.school,no,yes,no,telephone,may,mon,262,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,high.school,no,yes,no,telephone,may,mon,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,housemaid,married,professional.course,unknown,no,no,telephone,may,mon,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,divorced,university.degree,no,yes,no,telephone,may,mon,208,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,high.school,no,yes,yes,telephone,may,mon,483,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,management,divorced,basic.9y,unknown,no,no,telephone,may,mon,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,housemaid,married,basic.4y,no,yes,no,telephone,may,mon,130,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,married,professional.course,no,no,no,telephone,may,mon,754,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,divorced,professional.course,no,no,no,telephone,may,mon,113,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,housemaid,married,basic.4y,no,yes,no,telephone,may,mon,364,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,unknown,yes,no,telephone,may,mon,258,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,university.degree,no,no,no,telephone,may,mon,227,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,266,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,technician,married,professional.course,no,yes,no,telephone,may,mon,232,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,university.degree,no,no,no,telephone,may,mon,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,164,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,housemaid,divorced,unknown,no,no,no,telephone,may,mon,167,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,management,married,university.degree,no,no,no,telephone,may,mon,103,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,single,unknown,unknown,no,no,telephone,may,mon,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,297,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,single,unknown,no,unknown,unknown,telephone,may,mon,317,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,single,high.school,no,no,no,telephone,may,mon,388,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,62,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,married,basic.9y,unknown,no,no,telephone,may,mon,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,mon,63,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,admin.,married,university.degree,no,yes,no,telephone,may,mon,212,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,mon,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,married,high.school,no,yes,no,telephone,may,mon,161,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,married,university.degree,no,no,yes,telephone,may,mon,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,unknown,single,basic.9y,no,no,yes,telephone,may,mon,369,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,basic.9y,no,yes,no,telephone,may,mon,170,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,divorced,high.school,no,no,no,telephone,may,mon,974,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,may,mon,167,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,high.school,unknown,no,no,telephone,may,mon,74,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,mon,96,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,unknown,unknown,no,no,telephone,may,mon,223,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,single,university.degree,no,yes,no,telephone,may,mon,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,396,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,admin.,married,high.school,no,no,yes,telephone,may,mon,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,technician,single,high.school,no,yes,no,telephone,may,mon,252,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,services,married,basic.9y,unknown,no,no,telephone,may,mon,379,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,374,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,university.degree,unknown,yes,no,telephone,may,mon,351,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,married,basic.9y,no,yes,no,telephone,may,mon,262,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,university.degree,no,no,yes,telephone,may,mon,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,married,high.school,no,yes,no,telephone,may,mon,248,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,divorced,high.school,unknown,no,no,telephone,may,mon,166,12,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,blue-collar,married,professional.course,no,yes,no,telephone,may,mon,621,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +45,admin.,married,basic.9y,no,no,no,telephone,may,mon,367,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,high.school,no,no,yes,telephone,may,mon,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,divorced,university.degree,no,yes,no,telephone,may,mon,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,university.degree,unknown,no,yes,telephone,may,mon,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,admin.,single,university.degree,no,no,no,telephone,may,mon,543,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,single,basic.9y,unknown,no,no,telephone,may,mon,52,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,university.degree,unknown,no,no,telephone,may,mon,377,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,mon,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,single,high.school,no,no,yes,telephone,may,mon,200,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,296,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,high.school,unknown,yes,no,telephone,may,mon,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,entrepreneur,married,university.degree,unknown,yes,yes,telephone,may,mon,473,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,technician,married,university.degree,no,yes,no,telephone,may,mon,90,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,services,divorced,high.school,no,no,no,telephone,may,mon,470,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,high.school,no,no,no,telephone,may,mon,302,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,services,divorced,basic.6y,no,no,yes,telephone,may,mon,81,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,single,basic.4y,unknown,yes,no,telephone,may,mon,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,technician,married,unknown,no,yes,no,telephone,may,mon,252,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,divorced,basic.9y,unknown,no,yes,telephone,may,mon,202,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,married,professional.course,unknown,no,yes,telephone,may,mon,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,management,single,university.degree,unknown,yes,no,telephone,may,mon,745,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +39,technician,single,high.school,no,yes,no,telephone,may,mon,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,student,single,high.school,no,no,yes,telephone,may,mon,630,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +32,admin.,single,professional.course,no,yes,no,telephone,may,mon,16,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,high.school,no,no,yes,telephone,may,mon,863,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,131,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,high.school,unknown,yes,no,telephone,may,mon,265,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,mon,104,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,80,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,high.school,unknown,no,no,telephone,may,mon,90,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,high.school,no,yes,no,telephone,may,mon,592,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,housemaid,married,basic.4y,no,no,no,telephone,may,mon,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,services,married,professional.course,no,yes,no,telephone,may,mon,153,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,married,basic.4y,unknown,yes,yes,telephone,may,mon,207,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,single,unknown,unknown,yes,no,telephone,may,mon,440,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,student,single,high.school,no,yes,yes,telephone,may,mon,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,high.school,unknown,yes,no,telephone,may,mon,679,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +38,housemaid,divorced,high.school,unknown,yes,no,telephone,may,mon,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,unknown,married,unknown,unknown,yes,no,telephone,may,mon,269,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,single,university.degree,no,yes,yes,telephone,may,mon,190,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,unknown,no,yes,no,telephone,may,mon,144,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,mon,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,services,married,high.school,unknown,yes,no,telephone,may,mon,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,admin.,single,high.school,no,yes,no,telephone,may,mon,130,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,high.school,no,yes,no,telephone,may,mon,167,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,high.school,unknown,no,no,telephone,may,mon,314,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,high.school,unknown,yes,yes,telephone,may,mon,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,professional.course,unknown,no,no,telephone,may,mon,407,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,self-employed,married,university.degree,no,no,no,telephone,may,mon,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,mon,97,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,retired,single,basic.9y,unknown,yes,yes,telephone,may,mon,145,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,162,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,mon,105,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,married,basic.9y,no,no,yes,telephone,may,mon,596,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,professional.course,no,yes,no,telephone,may,mon,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,single,university.degree,no,no,no,telephone,may,mon,108,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,mon,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,single,high.school,no,no,yes,telephone,may,mon,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,married,unknown,unknown,no,no,telephone,may,mon,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,management,married,university.degree,no,no,yes,telephone,may,mon,312,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,university.degree,no,no,no,telephone,may,mon,237,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,basic.6y,no,no,no,telephone,may,mon,130,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,entrepreneur,divorced,high.school,no,no,no,telephone,may,mon,314,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,professional.course,no,no,no,telephone,may,mon,175,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,basic.9y,no,yes,no,telephone,may,mon,87,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,123,14,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,high.school,unknown,yes,yes,telephone,may,mon,157,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,unknown,married,basic.6y,unknown,no,no,telephone,may,mon,204,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,basic.6y,unknown,yes,no,telephone,may,mon,150,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,divorced,basic.9y,no,yes,yes,telephone,may,mon,240,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,admin.,single,high.school,no,yes,no,telephone,may,mon,109,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,university.degree,no,no,no,telephone,may,mon,243,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,unemployed,married,basic.6y,no,yes,yes,telephone,may,mon,536,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,basic.9y,no,yes,no,telephone,may,mon,120,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,technician,married,university.degree,no,no,no,telephone,may,mon,182,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,blue-collar,single,high.school,no,unknown,unknown,telephone,may,mon,70,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,services,single,high.school,unknown,no,no,telephone,may,mon,45,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,yes,yes,telephone,may,mon,280,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,entrepreneur,married,basic.9y,no,yes,no,telephone,may,mon,215,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,divorced,professional.course,no,yes,no,telephone,may,mon,147,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,divorced,university.degree,no,no,no,telephone,may,mon,222,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,basic.9y,no,no,no,telephone,may,mon,404,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,admin.,single,university.degree,no,no,no,telephone,may,mon,1234,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +50,blue-collar,single,basic.4y,no,yes,no,telephone,may,mon,306,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,506,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,single,university.degree,no,yes,no,telephone,may,mon,255,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,divorced,university.degree,no,yes,no,telephone,may,mon,252,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,high.school,no,no,yes,telephone,may,mon,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,single,university.degree,no,no,no,telephone,may,mon,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,high.school,no,no,no,telephone,may,mon,200,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,high.school,no,yes,yes,telephone,may,mon,642,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +43,blue-collar,single,basic.4y,unknown,yes,no,telephone,may,mon,181,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,university.degree,no,yes,no,telephone,may,mon,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,technician,single,high.school,no,no,no,telephone,may,mon,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,basic.6y,unknown,no,no,telephone,may,mon,916,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,yes,yes,telephone,may,mon,629,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,155,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,technician,married,professional.course,no,no,no,telephone,may,mon,290,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,159,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,high.school,no,no,no,telephone,may,mon,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,unemployed,married,university.degree,unknown,no,no,telephone,may,mon,729,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,high.school,no,yes,no,telephone,may,mon,434,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,single,high.school,no,no,no,telephone,may,mon,218,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,divorced,high.school,unknown,yes,no,telephone,may,mon,250,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,technician,married,university.degree,no,no,no,telephone,may,mon,107,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,single,high.school,no,yes,no,telephone,may,mon,272,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,admin.,married,high.school,no,yes,no,telephone,may,mon,574,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,mon,89,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,divorced,professional.course,no,no,no,telephone,may,mon,133,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,management,single,high.school,no,no,no,telephone,may,mon,114,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,university.degree,no,yes,no,telephone,may,mon,175,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,257,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,retired,married,basic.6y,unknown,no,no,telephone,may,mon,268,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,no,no,yes,telephone,may,mon,208,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,unemployed,married,basic.9y,unknown,yes,yes,telephone,may,mon,895,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +30,blue-collar,single,basic.9y,unknown,yes,yes,telephone,may,mon,225,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,admin.,married,university.degree,no,no,yes,telephone,may,mon,327,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.6y,no,no,yes,telephone,may,mon,99,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,university.degree,no,no,no,telephone,may,mon,293,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,no,yes,no,telephone,may,mon,68,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,housemaid,married,high.school,no,yes,no,telephone,may,mon,124,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,high.school,unknown,yes,no,telephone,may,mon,519,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,high.school,no,no,yes,telephone,may,mon,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,single,basic.9y,no,no,no,telephone,may,mon,504,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,unknown,no,yes,no,telephone,may,mon,175,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,management,married,university.degree,unknown,yes,no,telephone,may,mon,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,high.school,no,no,yes,telephone,may,mon,16,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,management,married,university.degree,no,no,no,telephone,may,mon,100,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,high.school,no,no,yes,telephone,may,mon,321,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,entrepreneur,married,university.degree,unknown,yes,no,telephone,may,mon,239,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,professional.course,no,no,no,telephone,may,mon,614,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,mon,248,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,services,single,basic.9y,no,no,no,telephone,may,mon,93,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,high.school,no,yes,no,telephone,may,mon,355,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,university.degree,no,no,yes,telephone,may,mon,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,university.degree,no,yes,no,telephone,may,mon,245,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,management,married,university.degree,no,yes,no,telephone,may,mon,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,single,high.school,no,yes,no,telephone,may,mon,192,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,divorced,professional.course,no,yes,no,telephone,may,mon,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,high.school,no,no,no,telephone,may,mon,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,services,married,high.school,unknown,yes,no,telephone,may,mon,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,services,married,high.school,unknown,yes,no,telephone,may,mon,16,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,unknown,married,basic.6y,no,yes,no,telephone,may,mon,240,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,mon,115,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,management,married,university.degree,no,no,no,telephone,may,mon,349,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,no,no,yes,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,housemaid,married,basic.9y,no,yes,no,telephone,may,mon,445,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,technician,divorced,professional.course,no,yes,no,telephone,may,mon,144,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,professional.course,no,no,no,telephone,may,mon,341,12,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,self-employed,married,university.degree,no,yes,no,telephone,may,mon,796,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,unknown,unknown,no,yes,telephone,may,mon,76,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,basic.4y,no,no,no,telephone,may,mon,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,basic.4y,no,yes,no,telephone,may,mon,101,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,91,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,high.school,no,no,no,telephone,may,mon,52,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,self-employed,single,university.degree,no,no,no,telephone,may,mon,78,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,single,university.degree,no,no,yes,telephone,may,mon,471,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,married,professional.course,unknown,yes,yes,telephone,may,mon,724,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,retired,married,basic.9y,no,unknown,unknown,telephone,may,mon,99,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,293,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,high.school,no,no,no,telephone,may,mon,333,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,university.degree,no,no,no,telephone,may,mon,431,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +38,blue-collar,married,basic.6y,unknown,no,no,telephone,may,mon,523,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,self-employed,married,basic.9y,unknown,no,no,telephone,may,mon,470,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,divorced,university.degree,no,no,no,telephone,may,mon,695,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,married,high.school,unknown,yes,yes,telephone,may,mon,741,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +50,blue-collar,married,basic.6y,unknown,no,no,telephone,may,mon,151,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,may,mon,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,basic.6y,no,no,no,telephone,may,mon,70,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,unemployed,married,unknown,no,no,no,telephone,may,mon,472,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,married,basic.9y,unknown,no,no,telephone,may,mon,258,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,self-employed,single,professional.course,no,yes,no,telephone,may,mon,113,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,basic.9y,no,no,no,telephone,may,mon,372,14,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,single,basic.6y,no,no,no,telephone,may,mon,603,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,high.school,no,yes,no,telephone,may,mon,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,mon,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,single,high.school,unknown,no,no,telephone,may,mon,399,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,management,married,professional.course,unknown,no,no,telephone,may,mon,402,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,services,married,high.school,unknown,yes,yes,telephone,may,mon,129,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.9y,no,no,yes,telephone,may,mon,535,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,unemployed,married,high.school,unknown,no,no,telephone,may,mon,181,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,management,married,basic.6y,no,yes,no,telephone,may,mon,48,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,university.degree,no,yes,no,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,single,unknown,unknown,no,no,telephone,may,mon,87,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,unemployed,married,professional.course,no,yes,yes,telephone,may,mon,169,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,professional.course,no,yes,no,telephone,may,mon,116,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,high.school,no,yes,no,telephone,may,mon,100,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,university.degree,no,no,no,telephone,may,mon,212,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,services,married,high.school,no,yes,no,telephone,may,mon,304,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,student,single,unknown,unknown,yes,no,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,no,no,no,telephone,may,mon,102,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,self-employed,married,basic.9y,unknown,no,yes,telephone,may,mon,291,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,entrepreneur,divorced,university.degree,unknown,no,yes,telephone,may,mon,112,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,no,no,no,telephone,may,mon,207,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,management,married,basic.6y,no,yes,no,telephone,may,mon,197,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.4y,unknown,yes,no,telephone,may,mon,103,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,unemployed,married,basic.9y,unknown,yes,no,telephone,may,mon,45,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,single,university.degree,no,yes,no,telephone,may,mon,125,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,married,high.school,no,yes,yes,telephone,may,mon,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,self-employed,single,university.degree,no,no,no,telephone,may,mon,414,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +35,admin.,single,high.school,no,yes,no,telephone,may,mon,319,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,married,professional.course,unknown,yes,no,telephone,may,mon,346,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,basic.9y,no,yes,no,telephone,may,mon,157,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,technician,married,professional.course,no,no,no,telephone,may,mon,160,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,married,basic.9y,no,no,no,telephone,may,mon,83,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,entrepreneur,single,unknown,no,yes,no,telephone,may,mon,97,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,98,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,mon,133,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,university.degree,no,yes,no,telephone,may,mon,451,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,high.school,no,no,no,telephone,may,mon,34,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,mon,79,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,109,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,454,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,university.degree,no,no,no,telephone,may,mon,251,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,divorced,university.degree,no,no,no,telephone,may,mon,122,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,self-employed,married,basic.9y,unknown,no,no,telephone,may,mon,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,816,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,single,university.degree,no,yes,no,telephone,may,mon,87,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,professional.course,unknown,yes,no,telephone,may,mon,81,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,basic.9y,unknown,no,no,telephone,may,mon,109,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,admin.,divorced,university.degree,no,yes,yes,telephone,may,mon,375,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,admin.,married,professional.course,no,no,no,telephone,may,mon,51,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,housemaid,married,basic.9y,unknown,yes,no,telephone,may,mon,118,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,high.school,no,no,no,telephone,may,mon,178,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,no,no,no,telephone,may,mon,165,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,married,university.degree,no,no,no,telephone,may,mon,155,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,technician,divorced,professional.course,no,no,no,telephone,may,mon,173,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,self-employed,married,high.school,no,no,no,telephone,may,mon,304,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,mon,583,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,university.degree,no,yes,no,telephone,may,mon,138,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,married,unknown,unknown,yes,no,telephone,may,mon,250,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,748,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +48,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,mon,14,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,entrepreneur,married,basic.9y,no,no,no,telephone,may,mon,896,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +35,blue-collar,married,high.school,no,yes,yes,telephone,may,mon,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,university.degree,no,no,no,telephone,may,mon,543,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,university.degree,unknown,yes,yes,telephone,may,mon,398,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,158,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,365,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,university.degree,unknown,yes,no,telephone,may,mon,304,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.4y,no,no,no,telephone,may,mon,118,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,single,professional.course,no,yes,yes,telephone,may,mon,469,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,divorced,high.school,no,no,no,telephone,may,mon,488,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,married,high.school,no,no,no,telephone,may,mon,232,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,admin.,married,basic.9y,no,yes,no,telephone,may,mon,764,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +55,management,married,university.degree,no,yes,yes,telephone,may,mon,411,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,high.school,unknown,yes,no,telephone,may,mon,149,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,management,divorced,high.school,no,yes,no,telephone,may,mon,63,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,125,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,professional.course,no,yes,yes,telephone,may,mon,207,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,divorced,high.school,no,yes,no,telephone,may,mon,84,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,single,professional.course,unknown,no,no,telephone,may,mon,29,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,no,yes,yes,telephone,may,mon,162,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,management,single,high.school,no,yes,no,telephone,may,mon,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,high.school,unknown,yes,no,telephone,may,mon,23,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,married,university.degree,no,yes,yes,telephone,may,mon,147,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,90,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,mon,409,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,single,university.degree,unknown,yes,yes,telephone,may,mon,118,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,high.school,no,yes,no,telephone,may,mon,175,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,no,no,no,telephone,may,mon,219,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,services,single,high.school,no,no,no,telephone,may,mon,96,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,technician,married,university.degree,unknown,no,yes,telephone,may,mon,76,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,entrepreneur,married,basic.6y,unknown,no,no,telephone,may,mon,66,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,single,high.school,no,no,no,telephone,may,mon,113,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,university.degree,no,yes,yes,telephone,may,mon,232,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,mon,129,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,mon,405,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,divorced,high.school,no,no,yes,telephone,may,mon,251,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,mon,128,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,253,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,housemaid,married,basic.4y,unknown,no,no,telephone,may,mon,245,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,single,professional.course,unknown,yes,no,telephone,may,mon,188,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,professional.course,no,no,no,telephone,may,mon,118,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,university.degree,no,no,no,telephone,may,mon,102,22,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,student,single,university.degree,no,yes,no,telephone,may,mon,763,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,97,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.4y,no,no,no,telephone,may,mon,41,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,unknown,married,high.school,unknown,yes,yes,telephone,may,mon,329,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.4y,no,yes,no,telephone,may,mon,51,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,unknown,married,unknown,unknown,no,no,telephone,may,mon,130,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,entrepreneur,married,basic.9y,no,no,no,telephone,may,mon,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,divorced,high.school,no,yes,no,telephone,may,mon,308,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,118,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,management,single,university.degree,no,no,no,telephone,may,mon,14,16,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,services,divorced,high.school,no,yes,yes,telephone,may,mon,125,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,single,high.school,no,yes,no,telephone,may,mon,193,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,married,professional.course,no,yes,no,telephone,may,mon,200,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,professional.course,no,yes,no,telephone,may,mon,349,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,admin.,divorced,basic.9y,no,yes,yes,telephone,may,mon,282,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +23,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,633,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,high.school,no,no,no,telephone,may,mon,560,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,professional.course,no,yes,no,telephone,may,tue,114,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,high.school,no,yes,yes,telephone,may,tue,172,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,professional.course,no,yes,no,telephone,may,tue,292,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,269,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,services,married,high.school,unknown,yes,yes,telephone,may,tue,220,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,housemaid,divorced,unknown,unknown,yes,no,telephone,may,tue,376,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,single,basic.6y,no,no,yes,telephone,may,tue,73,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,high.school,no,no,yes,telephone,may,tue,121,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,high.school,no,yes,no,telephone,may,tue,59,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,married,university.degree,no,yes,no,telephone,may,tue,64,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,admin.,married,basic.6y,unknown,yes,no,telephone,may,tue,353,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,entrepreneur,married,university.degree,no,no,no,telephone,may,tue,322,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,tue,67,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,technician,divorced,university.degree,no,no,no,telephone,may,tue,99,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,high.school,unknown,yes,no,telephone,may,tue,27,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,single,professional.course,no,yes,no,telephone,may,tue,119,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,entrepreneur,married,university.degree,no,yes,no,telephone,may,tue,148,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,single,basic.6y,no,no,no,telephone,may,tue,222,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,management,married,high.school,no,yes,yes,telephone,may,tue,265,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,214,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,entrepreneur,married,university.degree,unknown,no,no,telephone,may,tue,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,single,university.degree,no,no,no,telephone,may,tue,75,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,married,high.school,no,yes,yes,telephone,may,tue,62,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,high.school,no,no,no,telephone,may,tue,112,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,220,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,unknown,unknown,no,no,telephone,may,tue,204,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,professional.course,no,yes,no,telephone,may,tue,160,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,high.school,unknown,no,no,telephone,may,tue,233,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,high.school,no,yes,no,telephone,may,tue,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,unknown,no,no,no,telephone,may,tue,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,578,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,divorced,basic.6y,no,no,no,telephone,may,tue,183,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,565,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,basic.9y,no,yes,yes,telephone,may,tue,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,divorced,unknown,no,yes,no,telephone,may,tue,1063,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +36,admin.,married,high.school,no,yes,no,telephone,may,tue,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,professional.course,no,yes,yes,telephone,may,tue,231,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,management,married,professional.course,no,no,no,telephone,may,tue,195,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,single,university.degree,unknown,no,no,telephone,may,tue,125,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,single,high.school,no,yes,yes,telephone,may,tue,193,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,housemaid,married,basic.9y,no,no,no,telephone,may,tue,287,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,high.school,unknown,yes,yes,telephone,may,tue,277,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,professional.course,no,no,no,telephone,may,tue,84,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,university.degree,no,yes,no,telephone,may,tue,47,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,married,unknown,no,yes,no,telephone,may,tue,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,130,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,high.school,no,no,no,telephone,may,tue,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,955,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,high.school,unknown,yes,yes,telephone,may,tue,236,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,university.degree,no,yes,no,telephone,may,tue,336,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,unknown,married,basic.4y,no,no,no,telephone,may,tue,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,tue,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,entrepreneur,married,basic.9y,no,no,no,telephone,may,tue,163,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.6y,no,no,no,telephone,may,tue,197,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,218,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,basic.9y,no,yes,no,telephone,may,tue,34,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,high.school,no,yes,no,telephone,may,tue,386,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,student,single,university.degree,no,yes,no,telephone,may,tue,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.9y,no,no,yes,telephone,may,tue,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,entrepreneur,married,basic.9y,no,no,no,telephone,may,tue,157,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,basic.4y,no,yes,no,telephone,may,tue,227,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,basic.4y,no,no,no,telephone,may,tue,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,technician,married,professional.course,no,no,no,telephone,may,tue,205,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,services,married,professional.course,no,yes,no,telephone,may,tue,1205,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +36,management,married,university.degree,no,yes,no,telephone,may,tue,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,high.school,no,yes,no,telephone,may,tue,59,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,229,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,self-employed,single,high.school,no,yes,no,telephone,may,tue,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,married,high.school,unknown,no,no,telephone,may,tue,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,single,high.school,no,yes,no,telephone,may,tue,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,single,high.school,no,yes,no,telephone,may,tue,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,427,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,unemployed,married,professional.course,no,no,no,telephone,may,tue,171,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,high.school,no,yes,no,telephone,may,tue,237,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,228,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,university.degree,unknown,yes,no,telephone,may,tue,269,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,156,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,university.degree,no,no,no,telephone,may,tue,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,single,basic.9y,no,no,no,telephone,may,tue,674,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,single,high.school,unknown,no,yes,telephone,may,tue,234,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,tue,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,married,high.school,no,yes,no,telephone,may,tue,275,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,housemaid,divorced,basic.4y,unknown,no,no,telephone,may,tue,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,technician,single,university.degree,no,yes,no,telephone,may,tue,1051,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +27,admin.,single,university.degree,no,yes,no,telephone,may,tue,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,99,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,technician,married,professional.course,no,yes,no,telephone,may,tue,340,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,no,unknown,unknown,telephone,may,tue,47,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,182,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,university.degree,no,yes,no,telephone,may,tue,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,high.school,no,no,no,telephone,may,tue,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,management,married,university.degree,no,yes,no,telephone,may,tue,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,single,basic.6y,no,no,no,telephone,may,tue,472,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,professional.course,no,yes,yes,telephone,may,tue,207,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,unemployed,single,high.school,no,yes,no,telephone,may,tue,597,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,high.school,no,yes,yes,telephone,may,tue,274,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,420,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,divorced,professional.course,no,unknown,unknown,telephone,may,tue,532,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,professional.course,unknown,yes,no,telephone,may,tue,128,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,entrepreneur,married,high.school,no,no,no,telephone,may,tue,62,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,services,single,high.school,no,no,no,telephone,may,tue,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,admin.,married,high.school,no,yes,yes,telephone,may,tue,275,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,740,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +34,technician,married,university.degree,no,no,no,telephone,may,tue,111,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,divorced,high.school,no,no,no,telephone,may,tue,271,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,management,married,high.school,no,no,no,telephone,may,tue,776,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,admin.,single,university.degree,no,no,no,telephone,may,tue,90,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,299,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,basic.9y,unknown,yes,no,telephone,may,tue,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,330,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,divorced,basic.6y,unknown,no,no,telephone,may,tue,518,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,housemaid,married,basic.4y,no,no,no,telephone,may,tue,243,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,divorced,basic.9y,unknown,no,no,telephone,may,tue,472,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,technician,single,professional.course,no,no,no,telephone,may,tue,148,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,tue,514,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,divorced,basic.9y,unknown,yes,yes,telephone,may,tue,388,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,basic.4y,no,yes,no,telephone,may,tue,224,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,unemployed,married,professional.course,no,no,no,telephone,may,tue,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,married,basic.9y,no,no,no,telephone,may,tue,255,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,professional.course,no,no,no,telephone,may,tue,70,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,basic.4y,no,yes,no,telephone,may,tue,296,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,550,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,services,divorced,high.school,no,yes,no,telephone,may,tue,313,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,housemaid,married,basic.4y,no,yes,no,telephone,may,tue,257,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,243,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,tue,114,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,73,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,unknown,married,basic.6y,unknown,yes,no,telephone,may,tue,290,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,86,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,technician,single,professional.course,no,no,no,telephone,may,tue,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,entrepreneur,divorced,high.school,no,yes,no,telephone,may,tue,168,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,single,high.school,no,yes,yes,telephone,may,tue,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,housemaid,married,basic.4y,no,no,no,telephone,may,tue,106,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,divorced,high.school,no,no,no,telephone,may,tue,45,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,basic.6y,no,yes,yes,telephone,may,tue,25,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,basic.6y,no,yes,no,telephone,may,tue,114,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,entrepreneur,married,basic.9y,unknown,no,no,telephone,may,tue,82,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,university.degree,no,yes,no,telephone,may,tue,33,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,tue,322,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,technician,single,professional.course,no,no,no,telephone,may,tue,446,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,self-employed,married,basic.9y,unknown,yes,yes,telephone,may,tue,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,single,professional.course,no,yes,no,telephone,may,tue,121,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,services,divorced,high.school,no,yes,no,telephone,may,tue,78,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,70,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,professional.course,no,yes,no,telephone,may,tue,213,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,divorced,university.degree,no,no,no,telephone,may,tue,305,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,management,single,basic.4y,no,no,no,telephone,may,tue,19,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,643,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,single,high.school,no,no,no,telephone,may,tue,371,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,unknown,no,no,telephone,may,tue,363,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,384,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,self-employed,single,university.degree,no,yes,no,telephone,may,tue,492,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,single,basic.4y,unknown,no,no,telephone,may,tue,222,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,entrepreneur,married,high.school,no,no,no,telephone,may,tue,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,426,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,married,high.school,no,no,no,telephone,may,tue,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,tue,39,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,single,high.school,no,yes,no,telephone,may,tue,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,divorced,high.school,no,no,no,telephone,may,tue,293,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,high.school,no,no,no,telephone,may,tue,316,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.6y,unknown,no,yes,telephone,may,tue,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,services,married,high.school,unknown,yes,no,telephone,may,tue,129,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,student,single,basic.9y,unknown,yes,yes,telephone,may,tue,68,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,divorced,basic.6y,no,no,no,telephone,may,tue,255,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,university.degree,no,no,no,telephone,may,tue,173,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,divorced,high.school,unknown,no,no,telephone,may,tue,161,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,tue,72,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,unknown,married,high.school,unknown,no,no,telephone,may,tue,109,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,basic.9y,unknown,no,no,telephone,may,tue,62,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,professional.course,no,no,no,telephone,may,tue,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,unknown,married,university.degree,no,no,no,telephone,may,tue,310,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.6y,unknown,no,no,telephone,may,tue,195,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,technician,married,university.degree,no,yes,no,telephone,may,tue,470,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,tue,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,divorced,professional.course,no,yes,no,telephone,may,tue,169,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,tue,223,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,basic.9y,unknown,no,no,telephone,may,tue,201,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,yes,yes,telephone,may,tue,596,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,professional.course,no,no,no,telephone,may,tue,253,16,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,management,single,university.degree,no,no,no,telephone,may,tue,600,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,services,married,high.school,no,yes,no,telephone,may,tue,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,unknown,married,high.school,unknown,yes,no,telephone,may,tue,43,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,high.school,no,no,no,telephone,may,tue,731,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +31,admin.,single,university.degree,no,yes,no,telephone,may,tue,659,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.4y,no,yes,yes,telephone,may,tue,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,entrepreneur,divorced,university.degree,no,no,no,telephone,may,tue,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,59,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,self-employed,married,university.degree,unknown,yes,no,telephone,may,tue,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,98,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,technician,married,basic.6y,no,no,yes,telephone,may,tue,175,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,self-employed,married,university.degree,no,no,yes,telephone,may,tue,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,high.school,no,no,no,telephone,may,tue,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,170,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,single,basic.4y,no,no,no,telephone,may,tue,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,technician,married,basic.6y,no,no,yes,telephone,may,tue,261,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,self-employed,married,high.school,no,yes,no,telephone,may,tue,103,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,high.school,unknown,yes,no,telephone,may,tue,190,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,single,unknown,no,no,no,telephone,may,tue,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +22,services,single,basic.9y,no,no,no,telephone,may,tue,170,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,retired,married,university.degree,no,yes,yes,telephone,may,tue,235,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,married,basic.9y,unknown,no,no,telephone,may,tue,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,university.degree,no,no,no,telephone,may,tue,169,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,no,yes,no,telephone,may,tue,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,technician,married,professional.course,unknown,yes,no,telephone,may,tue,272,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,unemployed,married,basic.4y,no,yes,no,telephone,may,tue,265,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,professional.course,no,yes,no,telephone,may,tue,233,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,tue,307,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,high.school,no,yes,no,telephone,may,tue,246,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,admin.,divorced,high.school,no,no,no,telephone,may,tue,290,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,56,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,basic.9y,no,no,no,telephone,may,tue,259,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,management,married,high.school,unknown,no,no,telephone,may,tue,375,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,entrepreneur,single,professional.course,no,no,no,telephone,may,tue,290,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,self-employed,married,basic.9y,no,no,no,telephone,may,tue,148,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,self-employed,married,basic.6y,unknown,yes,no,telephone,may,tue,32,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,tue,521,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,divorced,basic.4y,no,no,no,telephone,may,tue,537,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,management,married,university.degree,no,yes,no,telephone,may,tue,316,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,single,high.school,unknown,no,no,telephone,may,tue,332,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,divorced,university.degree,no,no,no,telephone,may,tue,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,935,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +37,technician,single,university.degree,no,yes,yes,telephone,may,tue,173,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,university.degree,no,no,no,telephone,may,tue,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,divorced,basic.9y,no,no,no,telephone,may,tue,474,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,395,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,divorced,university.degree,no,no,no,telephone,may,tue,313,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,single,university.degree,no,no,no,telephone,may,tue,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,admin.,married,university.degree,unknown,no,no,telephone,may,tue,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,services,married,professional.course,no,no,no,telephone,may,tue,395,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,93,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,university.degree,no,no,yes,telephone,may,tue,166,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,single,high.school,no,yes,no,telephone,may,tue,410,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,755,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,technician,married,professional.course,no,no,no,telephone,may,tue,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,high.school,no,unknown,unknown,telephone,may,tue,145,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.6y,no,no,no,telephone,may,tue,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,professional.course,no,no,no,telephone,may,tue,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,retired,divorced,high.school,unknown,yes,no,telephone,may,tue,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,unknown,single,basic.9y,unknown,yes,no,telephone,may,tue,88,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,professional.course,no,no,no,telephone,may,tue,318,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,unemployed,single,basic.9y,unknown,yes,no,telephone,may,tue,405,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,single,university.degree,no,yes,no,telephone,may,tue,751,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +34,admin.,married,high.school,no,yes,no,telephone,may,tue,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,married,high.school,no,yes,no,telephone,may,tue,95,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,319,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,272,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,management,married,university.degree,unknown,no,no,telephone,may,tue,142,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,admin.,single,basic.6y,no,yes,no,telephone,may,tue,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,single,university.degree,no,no,no,telephone,may,tue,237,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,housemaid,married,basic.4y,no,yes,no,telephone,may,tue,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,divorced,university.degree,no,no,yes,telephone,may,tue,116,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,99,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,professional.course,unknown,no,no,telephone,may,tue,345,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,professional.course,no,no,yes,telephone,may,tue,151,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,divorced,university.degree,no,yes,no,telephone,may,tue,376,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,married,high.school,no,yes,no,telephone,may,tue,485,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,university.degree,no,yes,no,telephone,may,tue,99,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,210,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,unknown,no,no,no,telephone,may,tue,277,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,married,high.school,unknown,no,no,telephone,may,tue,326,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,single,professional.course,no,no,yes,telephone,may,tue,305,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,high.school,unknown,yes,yes,telephone,may,tue,320,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,management,married,basic.9y,no,yes,no,telephone,may,tue,298,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,tue,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,married,high.school,no,no,no,telephone,may,tue,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,222,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,housemaid,married,basic.4y,no,no,no,telephone,may,tue,513,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,professional.course,no,yes,no,telephone,may,tue,321,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,unknown,no,no,telephone,may,tue,355,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +22,admin.,married,high.school,no,no,no,telephone,may,tue,240,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,entrepreneur,divorced,high.school,no,yes,no,telephone,may,tue,383,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,301,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,self-employed,married,university.degree,no,no,no,telephone,may,tue,367,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,tue,179,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,high.school,no,no,yes,telephone,may,tue,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,married,professional.course,no,yes,no,telephone,may,tue,177,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,married,high.school,no,yes,no,telephone,may,tue,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,married,basic.6y,no,no,no,telephone,may,tue,377,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,240,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,no,yes,telephone,may,tue,1590,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,125,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,management,single,university.degree,unknown,yes,no,telephone,may,tue,174,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,self-employed,single,university.degree,no,no,no,telephone,may,tue,518,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,high.school,no,no,no,telephone,may,tue,280,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,high.school,unknown,no,no,telephone,may,tue,269,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,single,high.school,no,yes,no,telephone,may,tue,394,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,married,professional.course,no,yes,yes,telephone,may,tue,280,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,admin.,married,basic.9y,unknown,no,no,telephone,may,tue,228,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,312,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,married,professional.course,no,yes,no,telephone,may,tue,709,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +45,blue-collar,divorced,basic.4y,no,no,no,telephone,may,tue,78,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,33,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,212,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,tue,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,married,high.school,unknown,yes,yes,telephone,may,tue,299,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,basic.9y,no,yes,no,telephone,may,tue,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,university.degree,no,no,no,telephone,may,tue,574,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,self-employed,divorced,high.school,no,no,no,telephone,may,tue,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,unknown,no,no,telephone,may,tue,318,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,management,married,basic.9y,no,yes,no,telephone,may,tue,68,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,entrepreneur,married,university.degree,unknown,yes,no,telephone,may,tue,217,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,211,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,married,university.degree,unknown,yes,no,telephone,may,tue,245,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,single,university.degree,no,no,no,telephone,may,tue,363,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,married,high.school,no,yes,no,telephone,may,tue,347,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,services,married,high.school,no,yes,no,telephone,may,tue,392,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,services,married,high.school,no,yes,no,telephone,may,tue,137,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,tue,749,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,married,high.school,no,no,no,telephone,may,tue,498,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,services,married,high.school,no,yes,no,telephone,may,tue,570,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,admin.,divorced,high.school,no,yes,no,telephone,may,tue,142,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,high.school,unknown,no,no,telephone,may,tue,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,married,professional.course,no,no,no,telephone,may,tue,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,unknown,married,basic.4y,unknown,yes,no,telephone,may,tue,267,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,retired,married,professional.course,no,no,no,telephone,may,tue,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,high.school,no,yes,no,telephone,may,tue,453,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,single,professional.course,no,yes,no,telephone,may,tue,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,admin.,married,unknown,no,no,no,telephone,may,tue,389,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,technician,married,basic.4y,no,no,no,telephone,may,tue,120,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,high.school,unknown,yes,no,telephone,may,tue,146,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,university.degree,no,yes,no,telephone,may,tue,40,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,married,professional.course,no,yes,yes,telephone,may,tue,92,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,technician,single,professional.course,no,yes,no,telephone,may,tue,324,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,divorced,high.school,no,no,no,telephone,may,tue,436,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,59,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.4y,no,unknown,unknown,telephone,may,tue,100,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,high.school,no,yes,no,telephone,may,tue,0,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,93,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,high.school,no,no,no,telephone,may,tue,364,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,married,professional.course,unknown,no,yes,telephone,may,tue,111,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,single,high.school,no,yes,yes,telephone,may,tue,466,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,technician,married,professional.course,no,yes,no,telephone,may,tue,345,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.6y,unknown,no,yes,telephone,may,tue,294,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,married,unknown,no,yes,no,telephone,may,tue,241,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,divorced,basic.9y,no,no,no,telephone,may,tue,233,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,149,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,divorced,university.degree,no,yes,no,telephone,may,tue,304,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,high.school,no,yes,no,telephone,may,tue,134,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,355,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,single,university.degree,no,yes,no,telephone,may,tue,953,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,retired,married,professional.course,unknown,no,no,telephone,may,tue,427,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,no,yes,telephone,may,tue,100,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,unemployed,single,university.degree,no,no,yes,telephone,may,tue,121,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,services,single,basic.9y,no,yes,yes,telephone,may,tue,22,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,entrepreneur,married,university.degree,unknown,no,no,telephone,may,tue,477,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,30,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,technician,married,professional.course,unknown,yes,no,telephone,may,tue,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,divorced,university.degree,no,no,no,telephone,may,tue,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,professional.course,no,no,no,telephone,may,tue,305,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,married,high.school,unknown,no,no,telephone,may,tue,103,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,married,university.degree,no,yes,no,telephone,may,tue,8,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,unemployed,single,basic.4y,unknown,yes,no,telephone,may,tue,267,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,married,high.school,unknown,yes,no,telephone,may,tue,399,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,married,high.school,no,no,yes,telephone,may,tue,315,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,self-employed,married,basic.9y,no,no,no,telephone,may,tue,3094,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +29,technician,married,professional.course,no,no,no,telephone,may,tue,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,single,professional.course,no,no,yes,telephone,may,tue,3,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,management,divorced,university.degree,no,no,no,telephone,may,tue,269,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,management,divorced,university.degree,no,yes,no,telephone,may,tue,159,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,single,high.school,unknown,yes,no,telephone,may,tue,182,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,185,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,single,high.school,no,no,no,telephone,may,tue,359,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.6y,no,no,yes,telephone,may,tue,89,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,married,unknown,no,yes,no,telephone,may,tue,220,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.9y,no,no,yes,telephone,may,tue,179,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,self-employed,married,university.degree,no,yes,no,telephone,may,tue,151,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,tue,66,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,divorced,basic.4y,unknown,yes,no,telephone,may,tue,135,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,no,no,no,telephone,may,tue,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,married,high.school,no,no,no,telephone,may,tue,132,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,university.degree,no,no,no,telephone,may,tue,141,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,single,basic.9y,no,yes,no,telephone,may,tue,265,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,87,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,married,basic.6y,no,yes,no,telephone,may,tue,452,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,divorced,high.school,no,no,no,telephone,may,tue,62,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,married,professional.course,no,no,no,telephone,may,tue,348,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,married,high.school,no,yes,no,telephone,may,tue,354,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,married,professional.course,unknown,yes,no,telephone,may,tue,153,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,high.school,no,yes,no,telephone,may,tue,54,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,basic.6y,unknown,yes,no,telephone,may,tue,89,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,professional.course,no,yes,no,telephone,may,tue,132,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.4y,unknown,no,no,telephone,may,tue,580,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,university.degree,unknown,yes,no,telephone,may,tue,99,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,basic.9y,no,no,no,telephone,may,tue,34,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,divorced,high.school,no,no,no,telephone,may,tue,72,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,management,married,university.degree,no,yes,no,telephone,may,tue,99,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,housemaid,married,basic.6y,no,unknown,unknown,telephone,may,tue,175,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,entrepreneur,married,university.degree,no,yes,no,telephone,may,tue,290,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,retired,married,high.school,no,yes,no,telephone,may,tue,591,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,336,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,divorced,basic.9y,no,no,no,telephone,may,tue,29,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,single,university.degree,no,no,no,telephone,may,tue,266,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,unknown,no,no,no,telephone,may,tue,45,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,298,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,tue,1043,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,admin.,married,university.degree,no,yes,no,telephone,may,tue,83,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,blue-collar,single,basic.9y,no,no,no,telephone,may,tue,282,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,single,high.school,no,no,yes,telephone,may,tue,209,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,106,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,entrepreneur,single,high.school,no,yes,no,telephone,may,tue,157,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,divorced,university.degree,no,yes,no,telephone,may,tue,197,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,unknown,married,basic.4y,unknown,no,no,telephone,may,tue,257,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,university.degree,unknown,no,no,telephone,may,tue,42,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,single,university.degree,no,yes,no,telephone,may,tue,319,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,management,married,university.degree,no,no,no,telephone,may,tue,371,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,383,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,divorced,high.school,no,yes,no,telephone,may,tue,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,tue,88,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,basic.9y,no,no,no,telephone,may,tue,97,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,335,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,university.degree,no,no,no,telephone,may,tue,15,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,self-employed,single,basic.9y,no,yes,no,telephone,may,tue,4,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,married,high.school,unknown,no,no,telephone,may,tue,5,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,married,high.school,unknown,no,no,telephone,may,tue,178,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,entrepreneur,married,basic.6y,no,yes,no,telephone,may,tue,256,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,unknown,yes,no,telephone,may,tue,284,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,unknown,yes,no,telephone,may,tue,264,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,single,high.school,no,yes,no,telephone,may,tue,124,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,yes,yes,telephone,may,tue,239,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,married,high.school,no,yes,no,telephone,may,tue,20,19,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,15,13,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,single,basic.4y,no,yes,no,telephone,may,tue,98,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,112,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,married,professional.course,no,yes,no,telephone,may,tue,350,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,technician,married,university.degree,unknown,yes,no,telephone,may,tue,240,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,unemployed,single,university.degree,no,yes,no,telephone,may,tue,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,married,high.school,no,no,no,telephone,may,tue,157,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,unknown,no,no,no,telephone,may,tue,337,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,housemaid,single,basic.4y,unknown,yes,no,telephone,may,tue,662,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,124,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,basic.9y,no,yes,no,telephone,may,tue,165,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,services,married,university.degree,no,yes,no,telephone,may,tue,63,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,single,university.degree,no,no,no,telephone,may,tue,101,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,133,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,services,married,high.school,no,no,no,telephone,may,tue,145,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,single,high.school,no,no,no,telephone,may,tue,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.6y,unknown,no,no,telephone,may,tue,858,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +38,unemployed,divorced,high.school,no,no,no,telephone,may,tue,349,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,married,basic.9y,unknown,no,no,telephone,may,tue,371,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,technician,married,basic.9y,no,yes,no,telephone,may,tue,676,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,married,basic.9y,no,yes,no,telephone,may,tue,197,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,married,university.degree,no,no,no,telephone,may,tue,235,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,married,unknown,unknown,no,no,telephone,may,tue,205,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,tue,291,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,married,high.school,no,no,no,telephone,may,tue,132,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,housemaid,married,university.degree,no,no,no,telephone,may,tue,165,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,admin.,divorced,high.school,no,yes,no,telephone,may,tue,196,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,high.school,no,no,no,telephone,may,tue,177,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,547,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,single,high.school,unknown,yes,no,telephone,may,tue,62,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,self-employed,unknown,basic.6y,no,no,no,telephone,may,tue,398,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,management,divorced,university.degree,no,yes,no,telephone,may,tue,342,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,unknown,no,no,telephone,may,tue,198,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,entrepreneur,single,high.school,no,no,no,telephone,may,tue,77,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,tue,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,professional.course,unknown,yes,no,telephone,may,tue,352,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,unknown,no,yes,no,telephone,may,tue,112,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,self-employed,married,basic.9y,unknown,yes,no,telephone,may,tue,90,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,services,divorced,university.degree,no,yes,no,telephone,may,tue,22,16,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,technician,single,university.degree,no,unknown,unknown,telephone,may,tue,230,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,admin.,divorced,high.school,no,yes,no,telephone,may,tue,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,university.degree,no,no,no,telephone,may,tue,143,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,married,high.school,no,yes,no,telephone,may,tue,102,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,224,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,tue,73,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,single,high.school,no,yes,no,telephone,may,tue,42,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,high.school,unknown,no,no,telephone,may,tue,43,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,entrepreneur,single,basic.9y,no,no,no,telephone,may,tue,144,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,tue,1224,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,tue,306,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,divorced,high.school,no,yes,no,telephone,may,tue,50,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,132,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,high.school,no,no,yes,telephone,may,tue,108,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,single,professional.course,no,no,no,telephone,may,tue,265,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,married,basic.4y,unknown,no,no,telephone,may,tue,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,divorced,basic.4y,no,no,no,telephone,may,tue,167,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,145,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,married,university.degree,no,no,yes,telephone,may,tue,20,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,single,basic.6y,unknown,yes,no,telephone,may,tue,141,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,management,married,university.degree,unknown,yes,no,telephone,may,tue,346,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,single,basic.9y,unknown,yes,yes,telephone,may,tue,1168,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,unknown,married,unknown,unknown,no,no,telephone,may,wed,17,13,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,single,high.school,unknown,yes,no,telephone,may,wed,74,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,retired,married,professional.course,no,yes,yes,telephone,may,wed,78,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,basic.4y,unknown,no,no,telephone,may,wed,125,12,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,technician,married,high.school,no,yes,no,telephone,may,wed,153,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,high.school,unknown,yes,no,telephone,may,wed,61,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,divorced,university.degree,unknown,yes,no,telephone,may,wed,318,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,228,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,single,high.school,unknown,no,no,telephone,may,wed,189,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,married,high.school,no,yes,no,telephone,may,wed,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,wed,110,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,management,single,university.degree,no,unknown,unknown,telephone,may,wed,372,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,223,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,services,divorced,high.school,no,no,no,telephone,may,wed,117,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,single,basic.4y,unknown,unknown,unknown,telephone,may,wed,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,services,married,high.school,unknown,no,no,telephone,may,wed,507,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,divorced,high.school,no,no,no,telephone,may,wed,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,university.degree,unknown,no,no,telephone,may,wed,91,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,management,married,university.degree,no,yes,no,telephone,may,wed,230,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,unknown,married,high.school,unknown,no,no,telephone,may,wed,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,single,high.school,no,no,no,telephone,may,wed,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,technician,single,university.degree,unknown,no,no,telephone,may,wed,551,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,high.school,no,no,no,telephone,may,wed,215,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,single,high.school,unknown,yes,no,telephone,may,wed,617,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,high.school,no,no,no,telephone,may,wed,332,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,basic.9y,unknown,yes,no,telephone,may,wed,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,938,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +47,admin.,married,university.degree,no,yes,no,telephone,may,wed,385,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,married,unknown,no,no,no,telephone,may,wed,181,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,high.school,no,yes,no,telephone,may,wed,195,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,management,divorced,basic.6y,no,no,no,telephone,may,wed,198,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,79,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,divorced,basic.9y,no,no,no,telephone,may,wed,95,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,single,university.degree,no,no,yes,telephone,may,wed,130,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,technician,married,basic.6y,no,yes,no,telephone,may,wed,190,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,divorced,basic.9y,unknown,no,no,telephone,may,wed,454,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,management,single,university.degree,no,no,no,telephone,may,wed,231,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,wed,189,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,housemaid,married,high.school,no,no,no,telephone,may,wed,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,services,divorced,high.school,unknown,yes,no,telephone,may,wed,103,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,single,professional.course,unknown,no,no,telephone,may,wed,114,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,entrepreneur,married,basic.9y,unknown,yes,no,telephone,may,wed,176,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,divorced,basic.4y,no,yes,yes,telephone,may,wed,738,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,admin.,divorced,basic.9y,no,no,no,telephone,may,wed,283,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,management,divorced,high.school,no,yes,no,telephone,may,wed,224,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,divorced,basic.4y,no,no,no,telephone,may,wed,519,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,high.school,no,yes,no,telephone,may,wed,593,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,divorced,university.degree,no,unknown,unknown,telephone,may,wed,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,single,professional.course,unknown,no,no,telephone,may,wed,480,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,self-employed,married,basic.4y,unknown,yes,no,telephone,may,wed,177,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,wed,102,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,married,high.school,no,yes,no,telephone,may,wed,49,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.4y,no,no,no,telephone,may,wed,88,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,university.degree,no,yes,no,telephone,may,wed,199,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,576,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +49,blue-collar,single,basic.4y,no,yes,no,telephone,may,wed,58,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,single,high.school,unknown,no,no,telephone,may,wed,261,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,entrepreneur,single,basic.4y,no,no,no,telephone,may,wed,430,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,wed,674,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,single,basic.9y,no,yes,no,telephone,may,wed,112,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,married,professional.course,no,yes,no,telephone,may,wed,248,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,wed,350,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,single,university.degree,no,yes,no,telephone,may,wed,252,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,high.school,no,no,no,telephone,may,wed,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,141,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,256,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,163,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,wed,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,married,professional.course,no,yes,yes,telephone,may,wed,195,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,95,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,39,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,basic.9y,unknown,yes,no,telephone,may,wed,861,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,single,high.school,no,yes,no,telephone,may,wed,212,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,high.school,no,yes,no,telephone,may,wed,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,technician,divorced,professional.course,no,no,no,telephone,may,wed,209,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,basic.9y,no,no,no,telephone,may,wed,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,housemaid,married,basic.4y,no,yes,no,telephone,may,wed,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,management,married,professional.course,no,yes,yes,telephone,may,wed,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,technician,divorced,professional.course,unknown,no,no,telephone,may,wed,390,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,management,married,professional.course,no,no,no,telephone,may,wed,373,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,wed,44,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,married,basic.4y,unknown,yes,yes,telephone,may,wed,571,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,self-employed,single,university.degree,no,no,no,telephone,may,wed,199,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,admin.,single,university.degree,no,yes,no,telephone,may,wed,582,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,university.degree,no,no,no,telephone,may,wed,222,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,university.degree,no,no,yes,telephone,may,wed,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,self-employed,married,university.degree,no,yes,yes,telephone,may,wed,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,university.degree,no,yes,no,telephone,may,wed,396,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,single,professional.course,no,no,no,telephone,may,wed,58,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,high.school,no,no,no,telephone,may,wed,263,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,admin.,single,high.school,no,no,no,telephone,may,wed,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,married,professional.course,unknown,yes,no,telephone,may,wed,94,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,unknown,married,basic.4y,no,yes,no,telephone,may,wed,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,single,high.school,no,yes,no,telephone,may,wed,418,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,64,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,divorced,high.school,no,yes,no,telephone,may,wed,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,self-employed,single,university.degree,unknown,yes,no,telephone,may,wed,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,married,high.school,unknown,yes,no,telephone,may,wed,171,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,single,professional.course,no,no,no,telephone,may,wed,223,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,university.degree,no,no,no,telephone,may,wed,204,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,technician,married,basic.9y,no,yes,no,telephone,may,wed,52,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,high.school,no,yes,no,telephone,may,wed,199,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,high.school,no,no,yes,telephone,may,wed,195,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,high.school,no,no,yes,telephone,may,wed,139,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,divorced,university.degree,no,no,no,telephone,may,wed,63,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,543,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +45,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,154,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,high.school,no,no,no,telephone,may,wed,226,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,university.degree,no,no,no,telephone,may,wed,141,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,university.degree,no,yes,yes,telephone,may,wed,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,single,university.degree,no,no,no,telephone,may,wed,156,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,married,high.school,unknown,yes,no,telephone,may,wed,99,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,services,married,high.school,unknown,no,no,telephone,may,wed,297,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,unemployed,married,basic.9y,no,no,no,telephone,may,wed,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,single,university.degree,unknown,yes,yes,telephone,may,wed,62,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,technician,divorced,basic.9y,no,no,no,telephone,may,wed,221,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,1479,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +29,technician,married,university.degree,no,no,no,telephone,may,wed,104,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,basic.9y,no,yes,no,telephone,may,wed,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,21,21,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,72,18,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,single,high.school,no,yes,no,telephone,may,wed,125,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,no,no,telephone,may,wed,307,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,university.degree,no,yes,yes,telephone,may,wed,154,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,no,yes,telephone,may,wed,357,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,professional.course,unknown,yes,yes,telephone,may,wed,236,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,single,high.school,no,yes,no,telephone,may,wed,202,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,wed,227,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,married,university.degree,no,yes,yes,telephone,may,wed,143,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,no,yes,no,telephone,may,wed,119,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,single,high.school,no,yes,no,telephone,may,wed,268,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,divorced,high.school,no,yes,no,telephone,may,wed,507,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,management,single,university.degree,no,yes,no,telephone,may,wed,126,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,self-employed,married,professional.course,no,yes,yes,telephone,may,wed,268,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,services,single,high.school,no,yes,no,telephone,may,wed,386,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,313,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,wed,63,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,basic.9y,unknown,yes,no,telephone,may,wed,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,single,basic.9y,no,yes,no,telephone,may,wed,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,89,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,professional.course,no,no,yes,telephone,may,wed,96,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,209,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,181,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,high.school,unknown,no,no,telephone,may,wed,173,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,439,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,self-employed,married,professional.course,no,yes,no,telephone,may,wed,119,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,university.degree,no,yes,no,telephone,may,wed,713,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,high.school,no,yes,no,telephone,may,wed,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,professional.course,no,yes,yes,telephone,may,wed,72,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,high.school,no,yes,no,telephone,may,wed,78,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,no,no,yes,telephone,may,wed,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,392,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,divorced,basic.9y,no,yes,no,telephone,may,wed,188,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,unknown,no,no,telephone,may,wed,130,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,151,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,211,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,single,high.school,no,no,no,telephone,may,wed,249,11,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,technician,married,basic.4y,unknown,no,yes,telephone,may,wed,1210,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +20,entrepreneur,single,high.school,no,no,yes,telephone,may,wed,680,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,divorced,university.degree,no,yes,no,telephone,may,wed,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,single,basic.9y,no,no,yes,telephone,may,wed,227,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,housemaid,married,basic.9y,unknown,unknown,unknown,telephone,may,wed,66,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,basic.9y,no,yes,no,telephone,may,wed,821,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,divorced,basic.9y,no,yes,no,telephone,may,wed,189,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,divorced,university.degree,no,yes,no,telephone,may,wed,352,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,single,university.degree,no,yes,no,telephone,may,wed,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,single,basic.4y,unknown,no,no,telephone,may,wed,565,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,university.degree,no,yes,no,telephone,may,wed,615,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +56,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,167,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,high.school,no,no,no,telephone,may,wed,211,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,single,high.school,no,yes,no,telephone,may,wed,742,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,615,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,single,high.school,no,yes,no,telephone,may,wed,143,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,married,high.school,no,yes,no,telephone,may,wed,497,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,single,university.degree,no,yes,no,telephone,may,wed,105,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,housemaid,married,basic.4y,unknown,yes,yes,telephone,may,wed,213,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,single,university.degree,no,yes,no,telephone,may,wed,294,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,289,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,married,basic.6y,no,no,no,telephone,may,wed,461,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,wed,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,single,basic.9y,no,yes,no,telephone,may,wed,185,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,university.degree,unknown,no,no,telephone,may,wed,399,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,entrepreneur,married,high.school,no,yes,no,telephone,may,wed,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,married,unknown,no,no,no,telephone,may,wed,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,single,high.school,unknown,yes,no,telephone,may,wed,317,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,services,married,basic.4y,unknown,yes,no,telephone,may,wed,507,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +33,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,1183,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +55,retired,married,high.school,no,no,no,telephone,may,wed,302,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,management,married,basic.9y,no,yes,yes,telephone,may,wed,344,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,entrepreneur,single,university.degree,no,yes,no,telephone,may,wed,8,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,489,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,housemaid,married,basic.4y,unknown,no,no,telephone,may,wed,328,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,technician,married,high.school,no,no,no,telephone,may,wed,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,management,married,university.degree,no,yes,no,telephone,may,wed,117,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,entrepreneur,married,university.degree,no,no,no,telephone,may,wed,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,entrepreneur,married,high.school,no,no,no,telephone,may,wed,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,high.school,no,no,no,telephone,may,wed,438,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,management,divorced,university.degree,no,no,no,telephone,may,wed,675,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,123,18,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,257,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,university.degree,unknown,no,no,telephone,may,wed,266,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,may,wed,195,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,management,single,university.degree,no,yes,no,telephone,may,wed,145,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,entrepreneur,single,basic.9y,no,no,no,telephone,may,wed,232,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,retired,married,professional.course,no,no,no,telephone,may,wed,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,retired,married,basic.6y,no,yes,no,telephone,may,wed,91,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,management,married,university.degree,no,no,no,telephone,may,wed,83,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,admin.,married,professional.course,no,no,no,telephone,may,wed,314,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,unemployed,single,high.school,unknown,no,no,telephone,may,wed,694,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +35,blue-collar,married,unknown,no,no,no,telephone,may,wed,146,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,149,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,admin.,single,unknown,no,yes,no,telephone,may,wed,591,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,housemaid,divorced,basic.4y,unknown,yes,no,telephone,may,wed,288,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,36,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,services,married,high.school,unknown,yes,no,telephone,may,wed,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,unknown,no,no,no,telephone,may,wed,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,71,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,admin.,single,high.school,no,yes,no,telephone,may,wed,275,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,single,university.degree,unknown,no,no,telephone,may,wed,187,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,technician,married,university.degree,no,yes,no,telephone,may,wed,170,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,retired,married,basic.4y,no,no,no,telephone,may,wed,177,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,251,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,married,basic.4y,no,no,no,telephone,may,wed,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,463,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,retired,married,basic.4y,no,no,no,telephone,may,wed,157,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,74,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,single,basic.4y,unknown,no,yes,telephone,may,wed,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,technician,married,professional.course,no,no,no,telephone,may,wed,796,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +38,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,high.school,no,no,no,telephone,may,wed,272,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,296,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,married,university.degree,no,no,yes,telephone,may,wed,125,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,technician,married,high.school,no,no,no,telephone,may,wed,81,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,single,high.school,no,no,no,telephone,may,wed,189,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,597,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,single,basic.9y,no,no,no,telephone,may,wed,53,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,159,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,198,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,admin.,married,high.school,no,unknown,unknown,telephone,may,wed,45,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,single,high.school,no,yes,no,telephone,may,wed,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,wed,664,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +45,services,married,high.school,unknown,no,no,telephone,may,wed,290,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,married,professional.course,unknown,yes,yes,telephone,may,wed,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,unemployed,single,basic.4y,unknown,yes,no,telephone,may,wed,51,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,admin.,married,basic.9y,no,no,no,telephone,may,wed,119,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,married,basic.6y,unknown,yes,no,telephone,may,wed,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,entrepreneur,married,basic.9y,no,no,yes,telephone,may,wed,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,management,single,university.degree,no,no,no,telephone,may,wed,99,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,285,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,professional.course,no,no,no,telephone,may,wed,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,81,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,basic.9y,unknown,no,no,telephone,may,wed,244,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,services,married,unknown,unknown,no,no,telephone,may,wed,227,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,management,divorced,university.degree,unknown,no,yes,telephone,may,wed,289,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,housemaid,married,basic.4y,unknown,no,no,telephone,may,wed,183,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,married,high.school,unknown,no,no,telephone,may,wed,100,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,basic.6y,no,yes,no,telephone,may,wed,648,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +42,retired,married,basic.9y,unknown,yes,no,telephone,may,wed,198,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,housemaid,married,university.degree,no,yes,no,telephone,may,wed,536,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,basic.9y,no,yes,no,telephone,may,wed,173,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,divorced,professional.course,unknown,no,no,telephone,may,wed,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,management,married,basic.9y,unknown,no,no,telephone,may,wed,282,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,university.degree,no,yes,no,telephone,may,wed,269,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,single,high.school,no,no,yes,telephone,may,wed,176,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,management,married,basic.6y,unknown,no,no,telephone,may,wed,347,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,basic.9y,no,yes,no,telephone,may,wed,88,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,279,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,divorced,professional.course,no,yes,yes,telephone,may,wed,294,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,188,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,116,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,basic.6y,unknown,no,no,telephone,may,wed,60,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,retired,divorced,professional.course,no,no,yes,telephone,may,wed,217,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,single,professional.course,no,no,no,telephone,may,wed,298,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,married,professional.course,unknown,no,no,telephone,may,wed,864,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +31,admin.,married,high.school,no,no,no,telephone,may,wed,469,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,divorced,basic.9y,unknown,no,yes,telephone,may,wed,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,divorced,unknown,no,no,no,telephone,may,wed,80,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,yes,no,telephone,may,wed,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,wed,89,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,divorced,university.degree,unknown,no,no,telephone,may,wed,346,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,47,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,single,university.degree,no,no,no,telephone,may,wed,244,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,136,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,single,university.degree,no,no,no,telephone,may,wed,110,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,divorced,basic.4y,no,yes,yes,telephone,may,wed,433,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,services,married,high.school,no,yes,no,telephone,may,wed,66,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,unemployed,married,basic.4y,unknown,yes,no,telephone,may,wed,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,89,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,services,married,high.school,no,yes,no,telephone,may,wed,54,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,single,high.school,no,no,no,telephone,may,wed,72,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,technician,married,professional.course,unknown,yes,yes,telephone,may,wed,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,24,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,single,basic.4y,no,unknown,unknown,telephone,may,wed,489,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,married,high.school,no,no,no,telephone,may,wed,357,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,admin.,single,high.school,no,no,no,telephone,may,wed,84,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,services,married,high.school,no,no,no,telephone,may,wed,239,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,466,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,management,married,university.degree,no,yes,no,telephone,may,wed,383,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,management,single,university.degree,no,no,yes,telephone,may,wed,413,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,services,single,basic.6y,unknown,yes,no,telephone,may,wed,101,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,344,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,unemployed,married,basic.9y,unknown,yes,no,telephone,may,wed,360,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,79,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +58,retired,divorced,university.degree,no,yes,no,telephone,may,wed,314,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,divorced,university.degree,no,no,no,telephone,may,wed,315,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,technician,married,professional.course,unknown,yes,yes,telephone,may,wed,117,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,divorced,basic.6y,no,no,no,telephone,may,wed,229,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,retired,married,basic.4y,no,no,no,telephone,may,wed,94,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,services,married,unknown,no,yes,yes,telephone,may,wed,83,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,admin.,married,university.degree,no,yes,yes,telephone,may,wed,338,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,single,high.school,unknown,no,no,telephone,may,wed,491,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,167,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,258,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +54,retired,married,basic.4y,unknown,no,no,telephone,may,wed,1730,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +31,unemployed,single,professional.course,no,no,no,telephone,may,wed,83,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,193,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,admin.,married,high.school,no,no,no,telephone,may,wed,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,high.school,no,no,no,telephone,may,wed,629,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,professional.course,unknown,yes,no,telephone,may,wed,260,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,blue-collar,single,basic.9y,no,no,yes,telephone,may,wed,202,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,blue-collar,married,high.school,no,no,no,telephone,may,wed,471,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,self-employed,single,university.degree,no,no,no,telephone,may,wed,217,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,services,married,basic.9y,unknown,no,no,telephone,may,wed,300,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,services,married,basic.9y,no,yes,no,telephone,may,wed,94,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,services,single,high.school,no,no,no,telephone,may,wed,397,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,entrepreneur,married,high.school,no,no,no,telephone,may,wed,157,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,housemaid,married,basic.4y,no,yes,no,telephone,may,wed,238,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,389,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,wed,667,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,management,single,university.degree,no,no,no,telephone,may,wed,376,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,technician,single,university.degree,no,no,no,telephone,may,wed,23,16,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,services,married,high.school,unknown,yes,no,telephone,may,wed,133,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,services,married,basic.9y,no,yes,no,telephone,may,wed,251,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,divorced,professional.course,no,unknown,unknown,telephone,may,wed,209,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,services,single,basic.9y,unknown,yes,yes,telephone,may,wed,124,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,admin.,married,university.degree,unknown,no,no,telephone,may,wed,96,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,management,single,university.degree,no,no,yes,telephone,may,wed,691,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +38,housemaid,married,basic.6y,unknown,yes,yes,telephone,may,wed,87,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,entrepreneur,married,unknown,no,yes,no,telephone,may,wed,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,259,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,330,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,university.degree,no,no,no,telephone,may,wed,198,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,entrepreneur,married,basic.9y,no,yes,yes,telephone,may,wed,429,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,545,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,high.school,unknown,yes,no,telephone,may,wed,44,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,single,unknown,no,yes,no,telephone,may,wed,279,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,unknown,no,no,telephone,may,wed,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +55,technician,married,professional.course,unknown,no,no,telephone,may,wed,48,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,wed,449,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,admin.,single,university.degree,no,no,no,telephone,may,wed,362,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,single,basic.9y,no,yes,no,telephone,may,wed,99,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,technician,single,professional.course,no,yes,no,telephone,may,wed,207,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,university.degree,no,no,no,telephone,may,wed,297,14,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,172,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,housemaid,married,basic.4y,unknown,yes,no,telephone,may,wed,158,10,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,wed,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,410,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,entrepreneur,married,high.school,no,yes,no,telephone,may,wed,57,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,admin.,single,university.degree,no,no,yes,telephone,may,wed,424,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,admin.,single,university.degree,unknown,no,yes,telephone,may,wed,74,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,96,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +21,technician,single,professional.course,no,no,yes,telephone,may,wed,109,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,entrepreneur,divorced,high.school,no,no,no,telephone,may,wed,52,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,blue-collar,single,professional.course,no,no,no,telephone,may,wed,26,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +57,retired,married,basic.9y,unknown,no,no,telephone,may,wed,506,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,admin.,married,high.school,unknown,no,no,telephone,may,wed,173,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,admin.,married,high.school,no,no,no,telephone,may,wed,643,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,technician,married,professional.course,no,yes,no,telephone,may,wed,77,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,management,single,university.degree,no,no,yes,telephone,may,wed,95,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,463,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,admin.,married,high.school,no,yes,no,telephone,may,wed,25,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,technician,single,professional.course,no,yes,no,telephone,may,wed,104,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,267,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,may,wed,64,1,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,340,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,divorced,university.degree,no,no,no,telephone,may,wed,325,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +53,management,married,basic.4y,unknown,no,no,telephone,may,wed,528,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,1277,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,entrepreneur,married,university.degree,no,no,yes,telephone,may,wed,363,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,wed,411,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,blue-collar,married,basic.6y,no,yes,no,telephone,may,wed,245,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,admin.,divorced,university.degree,no,unknown,unknown,telephone,may,wed,160,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,single,high.school,no,no,no,telephone,may,wed,313,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.4y,no,yes,no,telephone,may,wed,140,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +30,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,25,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,157,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,married,university.degree,no,no,yes,telephone,may,wed,157,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,entrepreneur,married,university.degree,no,no,no,telephone,may,wed,386,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,technician,married,basic.9y,no,no,no,telephone,may,wed,593,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,services,divorced,high.school,no,no,yes,telephone,may,wed,176,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,blue-collar,single,basic.4y,unknown,no,no,telephone,may,wed,189,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,unemployed,married,university.degree,unknown,unknown,unknown,telephone,may,wed,302,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,university.degree,unknown,yes,no,telephone,may,wed,165,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,48,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,management,married,university.degree,no,yes,no,telephone,may,wed,51,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,blue-collar,married,basic.4y,no,no,yes,telephone,may,wed,99,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,services,married,high.school,no,yes,no,telephone,may,wed,452,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,management,married,university.degree,no,no,yes,telephone,may,wed,187,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,wed,335,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,services,married,high.school,no,no,no,telephone,may,wed,110,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,blue-collar,single,unknown,unknown,no,no,telephone,may,wed,299,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,self-employed,married,professional.course,no,yes,yes,telephone,may,wed,85,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,blue-collar,married,basic.9y,no,no,yes,telephone,may,wed,234,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,admin.,married,high.school,no,no,no,telephone,may,wed,264,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,divorced,high.school,no,yes,yes,telephone,may,wed,233,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +50,technician,married,professional.course,unknown,no,no,telephone,may,wed,239,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,blue-collar,married,professional.course,no,no,yes,telephone,may,wed,611,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,single,professional.course,no,no,yes,telephone,may,wed,600,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,divorced,basic.4y,unknown,no,no,telephone,may,wed,478,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,92,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,self-employed,single,university.degree,no,yes,no,telephone,may,wed,158,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,single,professional.course,unknown,no,no,telephone,may,wed,198,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +37,management,single,high.school,no,no,no,telephone,may,wed,438,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,management,married,university.degree,no,yes,no,telephone,may,wed,205,7,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,342,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +49,services,married,high.school,no,no,no,telephone,may,wed,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,wed,75,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,services,single,professional.course,unknown,no,no,telephone,may,wed,225,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +48,entrepreneur,married,high.school,unknown,yes,no,telephone,may,wed,88,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +28,self-employed,single,university.degree,no,no,no,telephone,may,wed,314,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,management,married,university.degree,no,no,no,telephone,may,wed,109,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +42,blue-collar,married,basic.4y,no,no,no,telephone,may,wed,456,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,wed,92,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,married,professional.course,no,no,no,telephone,may,wed,223,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,technician,married,professional.course,no,no,no,telephone,may,wed,148,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,technician,married,professional.course,no,yes,no,telephone,may,wed,205,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,high.school,no,no,no,telephone,may,wed,80,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,wed,357,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +41,self-employed,single,university.degree,no,yes,yes,telephone,may,wed,23,17,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +39,admin.,married,university.degree,no,unknown,unknown,telephone,may,wed,513,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,admin.,single,high.school,no,no,yes,telephone,may,wed,171,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,admin.,single,university.degree,no,no,no,telephone,may,wed,90,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +35,blue-collar,married,high.school,no,no,no,telephone,may,wed,55,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,technician,married,professional.course,no,no,yes,telephone,may,wed,51,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +59,retired,married,professional.course,no,no,no,telephone,may,wed,560,9,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,yes +27,admin.,single,university.degree,no,no,no,telephone,may,wed,245,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,admin.,married,high.school,no,yes,no,telephone,may,wed,318,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,management,married,university.degree,no,no,no,telephone,may,wed,105,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +51,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,wed,261,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +60,retired,divorced,high.school,unknown,yes,no,telephone,may,wed,398,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +45,admin.,married,basic.6y,unknown,yes,no,telephone,may,wed,200,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +52,entrepreneur,married,basic.9y,unknown,no,no,telephone,may,wed,267,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +27,admin.,married,university.degree,no,no,no,telephone,may,wed,191,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,technician,single,professional.course,no,yes,no,telephone,may,wed,300,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,82,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +32,unemployed,single,high.school,no,no,no,telephone,may,wed,153,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +24,blue-collar,single,basic.9y,unknown,no,no,telephone,may,wed,504,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +46,admin.,single,high.school,unknown,yes,no,telephone,may,wed,104,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,admin.,single,high.school,no,no,no,telephone,may,wed,194,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +44,services,married,high.school,no,yes,yes,telephone,may,wed,212,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,wed,122,4,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +31,services,married,high.school,no,no,no,telephone,may,wed,185,6,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +38,unknown,divorced,high.school,unknown,yes,no,telephone,may,wed,107,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +26,admin.,single,high.school,no,no,no,telephone,may,wed,87,5,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +40,admin.,married,basic.9y,no,no,yes,telephone,may,wed,145,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +47,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,may,wed,30,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +43,unemployed,married,high.school,no,yes,no,telephone,may,wed,585,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +25,blue-collar,single,basic.6y,unknown,no,yes,telephone,may,wed,90,8,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +36,technician,married,university.degree,no,no,no,telephone,may,wed,146,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +34,blue-collar,married,basic.9y,no,yes,yes,telephone,may,wed,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +29,admin.,married,basic.6y,no,no,yes,telephone,may,wed,376,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +33,technician,married,university.degree,unknown,no,yes,telephone,may,wed,619,3,999,0,nonexistent,1.1,93.994,-36.4,4.857,5191.0,no +22,blue-collar,single,basic.9y,no,yes,no,telephone,may,thu,100,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,entrepreneur,divorced,basic.4y,no,no,no,telephone,may,thu,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,admin.,single,basic.9y,unknown,no,no,telephone,may,thu,93,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,retired,married,university.degree,no,no,no,telephone,may,thu,334,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,married,basic.9y,no,no,yes,telephone,may,thu,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,management,married,university.degree,no,no,no,telephone,may,thu,750,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,332,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,single,basic.9y,no,no,no,telephone,may,thu,333,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,management,divorced,university.degree,no,yes,no,telephone,may,thu,118,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,620,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,single,high.school,no,yes,no,telephone,may,thu,193,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,retired,married,basic.4y,no,yes,no,telephone,may,thu,138,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,admin.,married,university.degree,no,yes,no,telephone,may,thu,543,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +35,student,single,university.degree,unknown,no,no,telephone,may,thu,297,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,services,single,high.school,unknown,no,no,telephone,may,thu,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,admin.,married,university.degree,no,no,yes,telephone,may,thu,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,admin.,married,professional.course,no,yes,yes,telephone,may,thu,140,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,single,basic.9y,unknown,no,no,telephone,may,thu,42,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,management,married,university.degree,no,yes,no,telephone,may,thu,127,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,self-employed,single,basic.4y,unknown,yes,no,telephone,may,thu,61,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,services,married,high.school,unknown,no,no,telephone,may,thu,267,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,admin.,married,basic.9y,unknown,no,yes,telephone,may,thu,103,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,housemaid,married,basic.4y,unknown,no,yes,telephone,may,thu,205,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,single,basic.9y,no,yes,no,telephone,may,thu,54,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,132,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,single,basic.6y,unknown,yes,no,telephone,may,thu,275,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,basic.9y,no,yes,no,telephone,may,thu,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,student,single,basic.4y,unknown,no,no,telephone,may,thu,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,admin.,single,unknown,unknown,yes,no,telephone,may,thu,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,179,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,technician,married,unknown,no,yes,no,telephone,may,thu,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,128,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,services,married,high.school,unknown,no,yes,telephone,may,thu,284,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,services,married,basic.6y,no,yes,no,telephone,may,thu,148,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,self-employed,single,university.degree,no,yes,no,telephone,may,thu,244,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,admin.,single,high.school,no,no,no,telephone,may,thu,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,140,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,self-employed,married,university.degree,no,yes,no,telephone,may,thu,217,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,illiterate,unknown,no,no,telephone,may,thu,1196,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,admin.,married,professional.course,no,yes,no,telephone,may,thu,78,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,thu,52,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,admin.,married,high.school,no,yes,no,telephone,may,thu,41,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,unemployed,married,high.school,no,yes,no,telephone,may,thu,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,admin.,divorced,unknown,unknown,yes,no,telephone,may,thu,134,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,technician,single,professional.course,no,no,no,telephone,may,thu,14,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,blue-collar,single,professional.course,no,yes,no,telephone,may,thu,182,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,basic.9y,unknown,yes,no,telephone,may,thu,539,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +41,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,37,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,admin.,married,university.degree,no,yes,no,telephone,may,thu,162,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,413,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,entrepreneur,divorced,unknown,no,no,no,telephone,may,thu,184,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,thu,285,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,married,unknown,unknown,no,no,telephone,may,thu,361,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,basic.9y,no,yes,no,telephone,may,thu,74,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,thu,130,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,admin.,married,university.degree,no,yes,no,telephone,may,thu,203,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,technician,single,high.school,no,no,no,telephone,may,thu,186,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,married,high.school,unknown,yes,no,telephone,may,thu,37,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,single,high.school,no,unknown,unknown,telephone,may,thu,230,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,entrepreneur,married,basic.9y,unknown,no,no,telephone,may,thu,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,thu,283,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,technician,married,professional.course,no,no,yes,telephone,may,thu,44,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,self-employed,married,professional.course,no,no,no,telephone,may,thu,205,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,291,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,blue-collar,divorced,basic.9y,no,no,no,telephone,may,thu,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,married,basic.4y,no,no,no,telephone,may,thu,148,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,technician,married,professional.course,no,yes,no,telephone,may,thu,57,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,entrepreneur,married,basic.9y,unknown,yes,no,telephone,may,thu,733,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +38,services,single,basic.9y,no,yes,no,telephone,may,thu,193,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,admin.,married,university.degree,no,yes,no,telephone,may,thu,744,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,management,single,basic.9y,no,yes,no,telephone,may,thu,84,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,admin.,married,basic.9y,no,yes,yes,telephone,may,thu,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,admin.,married,university.degree,no,yes,no,telephone,may,thu,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,self-employed,married,basic.4y,unknown,no,no,telephone,may,thu,23,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,thu,578,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,technician,divorced,professional.course,no,yes,no,telephone,may,thu,1093,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +36,technician,married,professional.course,no,yes,no,telephone,may,thu,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,114,9,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,divorced,high.school,no,yes,no,telephone,may,thu,119,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,management,married,university.degree,no,yes,no,telephone,may,thu,619,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,technician,married,basic.9y,no,no,no,telephone,may,thu,514,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,technician,married,professional.course,unknown,no,no,telephone,may,thu,337,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,services,divorced,high.school,unknown,yes,no,telephone,may,thu,561,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,single,basic.9y,no,no,no,telephone,may,thu,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,technician,married,high.school,no,no,no,telephone,may,thu,418,8,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,admin.,divorced,basic.9y,no,yes,no,telephone,may,thu,56,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,unemployed,married,university.degree,unknown,no,no,telephone,may,thu,456,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,admin.,married,university.degree,no,yes,no,telephone,may,thu,413,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,retired,divorced,basic.4y,unknown,yes,no,telephone,may,thu,278,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,thu,791,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +59,entrepreneur,married,university.degree,unknown,no,no,telephone,may,thu,146,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,unemployed,married,unknown,unknown,no,no,telephone,may,thu,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,services,married,university.degree,no,unknown,unknown,telephone,may,thu,73,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,154,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,basic.9y,no,yes,no,telephone,may,thu,257,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,entrepreneur,married,basic.4y,no,yes,no,telephone,may,thu,199,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,unknown,married,unknown,no,no,no,telephone,may,thu,208,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,admin.,married,high.school,no,yes,no,telephone,may,thu,471,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,student,single,high.school,no,unknown,unknown,telephone,may,thu,360,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,management,single,university.degree,no,unknown,unknown,telephone,may,thu,131,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,thu,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,married,high.school,no,no,yes,telephone,may,thu,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,admin.,divorced,high.school,no,no,no,telephone,may,thu,66,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,services,married,professional.course,no,no,no,telephone,may,thu,103,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,admin.,single,university.degree,unknown,yes,yes,telephone,may,thu,656,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,358,10,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,management,single,basic.4y,no,yes,no,telephone,may,thu,514,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,technician,married,professional.course,no,no,no,telephone,may,thu,27,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,544,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,346,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,services,married,high.school,no,no,no,telephone,may,thu,134,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,admin.,married,high.school,no,no,no,telephone,may,thu,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,single,unknown,no,no,no,telephone,may,thu,633,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,technician,married,university.degree,unknown,no,no,telephone,may,thu,48,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,married,university.degree,no,yes,no,telephone,may,thu,359,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,professional.course,unknown,yes,no,telephone,may,thu,105,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,unemployed,married,professional.course,unknown,no,no,telephone,may,thu,746,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +37,technician,single,professional.course,no,no,no,telephone,may,thu,322,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,unknown,married,unknown,unknown,yes,no,telephone,may,thu,56,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,management,single,university.degree,no,unknown,unknown,telephone,may,thu,315,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,entrepreneur,married,university.degree,unknown,yes,no,telephone,may,thu,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,technician,married,basic.4y,unknown,no,no,telephone,may,thu,122,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,management,married,university.degree,no,yes,no,telephone,may,thu,144,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,married,university.degree,no,yes,no,telephone,may,thu,445,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,thu,356,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,self-employed,married,high.school,unknown,yes,no,telephone,may,thu,144,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,married,university.degree,no,yes,no,telephone,may,thu,102,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,management,married,university.degree,no,no,no,telephone,may,thu,187,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,management,married,university.degree,unknown,no,no,telephone,may,thu,329,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,retired,divorced,basic.4y,unknown,yes,no,telephone,may,thu,247,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,admin.,married,basic.6y,no,yes,no,telephone,may,thu,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,services,divorced,basic.9y,no,yes,no,telephone,may,thu,49,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,technician,single,professional.course,unknown,no,no,telephone,may,thu,223,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,services,divorced,basic.9y,no,no,no,telephone,may,thu,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,services,married,high.school,unknown,no,yes,telephone,may,thu,77,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,single,basic.4y,no,yes,no,telephone,may,thu,106,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,admin.,married,basic.9y,no,yes,no,telephone,may,thu,146,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,thu,125,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,404,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,entrepreneur,married,university.degree,no,yes,no,telephone,may,thu,413,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,single,high.school,no,yes,no,telephone,may,thu,177,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,self-employed,married,unknown,no,yes,no,telephone,may,thu,118,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,services,divorced,high.school,no,yes,no,telephone,may,thu,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,609,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,technician,married,professional.course,no,no,no,telephone,may,thu,251,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,unemployed,single,university.degree,no,yes,yes,telephone,may,thu,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,services,married,basic.6y,no,yes,no,telephone,may,thu,473,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,entrepreneur,divorced,basic.9y,no,yes,no,telephone,may,thu,596,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,admin.,divorced,university.degree,no,no,no,telephone,may,thu,370,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +24,student,married,university.degree,no,no,no,telephone,may,thu,691,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,services,single,high.school,no,no,no,telephone,may,thu,70,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,entrepreneur,single,basic.6y,no,yes,no,telephone,may,thu,77,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,technician,married,high.school,no,yes,no,telephone,may,thu,212,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,technician,single,professional.course,no,yes,no,telephone,may,thu,245,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,544,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,services,married,high.school,no,no,yes,telephone,may,thu,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,410,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,513,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,management,single,university.degree,no,no,no,telephone,may,thu,179,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,services,married,high.school,no,yes,no,telephone,may,thu,896,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,technician,divorced,professional.course,unknown,yes,no,telephone,may,thu,174,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,self-employed,single,university.degree,no,no,no,telephone,may,thu,365,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,divorced,high.school,no,no,no,telephone,may,thu,1207,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +41,services,married,university.degree,no,no,no,telephone,may,thu,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,technician,married,professional.course,no,yes,no,telephone,may,thu,82,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,services,married,high.school,unknown,yes,no,telephone,may,thu,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,admin.,divorced,basic.9y,unknown,yes,no,telephone,may,thu,42,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,technician,divorced,high.school,no,yes,no,telephone,may,thu,206,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,self-employed,married,basic.9y,no,yes,no,telephone,may,thu,162,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,management,married,unknown,no,yes,no,telephone,may,thu,347,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,unknown,unknown,no,no,telephone,may,thu,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,services,married,university.degree,no,yes,yes,telephone,may,thu,936,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,admin.,married,high.school,no,no,no,telephone,may,thu,162,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,admin.,married,high.school,no,yes,no,telephone,may,thu,344,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,services,divorced,high.school,no,no,no,telephone,may,thu,71,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,services,married,basic.6y,no,yes,no,telephone,may,thu,178,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,technician,single,university.degree,no,no,no,telephone,may,thu,52,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,self-employed,single,university.degree,no,yes,no,telephone,may,thu,409,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,technician,single,university.degree,no,no,no,telephone,may,thu,272,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,technician,divorced,professional.course,no,no,no,telephone,may,thu,87,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,admin.,single,unknown,unknown,no,no,telephone,may,thu,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,management,married,high.school,unknown,yes,no,telephone,may,thu,202,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,services,married,high.school,unknown,yes,no,telephone,may,thu,117,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,441,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,admin.,married,basic.4y,no,no,no,telephone,may,thu,175,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,single,high.school,no,no,no,telephone,may,thu,164,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,services,married,basic.9y,unknown,no,no,telephone,may,thu,80,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,932,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,self-employed,married,university.degree,no,no,no,telephone,may,thu,13,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,services,married,high.school,no,no,no,telephone,may,thu,139,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,management,married,high.school,unknown,no,no,telephone,may,thu,879,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,thu,263,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,high.school,unknown,yes,no,telephone,may,thu,64,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,440,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,unemployed,married,university.degree,unknown,no,no,telephone,may,thu,76,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,admin.,married,high.school,no,yes,no,telephone,may,thu,26,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,technician,married,professional.course,no,no,no,telephone,may,thu,455,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,unemployed,divorced,basic.9y,no,yes,no,telephone,may,thu,180,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,management,married,university.degree,no,no,no,telephone,may,thu,200,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,535,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +46,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,thu,313,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,101,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,services,married,high.school,unknown,no,no,telephone,may,thu,473,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,self-employed,divorced,university.degree,no,yes,yes,telephone,may,thu,1026,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,admin.,single,university.degree,no,no,yes,telephone,may,thu,364,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,basic.4y,no,yes,no,telephone,may,thu,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,services,divorced,professional.course,unknown,yes,no,telephone,may,thu,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,unemployed,divorced,professional.course,no,yes,no,telephone,may,thu,617,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,admin.,married,university.degree,no,no,no,telephone,may,thu,99,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,services,divorced,basic.4y,unknown,yes,yes,telephone,may,thu,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,married,university.degree,no,no,no,telephone,may,thu,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,thu,277,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,entrepreneur,married,basic.9y,no,no,no,telephone,may,thu,200,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,105,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,admin.,married,high.school,no,yes,no,telephone,may,thu,431,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,technician,married,professional.course,no,no,no,telephone,may,thu,417,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,480,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,single,basic.4y,unknown,yes,yes,telephone,may,thu,331,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,services,married,high.school,no,no,no,telephone,may,thu,359,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,technician,single,basic.6y,no,unknown,unknown,telephone,may,thu,332,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,technician,married,university.degree,unknown,no,no,telephone,may,thu,215,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,admin.,married,university.degree,no,yes,yes,telephone,may,thu,535,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,entrepreneur,married,university.degree,unknown,no,no,telephone,may,thu,147,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,13,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,services,single,high.school,no,no,no,telephone,may,thu,689,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,242,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,housemaid,married,university.degree,no,no,no,telephone,may,thu,665,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +47,services,divorced,high.school,no,yes,no,telephone,may,thu,97,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,services,married,high.school,unknown,yes,no,telephone,may,thu,166,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,admin.,married,basic.9y,no,no,no,telephone,may,thu,207,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,services,married,high.school,unknown,no,no,telephone,may,thu,376,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,housemaid,married,high.school,no,no,no,telephone,may,thu,480,10,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +60,admin.,single,high.school,no,yes,no,telephone,may,thu,609,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,self-employed,married,university.degree,no,no,no,telephone,may,thu,116,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,management,married,professional.course,unknown,no,no,telephone,may,thu,484,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,retired,married,basic.9y,no,yes,no,telephone,may,thu,217,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,married,basic.9y,no,no,no,telephone,may,thu,112,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,726,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,services,single,high.school,unknown,yes,no,telephone,may,thu,148,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,admin.,single,high.school,no,yes,no,telephone,may,thu,1047,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +38,blue-collar,divorced,unknown,no,no,no,telephone,may,thu,362,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,married,university.degree,no,yes,no,telephone,may,thu,1059,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +37,technician,single,high.school,unknown,yes,no,telephone,may,thu,54,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,married,university.degree,no,no,yes,telephone,may,thu,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,entrepreneur,married,university.degree,unknown,yes,yes,telephone,may,thu,253,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,services,married,unknown,no,no,no,telephone,may,thu,114,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,services,divorced,basic.9y,no,yes,yes,telephone,may,thu,293,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,blue-collar,married,unknown,unknown,no,no,telephone,may,thu,246,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,self-employed,married,basic.6y,no,yes,yes,telephone,may,thu,195,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,unknown,unknown,university.degree,no,yes,yes,telephone,may,thu,221,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,technician,married,professional.course,no,yes,no,telephone,may,thu,166,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,single,university.degree,unknown,no,yes,telephone,may,thu,385,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,entrepreneur,married,basic.9y,no,no,no,telephone,may,thu,85,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,173,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,technician,divorced,basic.9y,no,no,yes,telephone,may,thu,48,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,management,married,university.degree,no,yes,no,telephone,may,thu,410,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,management,married,university.degree,unknown,yes,no,telephone,may,thu,311,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,40,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,management,divorced,university.degree,no,yes,no,telephone,may,thu,81,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,married,university.degree,no,no,no,telephone,may,thu,558,13,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,technician,married,university.degree,unknown,no,no,telephone,may,thu,109,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,retired,divorced,basic.4y,no,yes,no,telephone,may,thu,77,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +24,services,single,high.school,no,yes,no,telephone,may,thu,70,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,self-employed,divorced,university.degree,no,yes,no,telephone,may,thu,229,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,housemaid,married,professional.course,no,no,no,telephone,may,thu,565,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,divorced,unknown,unknown,no,yes,telephone,may,thu,145,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,single,university.degree,no,no,no,telephone,may,thu,792,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +31,admin.,married,high.school,unknown,yes,no,telephone,may,thu,199,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,management,married,university.degree,unknown,yes,no,telephone,may,thu,488,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,services,married,basic.6y,no,yes,no,telephone,may,thu,176,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,housemaid,divorced,basic.4y,unknown,yes,yes,telephone,may,thu,123,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,blue-collar,married,basic.6y,unknown,yes,yes,telephone,may,thu,88,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,technician,married,professional.course,unknown,yes,no,telephone,may,thu,768,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,blue-collar,single,professional.course,no,yes,no,telephone,may,thu,105,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,101,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,retired,married,basic.4y,no,no,no,telephone,may,thu,225,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,admin.,single,unknown,unknown,yes,no,telephone,may,thu,122,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,may,thu,52,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,self-employed,single,university.degree,unknown,yes,no,telephone,may,thu,150,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,technician,married,university.degree,unknown,yes,no,telephone,may,thu,399,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,58,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,married,high.school,no,no,no,telephone,may,thu,260,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,thu,199,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,unknown,married,basic.9y,no,no,no,telephone,may,thu,241,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,399,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,management,married,basic.4y,no,yes,no,telephone,may,thu,637,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,self-employed,married,basic.4y,no,no,no,telephone,may,thu,107,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,admin.,single,university.degree,no,yes,no,telephone,may,thu,68,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,admin.,single,university.degree,unknown,yes,no,telephone,may,thu,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,housemaid,single,basic.9y,no,no,no,telephone,may,thu,553,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,310,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,admin.,single,university.degree,no,yes,no,telephone,may,thu,206,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,119,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,admin.,married,high.school,no,yes,no,telephone,may,thu,764,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,admin.,married,basic.6y,unknown,no,yes,telephone,may,thu,29,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,services,married,basic.4y,no,no,no,telephone,may,thu,126,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,admin.,married,university.degree,no,yes,no,telephone,may,thu,251,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,self-employed,married,university.degree,no,no,yes,telephone,may,thu,188,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,unemployed,married,professional.course,no,no,no,telephone,may,thu,368,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,technician,married,professional.course,no,no,no,telephone,may,thu,414,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,128,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,services,single,high.school,no,yes,no,telephone,may,thu,685,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,self-employed,single,university.degree,unknown,yes,no,telephone,may,thu,512,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,services,single,high.school,unknown,yes,no,telephone,may,thu,102,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,admin.,married,basic.9y,no,yes,no,telephone,may,thu,1611,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,technician,single,university.degree,unknown,yes,no,telephone,may,thu,44,15,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,203,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,74,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,self-employed,married,university.degree,no,no,no,telephone,may,thu,118,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,single,unknown,no,no,no,telephone,may,thu,725,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,100,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,technician,married,professional.course,unknown,yes,no,telephone,may,thu,124,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,admin.,married,basic.9y,no,no,no,telephone,may,thu,752,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,self-employed,single,university.degree,no,no,no,telephone,may,thu,241,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,services,single,high.school,no,yes,no,telephone,may,thu,430,1,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,may,thu,219,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,self-employed,single,university.degree,no,yes,no,telephone,may,thu,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,technician,single,professional.course,no,yes,no,telephone,may,thu,294,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +44,blue-collar,divorced,basic.6y,unknown,yes,no,telephone,may,thu,318,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,student,single,basic.4y,unknown,yes,no,telephone,may,thu,1185,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,admin.,single,basic.9y,no,no,yes,telephone,may,thu,110,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,services,married,high.school,no,yes,no,telephone,may,thu,58,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,386,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,unemployed,married,high.school,unknown,no,no,telephone,may,thu,218,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,high.school,no,no,no,telephone,may,thu,191,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +43,technician,married,university.degree,unknown,no,no,telephone,may,thu,84,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,services,single,high.school,no,no,no,telephone,may,thu,130,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,services,married,high.school,unknown,no,no,telephone,may,thu,113,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,thu,744,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,admin.,married,high.school,no,yes,no,telephone,may,thu,76,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,entrepreneur,married,professional.course,unknown,yes,no,telephone,may,thu,187,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +57,self-employed,single,high.school,unknown,no,no,telephone,may,thu,587,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,technician,married,university.degree,no,yes,no,telephone,may,thu,336,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,management,married,university.degree,no,yes,no,telephone,may,thu,59,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,married,university.degree,no,yes,no,telephone,may,thu,72,12,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,technician,married,professional.course,no,no,no,telephone,may,thu,127,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,admin.,married,unknown,unknown,yes,no,telephone,may,thu,352,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,technician,married,high.school,no,yes,no,telephone,may,thu,347,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,286,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,668,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,admin.,married,university.degree,no,yes,yes,telephone,may,thu,29,9,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,211,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +25,services,single,unknown,no,yes,yes,telephone,may,thu,175,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,55,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +58,housemaid,married,basic.4y,unknown,no,no,telephone,may,thu,324,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,admin.,married,high.school,no,yes,no,telephone,may,thu,228,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,blue-collar,single,university.degree,no,yes,no,telephone,may,thu,128,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,student,single,high.school,unknown,yes,no,telephone,may,thu,38,9,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,technician,married,university.degree,no,no,no,telephone,may,thu,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,18,16,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,admin.,divorced,university.degree,no,yes,no,telephone,may,thu,147,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,admin.,single,university.degree,no,yes,no,telephone,may,thu,900,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +53,management,married,university.degree,unknown,unknown,unknown,telephone,may,thu,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,thu,56,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,39,22,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,144,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,unemployed,married,basic.4y,unknown,yes,no,telephone,may,thu,249,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,basic.6y,unknown,no,no,telephone,may,thu,286,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,blue-collar,married,basic.4y,no,yes,no,telephone,may,thu,384,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,183,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,technician,married,university.degree,no,yes,no,telephone,may,thu,240,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,married,university.degree,no,yes,yes,telephone,may,thu,238,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,may,thu,225,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +33,services,single,high.school,no,no,no,telephone,may,thu,194,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,admin.,married,university.degree,no,no,no,telephone,may,thu,273,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,431,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,retired,married,university.degree,unknown,yes,no,telephone,may,thu,720,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +42,admin.,single,university.degree,unknown,yes,no,telephone,may,thu,814,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +48,services,married,high.school,no,yes,no,telephone,may,thu,859,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,services,married,high.school,unknown,yes,yes,telephone,may,thu,184,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +56,management,divorced,basic.9y,unknown,yes,no,telephone,may,thu,313,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,technician,married,professional.course,unknown,no,no,telephone,may,thu,142,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +40,technician,married,basic.9y,unknown,no,yes,telephone,may,thu,171,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,technician,single,university.degree,no,yes,yes,telephone,may,thu,245,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +38,blue-collar,single,basic.6y,no,no,no,telephone,may,thu,238,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,blue-collar,married,professional.course,no,no,no,telephone,may,thu,53,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,management,married,basic.6y,no,yes,no,telephone,may,thu,364,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,admin.,married,basic.9y,unknown,no,yes,telephone,may,thu,191,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +46,self-employed,married,basic.4y,unknown,no,no,telephone,may,thu,35,24,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,blue-collar,married,university.degree,no,no,yes,telephone,may,thu,106,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +29,services,single,basic.4y,no,yes,no,telephone,may,thu,382,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,191,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +41,entrepreneur,married,basic.9y,no,yes,no,telephone,may,thu,483,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,253,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,admin.,divorced,university.degree,no,yes,yes,telephone,may,thu,328,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,admin.,married,university.degree,unknown,no,yes,telephone,may,thu,82,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +54,technician,divorced,university.degree,no,no,yes,telephone,may,thu,155,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,admin.,divorced,high.school,no,yes,no,telephone,may,thu,233,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +31,self-employed,married,university.degree,no,no,yes,telephone,may,thu,66,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,technician,single,university.degree,unknown,yes,no,telephone,may,thu,1109,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +58,retired,married,basic.9y,unknown,yes,no,telephone,may,thu,828,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,yes +55,admin.,married,high.school,no,no,yes,telephone,may,thu,134,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,blue-collar,single,basic.9y,unknown,no,no,telephone,may,thu,96,5,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,technician,married,university.degree,no,yes,no,telephone,may,thu,197,9,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,blue-collar,married,basic.9y,no,yes,yes,telephone,may,thu,645,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +39,blue-collar,married,basic.4y,no,yes,yes,telephone,may,thu,81,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,services,single,professional.course,no,no,no,telephone,may,thu,201,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,married,basic.6y,no,no,no,telephone,may,thu,248,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,services,married,high.school,unknown,no,no,telephone,may,thu,2260,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +52,retired,married,basic.9y,unknown,no,no,telephone,may,thu,91,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +51,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,thu,660,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +49,technician,married,basic.9y,no,yes,no,telephone,may,thu,182,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,management,married,basic.9y,no,no,no,telephone,may,thu,30,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,retired,married,basic.4y,no,no,no,telephone,may,thu,101,23,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +53,housemaid,single,basic.4y,unknown,no,no,telephone,may,thu,54,15,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,management,married,basic.4y,unknown,yes,no,telephone,may,thu,374,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +55,technician,divorced,university.degree,unknown,no,no,telephone,may,thu,216,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +34,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,76,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,services,married,high.school,unknown,yes,yes,telephone,may,thu,73,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,unknown,married,unknown,no,no,yes,telephone,may,thu,62,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +50,blue-collar,single,basic.4y,no,no,no,telephone,may,thu,152,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,services,married,high.school,no,no,no,telephone,may,thu,86,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +28,services,single,high.school,no,no,no,telephone,may,thu,95,6,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +36,entrepreneur,married,university.degree,no,yes,no,telephone,may,thu,23,15,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +37,housemaid,married,university.degree,unknown,yes,no,telephone,may,thu,25,11,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,services,single,high.school,no,yes,yes,telephone,may,thu,151,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +26,technician,single,professional.course,no,no,no,telephone,may,thu,95,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,services,married,high.school,no,yes,no,telephone,may,thu,52,8,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +32,blue-collar,married,basic.6y,no,yes,no,telephone,may,thu,52,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,admin.,single,university.degree,no,yes,yes,telephone,may,thu,421,3,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,thu,322,11,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +30,services,single,high.school,no,yes,no,telephone,may,thu,52,4,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +27,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,340,7,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +48,admin.,divorced,high.school,no,yes,no,telephone,may,thu,139,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +59,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,763,2,999,0,nonexistent,1.1,93.994,-36.4,4.86,5191.0,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,288,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,single,university.degree,no,yes,yes,telephone,may,fri,231,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,120,17,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,blue-collar,married,high.school,unknown,yes,no,telephone,may,fri,203,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,blue-collar,married,basic.9y,no,no,yes,telephone,may,fri,67,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,blue-collar,married,unknown,unknown,unknown,unknown,telephone,may,fri,311,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +57,technician,married,university.degree,no,no,no,telephone,may,fri,50,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,housemaid,single,basic.4y,no,yes,no,telephone,may,fri,86,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +25,blue-collar,single,high.school,no,yes,no,telephone,may,fri,139,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +54,self-employed,married,professional.course,unknown,no,no,telephone,may,fri,235,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,management,married,basic.9y,no,no,no,telephone,may,fri,43,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,entrepreneur,married,basic.4y,no,yes,no,telephone,may,fri,233,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,blue-collar,married,high.school,no,yes,no,telephone,may,fri,230,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,services,married,professional.course,no,no,no,telephone,may,fri,177,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,services,married,professional.course,no,yes,no,telephone,may,fri,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +58,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,fri,422,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,management,single,high.school,no,yes,no,telephone,may,fri,324,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,287,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,blue-collar,single,basic.9y,no,yes,yes,telephone,may,fri,58,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +58,services,married,basic.4y,no,no,no,telephone,may,fri,226,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,admin.,single,basic.9y,unknown,no,no,telephone,may,fri,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,self-employed,married,university.degree,no,no,no,telephone,may,fri,151,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,technician,single,university.degree,no,yes,no,telephone,may,fri,57,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,admin.,single,university.degree,unknown,no,no,telephone,may,fri,31,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,118,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,services,married,high.school,no,yes,no,telephone,may,fri,133,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,technician,single,university.degree,no,no,no,telephone,may,fri,62,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,blue-collar,single,basic.9y,unknown,no,no,telephone,may,fri,45,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +51,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,91,9,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,admin.,married,high.school,no,no,no,telephone,may,fri,172,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,admin.,married,high.school,no,yes,yes,telephone,may,fri,498,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,85,7,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,admin.,married,university.degree,no,yes,no,telephone,may,fri,224,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,housemaid,divorced,high.school,no,no,no,telephone,may,fri,553,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +30,admin.,married,university.degree,no,yes,no,telephone,may,fri,242,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,divorced,basic.9y,no,no,yes,telephone,may,fri,192,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +45,technician,married,professional.course,unknown,no,no,telephone,may,fri,207,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,711,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,admin.,single,high.school,no,yes,no,telephone,may,fri,160,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,admin.,single,university.degree,no,no,no,telephone,may,fri,147,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,admin.,single,university.degree,no,yes,no,telephone,may,fri,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,admin.,married,high.school,no,no,no,telephone,may,fri,199,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,blue-collar,unknown,basic.6y,unknown,no,yes,telephone,may,fri,34,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,65,7,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,entrepreneur,married,university.degree,no,yes,no,telephone,may,fri,150,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,blue-collar,married,basic.9y,no,yes,yes,telephone,may,fri,57,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,admin.,single,university.degree,no,no,no,telephone,may,fri,234,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,521,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,admin.,married,university.degree,no,yes,no,telephone,may,fri,555,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,admin.,married,university.degree,no,yes,no,telephone,may,fri,86,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,204,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,housemaid,married,high.school,no,no,no,telephone,may,fri,222,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,admin.,single,high.school,no,no,no,telephone,may,fri,162,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,self-employed,married,basic.6y,no,no,no,telephone,may,fri,648,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,services,married,high.school,no,no,yes,telephone,may,fri,659,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +27,student,single,university.degree,unknown,no,no,telephone,may,fri,867,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,admin.,single,high.school,no,no,yes,telephone,may,fri,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,123,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +25,admin.,married,university.degree,no,no,no,telephone,may,fri,56,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,unemployed,married,unknown,no,yes,no,telephone,may,fri,54,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +50,admin.,married,university.degree,no,yes,no,telephone,may,fri,152,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +25,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,25,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,admin.,married,high.school,unknown,no,no,telephone,may,fri,120,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,self-employed,divorced,university.degree,no,yes,no,telephone,may,fri,491,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,entrepreneur,married,university.degree,unknown,no,no,telephone,may,fri,379,17,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,343,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,unemployed,single,high.school,unknown,yes,yes,telephone,may,fri,289,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +50,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,574,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +51,services,married,high.school,unknown,yes,no,telephone,may,fri,85,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +55,unknown,married,unknown,unknown,no,no,telephone,may,fri,319,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,services,married,high.school,no,yes,yes,telephone,may,fri,108,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,services,married,high.school,no,no,yes,telephone,may,fri,762,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +52,blue-collar,single,unknown,unknown,no,no,telephone,may,fri,80,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +55,unknown,married,unknown,unknown,yes,no,telephone,may,fri,449,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,admin.,single,university.degree,no,yes,no,telephone,may,fri,198,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,self-employed,married,university.degree,no,yes,no,telephone,may,fri,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,services,married,high.school,no,yes,no,telephone,may,fri,69,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,admin.,divorced,university.degree,unknown,yes,no,telephone,may,fri,55,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,290,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +26,technician,married,basic.6y,no,yes,no,telephone,may,fri,138,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,services,married,unknown,no,no,yes,telephone,may,fri,135,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,entrepreneur,married,basic.9y,unknown,yes,no,telephone,may,fri,70,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +58,housemaid,married,basic.4y,unknown,yes,no,telephone,may,fri,652,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,self-employed,married,basic.9y,no,no,no,telephone,may,fri,327,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,housemaid,married,basic.4y,unknown,no,no,telephone,may,fri,246,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,technician,single,university.degree,no,yes,no,telephone,may,fri,295,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,technician,single,university.degree,no,no,no,telephone,may,fri,255,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,services,single,high.school,no,yes,no,telephone,may,fri,523,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,blue-collar,single,basic.4y,unknown,no,no,telephone,may,fri,130,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,services,married,high.school,no,no,no,telephone,may,fri,103,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,services,married,high.school,unknown,no,no,telephone,may,fri,205,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,technician,married,professional.course,unknown,unknown,unknown,telephone,may,fri,92,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,blue-collar,married,high.school,no,yes,no,telephone,may,fri,107,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,admin.,married,university.degree,no,no,no,telephone,may,fri,864,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +25,technician,single,professional.course,no,yes,no,telephone,may,fri,65,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,admin.,divorced,high.school,no,no,no,telephone,may,fri,556,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +25,student,single,high.school,no,no,no,telephone,may,fri,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,technician,married,professional.course,no,no,no,telephone,may,fri,180,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,admin.,married,university.degree,no,no,no,telephone,may,fri,87,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,management,divorced,basic.9y,unknown,no,no,telephone,may,fri,70,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,technician,married,professional.course,no,yes,no,telephone,may,fri,435,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,admin.,divorced,high.school,no,no,no,telephone,may,fri,132,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,admin.,married,high.school,no,no,no,telephone,may,fri,312,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,admin.,married,high.school,no,no,no,telephone,may,fri,283,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,admin.,married,university.degree,no,yes,yes,telephone,may,fri,182,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,blue-collar,single,unknown,unknown,no,no,telephone,may,fri,379,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,management,married,basic.9y,unknown,no,no,telephone,may,fri,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,management,single,unknown,no,no,no,telephone,may,fri,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,housemaid,married,basic.4y,no,no,no,telephone,may,fri,91,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +45,blue-collar,divorced,basic.9y,no,unknown,unknown,telephone,may,fri,78,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,technician,married,university.degree,no,no,no,telephone,may,fri,417,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,may,fri,618,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +39,technician,married,university.degree,unknown,yes,no,telephone,may,fri,407,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,technician,single,university.degree,no,yes,no,telephone,may,fri,160,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +45,blue-collar,divorced,basic.9y,no,no,no,telephone,may,fri,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,technician,married,professional.course,no,no,no,telephone,may,fri,210,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,housemaid,married,high.school,no,yes,yes,telephone,may,fri,135,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,fri,461,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +25,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,763,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +27,admin.,single,high.school,unknown,no,no,telephone,may,fri,682,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +40,admin.,married,high.school,no,no,no,telephone,may,fri,171,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,housemaid,married,basic.4y,no,no,no,telephone,may,fri,68,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,services,single,professional.course,no,yes,no,telephone,may,fri,120,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,blue-collar,single,unknown,unknown,no,no,telephone,may,fri,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,admin.,married,high.school,no,no,no,telephone,may,fri,381,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,blue-collar,married,professional.course,no,no,no,telephone,may,fri,278,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,fri,126,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,149,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +56,technician,married,basic.4y,unknown,no,no,telephone,may,fri,95,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,197,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,38,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,management,divorced,university.degree,unknown,yes,yes,telephone,may,fri,201,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,176,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,admin.,married,high.school,no,yes,no,telephone,may,fri,61,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,unemployed,divorced,high.school,no,no,no,telephone,may,fri,275,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,201,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,admin.,married,university.degree,no,no,no,telephone,may,fri,724,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,143,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,admin.,married,university.degree,no,no,no,telephone,may,fri,197,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,admin.,single,high.school,no,no,yes,telephone,may,fri,143,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,153,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,technician,married,professional.course,no,no,no,telephone,may,fri,197,12,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,services,single,unknown,no,yes,no,telephone,may,fri,536,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,blue-collar,married,professional.course,no,no,no,telephone,may,fri,120,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,604,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +41,admin.,married,university.degree,no,no,no,telephone,may,fri,254,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,blue-collar,single,basic.9y,unknown,no,no,telephone,may,fri,121,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +60,admin.,married,high.school,no,yes,no,telephone,may,fri,118,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +24,technician,single,professional.course,unknown,yes,yes,telephone,may,fri,447,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,services,married,high.school,unknown,unknown,unknown,telephone,may,fri,854,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,151,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,services,married,high.school,no,yes,yes,telephone,may,fri,114,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +50,technician,married,professional.course,no,yes,no,telephone,may,fri,855,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +30,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,115,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,services,married,high.school,no,no,no,telephone,may,fri,274,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,married,unknown,no,no,no,telephone,may,fri,100,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +27,services,single,high.school,no,no,no,telephone,may,fri,156,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +53,technician,married,professional.course,unknown,yes,no,telephone,may,fri,153,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +53,technician,married,professional.course,unknown,yes,no,telephone,may,fri,264,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +57,services,divorced,high.school,no,no,no,telephone,may,fri,251,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,services,married,high.school,no,no,no,telephone,may,fri,1269,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +25,admin.,single,unknown,no,no,no,telephone,may,fri,48,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,technician,married,professional.course,unknown,no,no,telephone,may,fri,119,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,admin.,single,university.degree,no,no,no,telephone,may,fri,104,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,technician,single,professional.course,no,yes,no,telephone,may,fri,65,13,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,technician,married,high.school,no,no,no,telephone,may,fri,75,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,fri,157,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,fri,565,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,admin.,married,university.degree,no,no,no,telephone,may,fri,165,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,unemployed,divorced,basic.9y,no,no,no,telephone,may,fri,314,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,admin.,divorced,high.school,no,yes,no,telephone,may,fri,109,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,blue-collar,single,basic.9y,no,yes,no,telephone,may,fri,219,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +25,admin.,single,unknown,no,no,no,telephone,may,fri,60,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +24,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,385,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,admin.,married,unknown,no,yes,no,telephone,may,fri,96,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,admin.,married,high.school,no,no,no,telephone,may,fri,868,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +60,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,161,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,technician,married,professional.course,no,no,no,telephone,may,fri,448,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,admin.,married,unknown,no,unknown,unknown,telephone,may,fri,137,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,admin.,married,university.degree,unknown,yes,no,telephone,may,fri,155,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +45,unknown,married,unknown,no,no,no,telephone,may,fri,633,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +55,technician,married,university.degree,no,no,no,telephone,may,fri,58,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,127,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,admin.,divorced,high.school,unknown,no,no,telephone,may,fri,99,8,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,technician,married,university.degree,no,yes,no,telephone,may,fri,170,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,admin.,married,university.degree,no,no,no,telephone,may,fri,208,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,blue-collar,married,unknown,unknown,yes,yes,telephone,may,fri,129,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,management,married,basic.9y,no,no,no,telephone,may,fri,134,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,admin.,married,university.degree,no,no,no,telephone,may,fri,129,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,technician,single,high.school,no,no,no,telephone,may,fri,184,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +53,self-employed,married,university.degree,no,no,no,telephone,may,fri,371,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +54,services,married,unknown,no,no,no,telephone,may,fri,270,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,services,single,high.school,no,no,no,telephone,may,fri,145,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,technician,married,high.school,no,yes,no,telephone,may,fri,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,unemployed,married,basic.9y,no,no,no,telephone,may,fri,363,8,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,blue-collar,married,unknown,no,yes,no,telephone,may,fri,63,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +59,entrepreneur,divorced,high.school,no,no,no,telephone,may,fri,143,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,blue-collar,single,basic.6y,no,yes,no,telephone,may,fri,56,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,fri,226,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,blue-collar,married,basic.4y,unknown,yes,yes,telephone,may,fri,35,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,blue-collar,married,basic.9y,no,no,yes,telephone,may,fri,298,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,self-employed,married,unknown,unknown,yes,no,telephone,may,fri,158,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,admin.,single,university.degree,no,no,no,telephone,may,fri,47,8,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,self-employed,single,basic.9y,no,yes,yes,telephone,may,fri,827,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,fri,83,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,admin.,single,university.degree,no,no,yes,telephone,may,fri,570,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,admin.,married,professional.course,unknown,yes,no,telephone,may,fri,72,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +23,services,single,high.school,no,no,no,telephone,may,fri,557,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,technician,married,professional.course,no,no,no,telephone,may,fri,59,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +54,admin.,married,basic.4y,unknown,unknown,unknown,telephone,may,fri,296,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,admin.,married,university.degree,unknown,no,no,telephone,may,fri,38,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,admin.,married,high.school,no,no,no,telephone,may,fri,170,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,admin.,married,high.school,no,yes,no,telephone,may,fri,422,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +53,admin.,single,university.degree,unknown,unknown,unknown,telephone,may,fri,230,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +54,housemaid,divorced,basic.4y,unknown,yes,no,telephone,may,fri,141,9,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,services,single,high.school,no,no,no,telephone,may,fri,76,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,entrepreneur,married,university.degree,no,yes,no,telephone,may,fri,691,10,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +30,admin.,married,university.degree,no,yes,no,telephone,may,fri,238,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,1097,15,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +33,services,single,high.school,no,yes,no,telephone,may,fri,111,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,admin.,married,high.school,no,no,yes,telephone,may,fri,84,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,fri,371,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,admin.,married,university.degree,no,yes,no,telephone,may,fri,103,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,206,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,1500,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +30,services,married,high.school,no,yes,no,telephone,may,fri,265,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +55,blue-collar,married,basic.6y,unknown,no,no,telephone,may,fri,567,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,254,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +59,technician,married,unknown,no,no,no,telephone,may,fri,464,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,blue-collar,married,high.school,no,no,no,telephone,may,fri,1236,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +33,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,33,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,technician,single,professional.course,unknown,yes,no,telephone,may,fri,613,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +25,blue-collar,single,high.school,no,no,no,telephone,may,fri,1212,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,admin.,single,university.degree,unknown,no,no,telephone,may,fri,96,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,self-employed,married,high.school,unknown,yes,no,telephone,may,fri,171,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,technician,married,professional.course,unknown,yes,no,telephone,may,fri,53,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,blue-collar,single,basic.9y,unknown,no,no,telephone,may,fri,91,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,technician,married,professional.course,unknown,yes,no,telephone,may,fri,185,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,technician,divorced,professional.course,no,yes,no,telephone,may,fri,201,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,technician,single,university.degree,unknown,no,yes,telephone,may,fri,169,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,admin.,married,high.school,no,no,no,telephone,may,fri,515,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,technician,married,professional.course,unknown,yes,no,telephone,may,fri,388,7,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +53,housemaid,divorced,basic.4y,no,yes,no,telephone,may,fri,422,9,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,services,married,high.school,no,no,no,telephone,may,fri,76,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,technician,married,professional.course,no,no,no,telephone,may,fri,886,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +51,retired,divorced,basic.9y,no,no,no,telephone,may,fri,296,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,technician,unknown,professional.course,unknown,yes,no,telephone,may,fri,378,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,technician,single,professional.course,no,unknown,unknown,telephone,may,fri,136,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,services,married,basic.4y,no,no,no,telephone,may,fri,58,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,admin.,married,university.degree,no,no,no,telephone,may,fri,60,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +56,blue-collar,married,professional.course,no,unknown,unknown,telephone,may,fri,340,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,522,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,management,married,basic.9y,no,yes,no,telephone,may,fri,159,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +25,admin.,single,high.school,no,no,no,telephone,may,fri,113,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,services,single,high.school,no,yes,no,telephone,may,fri,123,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,306,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,admin.,married,professional.course,no,no,yes,telephone,may,fri,148,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,technician,married,professional.course,no,yes,no,telephone,may,fri,322,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +59,retired,single,high.school,no,no,no,telephone,may,fri,475,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,admin.,divorced,high.school,no,yes,no,telephone,may,fri,224,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,blue-collar,married,basic.6y,no,no,no,telephone,may,fri,88,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,entrepreneur,married,unknown,unknown,no,no,telephone,may,fri,509,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,blue-collar,divorced,high.school,no,no,no,telephone,may,fri,152,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,unknown,married,unknown,unknown,no,no,telephone,may,fri,147,1,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,management,married,university.degree,no,yes,no,telephone,may,fri,97,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,fri,113,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,admin.,married,basic.9y,no,yes,no,telephone,may,fri,465,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,admin.,married,university.degree,no,no,no,telephone,may,fri,294,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,admin.,divorced,university.degree,no,yes,no,telephone,may,fri,224,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,services,married,high.school,unknown,yes,no,telephone,may,fri,58,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,services,married,unknown,no,yes,no,telephone,may,fri,137,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,entrepreneur,married,university.degree,no,yes,no,telephone,may,fri,142,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,blue-collar,single,basic.9y,unknown,no,no,telephone,may,fri,312,7,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,admin.,married,professional.course,unknown,yes,no,telephone,may,fri,34,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,services,divorced,basic.6y,no,no,no,telephone,may,fri,825,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,116,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,self-employed,married,basic.9y,no,yes,no,telephone,may,fri,103,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,management,married,unknown,no,no,no,telephone,may,fri,38,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +53,admin.,married,basic.9y,unknown,yes,no,telephone,may,fri,168,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,31,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,management,married,university.degree,no,no,no,telephone,may,fri,66,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,512,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,188,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,technician,single,university.degree,no,unknown,unknown,telephone,may,fri,214,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,entrepreneur,married,university.degree,unknown,yes,yes,telephone,may,fri,65,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,admin.,married,high.school,no,no,no,telephone,may,fri,80,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,1980,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +36,services,married,high.school,unknown,no,no,telephone,may,fri,358,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +54,management,married,basic.9y,no,yes,no,telephone,may,fri,398,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,blue-collar,married,high.school,no,yes,yes,telephone,may,fri,62,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,technician,married,professional.course,no,no,no,telephone,may,fri,265,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,self-employed,married,university.degree,unknown,no,no,telephone,may,fri,618,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,management,single,professional.course,no,yes,no,telephone,may,fri,256,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,technician,single,unknown,no,yes,no,telephone,may,fri,722,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +39,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,199,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,services,married,high.school,no,no,no,telephone,may,fri,510,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,admin.,single,university.degree,no,yes,no,telephone,may,fri,355,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,technician,married,basic.9y,no,no,no,telephone,may,fri,150,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,159,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,management,single,university.degree,no,no,no,telephone,may,fri,170,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,housemaid,divorced,basic.6y,no,no,no,telephone,may,fri,243,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,self-employed,single,university.degree,unknown,yes,yes,telephone,may,fri,140,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,267,14,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,blue-collar,married,unknown,unknown,yes,no,telephone,may,fri,219,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +54,blue-collar,married,unknown,unknown,no,no,telephone,may,fri,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,technician,unknown,professional.course,unknown,no,no,telephone,may,fri,112,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,admin.,married,university.degree,unknown,no,no,telephone,may,fri,216,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +59,blue-collar,divorced,basic.4y,no,no,no,telephone,may,fri,167,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,technician,divorced,professional.course,no,yes,yes,telephone,may,fri,78,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,222,9,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,technician,single,professional.course,no,no,no,telephone,may,fri,363,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,services,married,basic.9y,no,yes,no,telephone,may,fri,109,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,services,single,high.school,no,no,no,telephone,may,fri,67,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +55,technician,married,university.degree,no,no,no,telephone,may,fri,41,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,technician,divorced,high.school,no,no,no,telephone,may,fri,156,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,108,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +27,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,408,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,married,high.school,no,yes,yes,telephone,may,fri,272,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +59,technician,married,basic.9y,no,no,no,telephone,may,fri,135,9,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,technician,married,basic.6y,no,no,no,telephone,may,fri,107,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,self-employed,single,basic.4y,no,yes,no,telephone,may,fri,742,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,fri,166,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,fri,376,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +56,admin.,married,high.school,no,yes,no,telephone,may,fri,138,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,blue-collar,single,basic.9y,unknown,no,no,telephone,may,fri,16,18,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,services,married,high.school,no,no,no,telephone,may,fri,984,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +44,technician,married,high.school,no,yes,no,telephone,may,fri,363,7,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,management,married,university.degree,no,yes,no,telephone,may,fri,339,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +29,housemaid,married,high.school,no,no,no,telephone,may,fri,161,12,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,admin.,single,university.degree,no,yes,no,telephone,may,fri,28,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +49,management,divorced,university.degree,no,no,no,telephone,may,fri,170,7,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,admin.,single,high.school,no,yes,no,telephone,may,fri,66,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,housemaid,married,university.degree,unknown,no,no,telephone,may,fri,199,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +27,services,single,high.school,no,yes,no,telephone,may,fri,274,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +45,services,divorced,high.school,no,no,no,telephone,may,fri,136,8,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,housemaid,single,university.degree,no,no,no,telephone,may,fri,62,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,technician,single,university.degree,no,no,no,telephone,may,fri,58,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +45,unknown,single,basic.4y,no,yes,no,telephone,may,fri,189,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,self-employed,married,basic.9y,no,yes,yes,telephone,may,fri,135,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,319,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,admin.,married,high.school,no,yes,no,telephone,may,fri,352,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +27,technician,single,professional.course,no,no,no,telephone,may,fri,230,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +22,blue-collar,single,basic.6y,unknown,no,no,telephone,may,fri,178,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,42,11,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +54,technician,married,professional.course,no,no,no,telephone,may,fri,171,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +51,admin.,married,university.degree,unknown,yes,no,telephone,may,fri,119,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +50,admin.,married,basic.6y,no,no,no,telephone,may,fri,66,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,admin.,married,high.school,no,no,no,telephone,may,fri,130,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,entrepreneur,married,basic.9y,no,yes,yes,telephone,may,fri,390,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,management,single,university.degree,no,no,no,telephone,may,fri,101,16,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +51,admin.,married,professional.course,no,yes,no,telephone,may,fri,78,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,admin.,single,high.school,no,yes,no,telephone,may,fri,100,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,self-employed,divorced,basic.4y,no,no,no,telephone,may,fri,212,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,blue-collar,divorced,basic.4y,no,no,no,telephone,may,fri,181,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,blue-collar,single,basic.6y,no,yes,no,telephone,may,fri,72,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +23,admin.,married,high.school,no,yes,no,telephone,may,fri,390,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,services,married,high.school,no,no,no,telephone,may,fri,324,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,admin.,single,university.degree,no,yes,yes,telephone,may,fri,163,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,services,married,high.school,no,no,no,telephone,may,fri,110,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +57,retired,married,high.school,unknown,no,no,telephone,may,fri,72,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,blue-collar,married,unknown,no,no,no,telephone,may,fri,85,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +52,unknown,married,basic.6y,no,no,no,telephone,may,fri,54,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +27,admin.,married,basic.9y,no,yes,no,telephone,may,fri,231,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,self-employed,married,high.school,no,no,no,telephone,may,fri,833,8,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,technician,married,professional.course,no,no,no,telephone,may,fri,124,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,technician,divorced,professional.course,no,no,no,telephone,may,fri,57,10,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,blue-collar,married,basic.6y,no,yes,no,telephone,may,fri,115,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,self-employed,married,professional.course,unknown,yes,no,telephone,may,fri,78,13,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,admin.,married,high.school,no,yes,no,telephone,may,fri,43,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,entrepreneur,married,high.school,no,no,yes,telephone,may,fri,229,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +50,blue-collar,married,unknown,unknown,yes,no,telephone,may,fri,81,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +53,services,married,basic.4y,no,no,no,telephone,may,fri,86,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,blue-collar,single,unknown,no,yes,no,telephone,may,fri,273,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,admin.,married,high.school,no,no,yes,telephone,may,fri,30,18,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +57,services,divorced,high.school,no,yes,no,telephone,may,fri,288,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,services,married,high.school,unknown,yes,no,telephone,may,fri,247,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,admin.,married,university.degree,no,no,no,telephone,may,fri,85,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,admin.,married,university.degree,no,no,no,telephone,may,fri,76,9,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,admin.,married,basic.6y,unknown,yes,no,telephone,may,fri,85,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,management,married,university.degree,no,yes,no,telephone,may,fri,170,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,fri,428,7,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,admin.,married,university.degree,no,no,no,telephone,may,fri,370,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,137,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,services,married,high.school,unknown,no,no,telephone,may,fri,293,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +57,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,153,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +45,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,fri,281,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,technician,divorced,university.degree,no,yes,no,telephone,may,fri,46,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,admin.,single,high.school,no,yes,no,telephone,may,fri,26,25,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,technician,married,university.degree,no,yes,no,telephone,may,fri,104,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,housemaid,married,high.school,no,yes,yes,telephone,may,fri,205,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +32,admin.,single,high.school,no,yes,no,telephone,may,fri,891,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +41,technician,married,professional.course,no,no,no,telephone,may,fri,34,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,745,12,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +34,entrepreneur,married,professional.course,no,yes,no,telephone,may,fri,292,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,technician,married,professional.course,no,no,no,telephone,may,fri,135,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,management,married,high.school,unknown,no,no,telephone,may,fri,45,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +43,services,married,high.school,unknown,yes,no,telephone,may,fri,99,6,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,blue-collar,single,basic.6y,unknown,no,no,telephone,may,fri,148,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,admin.,divorced,professional.course,no,yes,no,telephone,may,fri,539,12,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +38,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,84,9,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,unemployed,married,professional.course,no,yes,no,telephone,may,fri,3631,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +55,blue-collar,married,basic.4y,no,no,no,telephone,may,fri,435,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,29,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,self-employed,single,university.degree,no,no,no,telephone,may,fri,510,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,services,single,basic.9y,no,no,no,telephone,may,fri,1044,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,yes +57,management,married,university.degree,unknown,no,yes,telephone,may,fri,59,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,entrepreneur,married,university.degree,unknown,yes,no,telephone,may,fri,96,8,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +38,technician,married,professional.course,no,yes,no,telephone,may,fri,122,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,admin.,married,high.school,unknown,no,yes,telephone,may,fri,84,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +60,unknown,single,unknown,unknown,no,no,telephone,may,fri,33,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +50,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,43,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +44,admin.,married,high.school,no,yes,no,telephone,may,fri,223,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,services,married,high.school,no,yes,no,telephone,may,fri,288,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +34,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,fri,306,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,technician,married,basic.9y,unknown,no,no,telephone,may,fri,81,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,admin.,married,high.school,no,yes,no,telephone,may,fri,53,7,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +51,blue-collar,married,unknown,unknown,yes,no,telephone,may,fri,436,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +37,unemployed,married,professional.course,no,no,no,telephone,may,fri,41,8,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +30,services,married,high.school,no,no,no,telephone,may,fri,147,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +56,housemaid,married,basic.4y,no,yes,no,telephone,may,fri,81,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,232,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +39,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,fri,97,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,self-employed,married,basic.4y,unknown,yes,no,telephone,may,fri,82,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +36,housemaid,married,basic.6y,no,yes,no,telephone,may,fri,60,16,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +40,services,married,high.school,no,yes,yes,telephone,may,fri,141,9,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +41,self-employed,married,high.school,no,yes,no,telephone,may,fri,206,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +42,unemployed,married,basic.4y,no,yes,no,telephone,may,fri,170,19,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +47,management,married,basic.4y,unknown,no,yes,telephone,may,fri,251,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +51,admin.,married,basic.9y,no,no,no,telephone,may,fri,25,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,technician,married,professional.course,no,no,no,telephone,may,fri,120,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +35,admin.,single,university.degree,no,no,no,telephone,may,fri,123,4,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +48,unemployed,married,basic.6y,no,no,yes,telephone,may,fri,58,3,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +46,blue-collar,married,basic.4y,unknown,no,yes,telephone,may,fri,28,8,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +24,entrepreneur,married,university.degree,unknown,no,no,telephone,may,fri,1193,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +27,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,fri,127,5,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +33,technician,married,professional.course,no,no,no,telephone,may,fri,395,2,999,0,nonexistent,1.1,93.994,-36.4,4.864,5191.0,no +26,management,single,university.degree,no,no,no,telephone,jun,mon,72,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,technician,married,professional.course,unknown,no,no,telephone,jun,mon,119,9,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,admin.,married,university.degree,no,no,no,telephone,jun,mon,100,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,technician,married,basic.9y,no,no,no,telephone,jun,mon,80,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,132,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,mon,140,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,admin.,married,university.degree,no,no,no,telephone,jun,mon,130,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +53,housemaid,married,professional.course,unknown,yes,no,telephone,jun,mon,251,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,services,married,basic.9y,no,no,no,telephone,jun,mon,71,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +54,technician,married,professional.course,unknown,yes,no,telephone,jun,mon,52,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,unemployed,married,university.degree,no,yes,no,telephone,jun,mon,108,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,technician,married,professional.course,no,yes,no,telephone,jun,mon,150,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,services,married,high.school,unknown,yes,no,telephone,jun,mon,25,7,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +58,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,90,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,technician,single,professional.course,unknown,unknown,unknown,telephone,jun,mon,51,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +29,services,divorced,high.school,no,no,yes,telephone,jun,mon,361,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +59,retired,married,unknown,no,no,yes,telephone,jun,mon,88,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,self-employed,divorced,university.degree,no,yes,yes,telephone,jun,mon,372,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,services,married,high.school,no,no,no,telephone,jun,mon,360,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +46,technician,married,professional.course,no,no,yes,telephone,jun,mon,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +46,retired,married,basic.4y,no,yes,no,telephone,jun,mon,550,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,unknown,divorced,high.school,unknown,yes,no,telephone,jun,mon,133,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +57,blue-collar,divorced,unknown,unknown,no,no,telephone,jun,mon,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +25,admin.,single,high.school,no,no,no,telephone,jun,mon,175,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +49,management,married,university.degree,no,no,no,telephone,jun,mon,202,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,blue-collar,married,high.school,no,yes,yes,telephone,jun,mon,192,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +59,retired,married,university.degree,unknown,yes,no,telephone,jun,mon,484,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,technician,single,professional.course,no,unknown,unknown,telephone,jun,mon,230,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,entrepreneur,married,university.degree,no,yes,no,telephone,jun,mon,403,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,mon,178,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +46,admin.,married,university.degree,no,yes,no,telephone,jun,mon,502,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +47,self-employed,married,professional.course,no,yes,no,telephone,jun,mon,338,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +26,services,single,basic.9y,no,yes,no,telephone,jun,mon,205,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,technician,single,high.school,no,yes,no,telephone,jun,mon,92,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,blue-collar,married,unknown,unknown,no,no,telephone,jun,mon,268,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,technician,married,high.school,no,no,no,telephone,jun,mon,185,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,management,divorced,high.school,no,no,no,telephone,jun,mon,163,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,technician,married,basic.9y,unknown,no,no,telephone,jun,mon,362,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,admin.,single,university.degree,no,no,no,telephone,jun,mon,367,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +46,admin.,married,university.degree,unknown,no,no,telephone,jun,mon,230,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,technician,married,basic.4y,no,no,no,telephone,jun,mon,26,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,admin.,married,basic.9y,unknown,no,no,telephone,jun,mon,63,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,admin.,married,university.degree,no,no,no,telephone,jun,mon,493,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +54,services,divorced,high.school,no,no,no,telephone,jun,mon,113,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,entrepreneur,married,basic.4y,no,no,yes,telephone,jun,mon,215,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,unemployed,married,basic.6y,no,no,no,telephone,jun,mon,947,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +33,services,single,basic.6y,no,yes,no,telephone,jun,mon,177,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,self-employed,divorced,high.school,no,yes,no,telephone,jun,mon,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,admin.,single,university.degree,no,yes,yes,telephone,jun,mon,1075,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,technician,married,professional.course,unknown,no,no,telephone,jun,mon,21,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +43,unemployed,married,university.degree,unknown,no,no,telephone,jun,mon,114,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +60,management,married,university.degree,no,no,no,telephone,jun,mon,526,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +56,retired,divorced,basic.4y,no,no,no,telephone,jun,mon,163,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +46,entrepreneur,married,basic.9y,no,no,no,telephone,jun,mon,245,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,services,divorced,basic.9y,no,no,no,telephone,jun,mon,394,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +38,technician,single,university.degree,no,no,no,telephone,jun,mon,258,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +28,services,married,high.school,no,no,no,telephone,jun,mon,659,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +40,admin.,married,university.degree,unknown,yes,no,telephone,jun,mon,417,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,services,single,professional.course,unknown,yes,no,telephone,jun,mon,40,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,admin.,married,university.degree,unknown,yes,no,telephone,jun,mon,527,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,services,single,basic.4y,no,no,no,telephone,jun,mon,651,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +43,retired,married,basic.4y,unknown,yes,no,telephone,jun,mon,129,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +51,management,married,university.degree,no,yes,yes,telephone,jun,mon,409,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,blue-collar,married,high.school,no,no,no,telephone,jun,mon,283,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,admin.,divorced,university.degree,no,yes,no,telephone,jun,mon,144,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +25,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,97,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +50,services,divorced,basic.4y,unknown,yes,no,telephone,jun,mon,168,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,blue-collar,single,basic.4y,unknown,yes,no,telephone,jun,mon,101,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,technician,single,university.degree,no,no,yes,telephone,jun,mon,67,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,blue-collar,married,basic.6y,no,yes,yes,telephone,jun,mon,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,admin.,single,basic.4y,unknown,yes,no,telephone,jun,mon,143,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,entrepreneur,married,basic.9y,unknown,yes,no,telephone,jun,mon,70,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,blue-collar,married,basic.6y,no,yes,no,telephone,jun,mon,1036,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +42,blue-collar,married,basic.6y,no,no,no,telephone,jun,mon,384,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +43,blue-collar,divorced,unknown,no,yes,no,telephone,jun,mon,172,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,technician,married,professional.course,unknown,no,no,telephone,jun,mon,105,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +25,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,mon,60,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,blue-collar,married,professional.course,no,yes,no,telephone,jun,mon,26,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,self-employed,divorced,professional.course,unknown,yes,no,telephone,jun,mon,364,13,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,technician,single,professional.course,unknown,yes,yes,telephone,jun,mon,227,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,services,married,high.school,no,no,no,telephone,jun,mon,151,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +31,self-employed,married,university.degree,no,yes,yes,telephone,jun,mon,464,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,management,single,university.degree,no,yes,no,telephone,jun,mon,68,21,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,464,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,389,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,185,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,blue-collar,single,basic.9y,no,yes,no,telephone,jun,mon,128,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,services,married,high.school,no,no,no,telephone,jun,mon,88,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,blue-collar,married,unknown,unknown,no,no,telephone,jun,mon,136,7,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,mon,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +58,unemployed,married,basic.9y,no,no,no,telephone,jun,mon,266,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,466,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +58,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,mon,80,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,admin.,married,university.degree,no,yes,no,telephone,jun,mon,490,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,232,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,management,married,university.degree,no,unknown,unknown,telephone,jun,mon,61,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +49,admin.,divorced,high.school,no,yes,no,telephone,jun,mon,537,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,197,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +49,unemployed,divorced,professional.course,no,no,no,telephone,jun,mon,464,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,447,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,admin.,single,high.school,no,no,no,telephone,jun,mon,164,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,blue-collar,married,high.school,no,no,no,telephone,jun,mon,184,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,technician,single,professional.course,unknown,yes,no,telephone,jun,mon,127,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,373,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,technician,single,university.degree,no,yes,no,telephone,jun,mon,42,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,services,single,high.school,no,no,no,telephone,jun,mon,132,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,entrepreneur,divorced,university.degree,no,yes,yes,telephone,jun,mon,579,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,entrepreneur,married,university.degree,no,no,yes,telephone,jun,mon,180,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +51,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,159,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,entrepreneur,married,professional.course,unknown,no,no,telephone,jun,mon,66,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,blue-collar,married,professional.course,no,no,no,telephone,jun,mon,239,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,95,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,blue-collar,single,basic.4y,no,yes,yes,telephone,jun,mon,156,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,services,single,high.school,unknown,yes,no,telephone,jun,mon,89,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,self-employed,married,basic.4y,no,no,no,telephone,jun,mon,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,technician,married,basic.9y,no,no,no,telephone,jun,mon,59,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +29,technician,single,unknown,no,no,no,telephone,jun,mon,193,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,admin.,single,university.degree,no,unknown,unknown,telephone,jun,mon,215,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,services,single,high.school,unknown,yes,yes,telephone,jun,mon,563,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +41,services,divorced,high.school,no,yes,yes,telephone,jun,mon,273,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,self-employed,married,basic.4y,unknown,yes,yes,telephone,jun,mon,258,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +25,admin.,single,high.school,no,no,no,telephone,jun,mon,223,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,technician,married,basic.9y,no,no,no,telephone,jun,mon,76,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +24,services,single,high.school,no,yes,no,telephone,jun,mon,920,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,housemaid,married,basic.4y,no,no,no,telephone,jun,mon,152,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,jun,mon,130,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,blue-collar,married,basic.6y,unknown,yes,yes,telephone,jun,mon,21,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +26,admin.,married,high.school,unknown,no,no,telephone,jun,mon,118,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,technician,divorced,university.degree,no,yes,no,telephone,jun,mon,113,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,management,married,university.degree,no,no,no,telephone,jun,mon,369,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,entrepreneur,married,high.school,no,unknown,unknown,telephone,jun,mon,122,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +26,admin.,single,high.school,no,no,yes,telephone,jun,mon,445,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,technician,single,university.degree,unknown,no,no,telephone,jun,mon,47,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,housemaid,married,basic.6y,unknown,yes,no,telephone,jun,mon,425,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,admin.,married,high.school,no,no,no,telephone,jun,mon,142,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,admin.,married,professional.course,no,no,no,telephone,jun,mon,317,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +51,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,mon,184,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,blue-collar,married,professional.course,unknown,yes,yes,telephone,jun,mon,354,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,admin.,divorced,university.degree,no,yes,no,telephone,jun,mon,82,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,services,married,high.school,unknown,yes,no,telephone,jun,mon,105,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,management,divorced,university.degree,no,yes,yes,telephone,jun,mon,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,209,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +53,admin.,divorced,university.degree,unknown,no,no,telephone,jun,mon,53,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +57,housemaid,married,basic.4y,no,yes,no,telephone,jun,mon,210,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +53,services,married,high.school,unknown,yes,no,telephone,jun,mon,381,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +25,admin.,married,unknown,no,no,no,telephone,jun,mon,112,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +26,admin.,single,high.school,no,no,no,telephone,jun,mon,278,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +46,management,married,university.degree,unknown,no,no,telephone,jun,mon,183,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +58,retired,married,high.school,unknown,no,no,telephone,jun,mon,389,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +56,technician,married,university.degree,no,no,yes,telephone,jun,mon,69,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,technician,married,high.school,no,unknown,unknown,telephone,jun,mon,24,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +43,technician,married,professional.course,no,no,no,telephone,jun,mon,143,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,technician,married,professional.course,no,yes,no,telephone,jun,mon,302,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,blue-collar,single,high.school,unknown,no,no,telephone,jun,mon,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,mon,183,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,admin.,divorced,unknown,unknown,yes,no,telephone,jun,mon,49,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +29,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,148,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,481,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,services,divorced,high.school,unknown,yes,no,telephone,jun,mon,45,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,admin.,married,university.degree,no,no,no,telephone,jun,mon,121,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,technician,single,professional.course,no,no,no,telephone,jun,mon,180,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +25,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,283,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,services,divorced,basic.9y,no,yes,no,telephone,jun,mon,312,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +51,technician,married,professional.course,no,no,yes,telephone,jun,mon,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,technician,single,university.degree,unknown,yes,no,telephone,jun,mon,178,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,154,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,services,single,high.school,no,no,no,telephone,jun,mon,326,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +28,admin.,single,university.degree,no,no,no,telephone,jun,mon,362,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +27,admin.,married,basic.9y,no,yes,no,telephone,jun,mon,72,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +25,admin.,married,university.degree,no,no,no,telephone,jun,mon,121,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,admin.,married,unknown,no,yes,no,telephone,jun,mon,1068,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +55,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,101,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +49,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,210,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,admin.,single,unknown,no,yes,no,telephone,jun,mon,163,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +53,management,divorced,university.degree,no,no,no,telephone,jun,mon,306,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +53,unknown,married,high.school,unknown,no,no,telephone,jun,mon,313,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,94,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,admin.,single,university.degree,unknown,no,no,telephone,jun,mon,658,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,admin.,married,high.school,no,no,yes,telephone,jun,mon,250,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,493,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,mon,23,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,blue-collar,married,high.school,no,yes,no,telephone,jun,mon,562,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +54,admin.,married,high.school,unknown,yes,no,telephone,jun,mon,490,12,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +54,management,married,university.degree,unknown,no,yes,telephone,jun,mon,140,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,management,divorced,university.degree,no,no,yes,telephone,jun,mon,302,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +29,services,single,high.school,no,yes,yes,telephone,jun,mon,46,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,mon,149,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,services,married,high.school,no,no,no,telephone,jun,mon,88,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,admin.,married,high.school,unknown,no,no,telephone,jun,mon,118,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +26,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,230,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +25,self-employed,single,university.degree,no,no,no,telephone,jun,mon,426,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +60,management,married,university.degree,unknown,no,no,telephone,jun,mon,403,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,entrepreneur,married,university.degree,unknown,yes,no,telephone,jun,mon,169,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,technician,single,professional.course,no,yes,no,telephone,jun,mon,123,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,management,married,university.degree,no,no,no,telephone,jun,mon,221,7,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,admin.,married,high.school,no,yes,no,telephone,jun,mon,169,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +28,blue-collar,single,high.school,no,yes,no,telephone,jun,mon,102,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +25,technician,divorced,university.degree,no,yes,no,telephone,jun,mon,214,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,management,divorced,university.degree,no,no,no,telephone,jun,mon,572,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +51,management,married,unknown,unknown,yes,yes,telephone,jun,mon,124,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,mon,105,11,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,self-employed,single,university.degree,no,yes,no,telephone,jun,mon,171,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +49,unknown,married,unknown,unknown,yes,no,telephone,jun,mon,498,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,blue-collar,single,basic.4y,no,yes,no,telephone,jun,mon,50,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,self-employed,married,university.degree,no,yes,yes,telephone,jun,mon,31,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,mon,266,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,jun,mon,163,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,admin.,single,university.degree,no,yes,yes,telephone,jun,mon,304,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +58,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,469,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,housemaid,married,basic.6y,no,yes,no,telephone,jun,mon,45,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +28,admin.,married,university.degree,no,no,no,telephone,jun,mon,249,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,admin.,married,university.degree,no,no,no,telephone,jun,mon,85,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,technician,married,university.degree,no,no,no,telephone,jun,mon,79,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +43,technician,single,professional.course,no,yes,no,telephone,jun,mon,70,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,blue-collar,married,professional.course,no,no,no,telephone,jun,mon,758,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,services,divorced,professional.course,unknown,no,no,telephone,jun,mon,466,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,200,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,admin.,single,university.degree,no,yes,no,telephone,jun,mon,87,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,admin.,married,high.school,no,yes,no,telephone,jun,mon,966,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,services,single,university.degree,unknown,no,no,telephone,jun,mon,747,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +37,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,430,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,services,divorced,high.school,unknown,yes,no,telephone,jun,mon,241,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +49,technician,married,professional.course,no,no,no,telephone,jun,mon,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,131,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,mon,541,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,admin.,married,university.degree,no,no,no,telephone,jun,mon,281,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,services,divorced,high.school,no,no,no,telephone,jun,mon,158,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,admin.,divorced,university.degree,no,no,no,telephone,jun,mon,201,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,admin.,married,high.school,no,no,no,telephone,jun,mon,56,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +43,admin.,married,high.school,unknown,yes,no,telephone,jun,mon,91,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,blue-collar,single,basic.4y,no,no,no,telephone,jun,mon,187,9,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,unemployed,single,university.degree,no,no,no,telephone,jun,mon,409,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,services,married,basic.9y,no,yes,no,telephone,jun,mon,269,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,admin.,married,high.school,no,yes,no,telephone,jun,mon,221,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,services,single,basic.6y,unknown,no,no,telephone,jun,mon,255,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,blue-collar,single,basic.9y,unknown,yes,no,telephone,jun,mon,71,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,184,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,retired,married,basic.9y,unknown,no,no,telephone,jun,mon,67,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,services,married,high.school,no,no,no,telephone,jun,mon,276,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,mon,41,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,services,married,high.school,unknown,no,no,telephone,jun,mon,145,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,blue-collar,married,unknown,no,no,no,telephone,jun,mon,424,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,unknown,married,basic.9y,no,no,no,telephone,jun,mon,612,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +58,admin.,divorced,university.degree,no,yes,no,telephone,jun,mon,282,7,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +58,retired,married,basic.9y,no,yes,no,telephone,jun,mon,198,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,entrepreneur,married,university.degree,unknown,yes,no,telephone,jun,mon,76,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,admin.,married,university.degree,no,yes,no,telephone,jun,mon,102,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,technician,married,high.school,no,no,yes,telephone,jun,mon,60,9,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +56,management,divorced,university.degree,no,no,no,telephone,jun,mon,252,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,admin.,married,university.degree,no,yes,no,telephone,jun,mon,23,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,technician,married,professional.course,no,yes,no,telephone,jun,mon,555,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +35,technician,married,professional.course,no,no,no,telephone,jun,mon,200,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +24,admin.,married,high.school,no,no,yes,telephone,jun,mon,1330,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +54,retired,divorced,basic.4y,no,no,no,telephone,jun,mon,157,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,admin.,married,high.school,no,no,yes,telephone,jun,mon,218,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,services,married,high.school,no,no,no,telephone,jun,mon,548,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +27,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,176,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,admin.,single,university.degree,no,no,no,telephone,jun,mon,335,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,technician,married,professional.course,no,yes,no,telephone,jun,mon,142,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +51,services,married,high.school,no,no,yes,telephone,jun,mon,267,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,management,single,university.degree,no,no,no,telephone,jun,mon,86,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +58,admin.,married,university.degree,no,no,yes,telephone,jun,mon,129,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +31,management,married,high.school,no,yes,no,telephone,jun,mon,322,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,admin.,married,high.school,no,yes,no,telephone,jun,mon,111,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,housemaid,married,basic.4y,no,yes,yes,telephone,jun,mon,106,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,blue-collar,single,unknown,no,no,no,telephone,jun,mon,136,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +55,retired,divorced,basic.6y,unknown,no,no,telephone,jun,mon,228,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,admin.,divorced,university.degree,unknown,no,no,telephone,jun,mon,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,services,married,high.school,no,yes,no,telephone,jun,mon,29,32,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,technician,married,university.degree,no,no,yes,telephone,jun,mon,150,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,admin.,married,high.school,unknown,yes,no,telephone,jun,mon,252,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,518,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,entrepreneur,single,university.degree,unknown,yes,no,telephone,jun,mon,42,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,140,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,blue-collar,married,basic.6y,no,no,no,telephone,jun,mon,144,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,admin.,divorced,basic.9y,unknown,yes,no,telephone,jun,mon,303,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,housemaid,married,high.school,no,yes,no,telephone,jun,mon,171,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,housemaid,married,professional.course,no,yes,yes,telephone,jun,mon,132,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +28,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,mon,288,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,blue-collar,divorced,unknown,no,no,yes,telephone,jun,mon,73,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,mon,230,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,blue-collar,married,basic.6y,no,yes,no,telephone,jun,mon,685,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,technician,married,professional.course,no,yes,yes,telephone,jun,mon,82,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,345,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,75,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +60,retired,married,basic.4y,unknown,no,no,telephone,jun,mon,223,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,mon,479,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,management,married,basic.6y,unknown,no,no,telephone,jun,mon,156,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,mon,80,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,technician,divorced,professional.course,no,no,no,telephone,jun,mon,204,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,technician,married,high.school,no,no,no,telephone,jun,mon,360,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,technician,married,professional.course,no,yes,yes,telephone,jun,mon,126,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,technician,married,university.degree,no,yes,no,telephone,jun,mon,148,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +28,admin.,married,high.school,no,yes,no,telephone,jun,mon,267,10,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,technician,married,professional.course,no,yes,no,telephone,jun,mon,290,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,admin.,single,high.school,no,yes,no,telephone,jun,mon,136,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,technician,single,university.degree,no,no,no,telephone,jun,mon,127,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,technician,divorced,professional.course,unknown,yes,no,telephone,jun,mon,56,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,blue-collar,married,high.school,unknown,no,no,telephone,jun,mon,777,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +36,admin.,single,high.school,no,yes,no,telephone,jun,mon,32,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +27,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,mon,235,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +53,services,divorced,basic.4y,unknown,no,no,telephone,jun,mon,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,admin.,single,university.degree,unknown,no,no,telephone,jun,mon,198,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,technician,married,professional.course,no,no,no,telephone,jun,mon,164,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,blue-collar,married,unknown,unknown,yes,no,telephone,jun,mon,98,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,admin.,married,high.school,no,yes,yes,telephone,jun,mon,92,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +54,blue-collar,married,high.school,no,no,no,telephone,jun,mon,53,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,technician,single,professional.course,no,no,no,telephone,jun,mon,349,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,mon,178,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,blue-collar,single,basic.4y,no,no,no,telephone,jun,mon,532,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +29,technician,married,basic.9y,no,yes,yes,telephone,jun,mon,164,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +50,retired,married,basic.4y,no,yes,no,telephone,jun,mon,35,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +32,entrepreneur,single,professional.course,no,no,no,telephone,jun,mon,20,20,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +31,blue-collar,married,basic.6y,no,no,yes,telephone,jun,mon,154,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +29,entrepreneur,married,professional.course,no,yes,no,telephone,jun,mon,930,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,unemployed,married,professional.course,no,no,no,telephone,jun,mon,392,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,213,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +30,housemaid,married,high.school,unknown,yes,yes,telephone,jun,mon,18,1,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,services,married,high.school,unknown,yes,no,telephone,jun,mon,393,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +56,services,married,basic.4y,unknown,no,no,telephone,jun,mon,746,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +26,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,jun,mon,351,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,174,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +40,admin.,single,high.school,unknown,yes,no,telephone,jun,mon,142,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +51,services,married,high.school,unknown,yes,no,telephone,jun,mon,229,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,blue-collar,married,basic.6y,no,yes,no,telephone,jun,mon,261,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +47,technician,divorced,high.school,no,yes,no,telephone,jun,mon,289,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,227,15,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,mon,115,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +43,services,married,high.school,unknown,no,no,telephone,jun,mon,178,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +56,entrepreneur,married,unknown,unknown,no,no,telephone,jun,mon,41,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,housemaid,divorced,basic.9y,no,yes,no,telephone,jun,mon,154,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +43,technician,single,university.degree,no,yes,no,telephone,jun,mon,100,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,mon,61,7,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +59,management,married,basic.6y,unknown,yes,no,telephone,jun,mon,181,16,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +50,admin.,married,high.school,no,no,no,telephone,jun,mon,205,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +24,services,single,high.school,no,yes,no,telephone,jun,mon,468,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,blue-collar,married,high.school,no,no,no,telephone,jun,mon,358,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,technician,married,professional.course,unknown,yes,no,telephone,jun,mon,442,11,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +34,blue-collar,married,basic.6y,no,no,yes,telephone,jun,mon,1576,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,unemployed,single,basic.4y,no,yes,no,telephone,jun,mon,83,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,admin.,married,university.degree,unknown,yes,no,telephone,jun,mon,134,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +54,entrepreneur,divorced,university.degree,no,yes,yes,telephone,jun,mon,28,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +31,services,married,basic.6y,no,no,no,telephone,jun,mon,92,5,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,services,married,high.school,no,no,no,telephone,jun,mon,217,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +45,blue-collar,married,basic.6y,no,yes,no,telephone,jun,mon,134,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +24,services,single,basic.9y,unknown,no,yes,telephone,jun,mon,222,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +37,management,married,university.degree,unknown,no,yes,telephone,jun,mon,179,7,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +57,housemaid,married,professional.course,no,no,yes,telephone,jun,mon,110,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,student,single,university.degree,unknown,yes,yes,telephone,jun,mon,444,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +41,admin.,married,high.school,no,unknown,unknown,telephone,jun,mon,548,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,unemployed,single,university.degree,no,no,yes,telephone,jun,mon,16,13,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,213,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +35,technician,single,professional.course,no,yes,yes,telephone,jun,mon,402,9,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +44,technician,married,professional.course,unknown,no,no,telephone,jun,mon,312,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,mon,280,2,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +28,services,single,high.school,no,no,no,telephone,jun,mon,689,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +57,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,mon,716,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,management,divorced,university.degree,no,no,no,telephone,jun,mon,43,12,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +41,blue-collar,divorced,professional.course,no,no,no,telephone,jun,mon,39,10,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +36,technician,divorced,professional.course,unknown,no,no,telephone,jun,mon,90,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +38,student,single,university.degree,no,no,no,telephone,jun,mon,194,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,984,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,153,9,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,technician,married,professional.course,no,yes,no,telephone,jun,mon,59,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,admin.,married,university.degree,no,yes,no,telephone,jun,mon,20,8,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +52,services,married,high.school,no,no,yes,telephone,jun,mon,359,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +59,retired,divorced,university.degree,no,no,no,telephone,jun,mon,605,6,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +42,self-employed,married,university.degree,no,no,no,telephone,jun,mon,180,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +57,management,married,basic.9y,unknown,yes,no,telephone,jun,mon,30,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +33,services,married,high.school,no,no,no,telephone,jun,mon,94,14,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,entrepreneur,married,high.school,no,no,no,telephone,jun,mon,232,3,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,no +39,technician,single,professional.course,unknown,no,no,telephone,jun,mon,432,4,999,0,nonexistent,1.4,94.465,-41.8,4.865,5228.1,yes +28,services,married,high.school,no,no,no,telephone,jun,tue,152,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +60,unknown,married,basic.6y,unknown,no,no,telephone,jun,tue,104,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +44,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,154,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,services,single,basic.9y,no,no,no,telephone,jun,tue,70,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,admin.,married,high.school,no,no,no,telephone,jun,tue,48,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,admin.,married,high.school,no,no,no,telephone,jun,tue,201,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,182,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,tue,150,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,blue-collar,single,professional.course,no,yes,no,telephone,jun,tue,209,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,services,married,high.school,unknown,yes,no,telephone,jun,tue,86,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,technician,married,professional.course,no,yes,no,telephone,jun,tue,67,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +56,management,married,basic.4y,unknown,yes,no,telephone,jun,tue,197,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,housemaid,married,high.school,no,no,no,telephone,jun,tue,87,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +44,entrepreneur,married,basic.6y,unknown,no,yes,telephone,jun,tue,75,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,450,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,technician,single,university.degree,no,no,no,telephone,jun,tue,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,180,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,technician,married,university.degree,no,no,no,telephone,jun,tue,20,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,unemployed,married,basic.6y,unknown,yes,no,telephone,jun,tue,179,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,services,married,high.school,no,yes,no,telephone,jun,tue,73,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,admin.,married,professional.course,unknown,no,no,telephone,jun,tue,55,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,222,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,technician,single,university.degree,no,yes,no,telephone,jun,tue,267,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,entrepreneur,married,basic.4y,no,yes,no,telephone,jun,tue,69,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,management,married,unknown,unknown,no,no,telephone,jun,tue,200,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,services,single,basic.6y,unknown,no,no,telephone,jun,tue,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,jun,tue,332,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,542,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,entrepreneur,married,basic.9y,no,no,no,telephone,jun,tue,301,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,207,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +55,blue-collar,divorced,basic.4y,unknown,no,yes,telephone,jun,tue,115,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +44,blue-collar,single,basic.4y,no,yes,no,telephone,jun,tue,159,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +24,services,single,high.school,no,yes,no,telephone,jun,tue,117,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +58,retired,married,basic.4y,no,yes,no,telephone,jun,tue,159,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,unemployed,married,university.degree,unknown,no,no,telephone,jun,tue,238,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,management,single,university.degree,no,no,no,telephone,jun,tue,161,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,technician,single,university.degree,no,no,no,telephone,jun,tue,1173,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +32,management,married,high.school,no,no,no,telephone,jun,tue,206,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,438,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,tue,250,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,technician,married,professional.course,no,no,yes,telephone,jun,tue,46,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,admin.,married,high.school,no,no,no,telephone,jun,tue,147,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,single,high.school,no,no,no,telephone,jun,tue,275,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,unknown,no,no,no,telephone,jun,tue,26,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,963,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +41,blue-collar,married,basic.6y,no,unknown,unknown,telephone,jun,tue,202,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,50,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,housemaid,married,basic.9y,no,no,no,telephone,jun,tue,236,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,technician,married,university.degree,unknown,yes,no,telephone,jun,tue,272,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,technician,married,professional.course,no,yes,no,telephone,jun,tue,112,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,384,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,admin.,married,high.school,no,yes,no,telephone,jun,tue,361,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,tue,49,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,services,single,high.school,no,yes,no,telephone,jun,tue,953,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jun,tue,148,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,jun,tue,233,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,409,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,technician,married,university.degree,unknown,no,no,telephone,jun,tue,194,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +59,retired,single,high.school,no,no,yes,telephone,jun,tue,103,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,admin.,single,high.school,no,no,no,telephone,jun,tue,579,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,blue-collar,single,high.school,no,no,no,telephone,jun,tue,956,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +48,admin.,married,high.school,no,no,yes,telephone,jun,tue,183,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,technician,married,professional.course,no,no,no,telephone,jun,tue,117,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,unemployed,divorced,high.school,no,no,no,telephone,jun,tue,175,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,married,high.school,no,yes,no,telephone,jun,tue,186,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,student,single,university.degree,no,unknown,unknown,telephone,jun,tue,23,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,single,basic.4y,unknown,yes,no,telephone,jun,tue,256,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,unemployed,married,professional.course,no,no,no,telephone,jun,tue,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,self-employed,married,university.degree,no,yes,no,telephone,jun,tue,157,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,services,married,high.school,unknown,yes,no,telephone,jun,tue,132,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,married,basic.6y,no,no,no,telephone,jun,tue,131,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,management,divorced,university.degree,unknown,no,no,telephone,jun,tue,43,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jun,tue,479,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,unknown,single,unknown,unknown,yes,no,telephone,jun,tue,363,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,entrepreneur,married,university.degree,no,yes,no,telephone,jun,tue,56,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,201,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,housemaid,single,unknown,no,no,yes,telephone,jun,tue,517,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,technician,married,basic.9y,no,yes,no,telephone,jun,tue,447,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,retired,divorced,university.degree,no,yes,yes,telephone,jun,tue,342,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,services,married,high.school,unknown,no,yes,telephone,jun,tue,135,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,119,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +55,management,married,university.degree,no,yes,no,telephone,jun,tue,22,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +58,technician,married,professional.course,no,yes,yes,telephone,jun,tue,150,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.4y,no,no,yes,telephone,jun,tue,110,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,management,single,university.degree,no,no,no,telephone,jun,tue,166,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,management,married,university.degree,unknown,no,no,telephone,jun,tue,65,13,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,blue-collar,married,basic.4y,no,no,no,telephone,jun,tue,404,13,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,blue-collar,single,basic.9y,unknown,yes,no,telephone,jun,tue,280,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,services,married,high.school,unknown,no,no,telephone,jun,tue,157,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,170,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,technician,married,high.school,no,yes,no,telephone,jun,tue,80,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +58,retired,married,basic.4y,no,no,no,telephone,jun,tue,164,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,self-employed,married,university.degree,unknown,yes,no,telephone,jun,tue,34,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,tue,258,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,blue-collar,married,basic.4y,no,no,yes,telephone,jun,tue,291,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,126,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,technician,married,basic.6y,unknown,no,no,telephone,jun,tue,88,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +56,management,married,basic.9y,no,yes,no,telephone,jun,tue,941,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +35,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,349,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +60,retired,divorced,basic.4y,unknown,yes,no,telephone,jun,tue,131,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,admin.,single,high.school,no,yes,no,telephone,jun,tue,384,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,single,high.school,no,yes,yes,telephone,jun,tue,440,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +44,admin.,single,university.degree,no,no,yes,telephone,jun,tue,143,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,admin.,single,university.degree,no,yes,no,telephone,jun,tue,284,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,161,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,self-employed,married,professional.course,no,yes,no,telephone,jun,tue,123,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,student,single,basic.9y,no,yes,no,telephone,jun,tue,771,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,tue,103,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,admin.,single,high.school,no,no,no,telephone,jun,tue,132,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,services,married,high.school,unknown,yes,no,telephone,jun,tue,235,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,management,married,university.degree,no,yes,yes,telephone,jun,tue,1025,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +57,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,tue,45,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +56,entrepreneur,married,university.degree,no,no,no,telephone,jun,tue,21,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +56,entrepreneur,married,unknown,unknown,yes,no,telephone,jun,tue,536,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,admin.,married,basic.9y,no,yes,no,telephone,jun,tue,243,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,tue,131,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,316,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,192,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,technician,married,professional.course,no,no,yes,telephone,jun,tue,145,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,tue,288,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,single,basic.9y,unknown,no,yes,telephone,jun,tue,569,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,23,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,admin.,married,high.school,no,yes,no,telephone,jun,tue,406,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,self-employed,married,basic.9y,unknown,yes,no,telephone,jun,tue,106,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,services,married,high.school,no,no,no,telephone,jun,tue,393,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,blue-collar,married,high.school,unknown,no,no,telephone,jun,tue,171,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,admin.,single,university.degree,no,yes,no,telephone,jun,tue,116,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,admin.,single,high.school,no,no,yes,telephone,jun,tue,25,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,married,unknown,no,no,yes,telephone,jun,tue,118,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,blue-collar,married,basic.9y,no,no,yes,telephone,jun,tue,75,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,high.school,no,yes,no,telephone,jun,tue,54,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,services,single,university.degree,unknown,no,yes,telephone,jun,tue,235,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,admin.,married,basic.9y,no,no,yes,telephone,jun,tue,404,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,blue-collar,married,basic.6y,no,no,yes,telephone,jun,tue,179,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,technician,single,professional.course,unknown,no,no,telephone,jun,tue,126,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,tue,102,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,married,basic.4y,no,no,no,telephone,jun,tue,110,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,self-employed,married,basic.9y,no,no,yes,telephone,jun,tue,227,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,self-employed,married,university.degree,unknown,yes,no,telephone,jun,tue,123,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,technician,married,professional.course,no,yes,no,telephone,jun,tue,194,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,admin.,single,university.degree,unknown,yes,no,telephone,jun,tue,992,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +47,management,married,basic.4y,unknown,yes,no,telephone,jun,tue,100,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,management,married,university.degree,no,no,no,telephone,jun,tue,303,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.6y,no,yes,no,telephone,jun,tue,732,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +41,services,married,high.school,no,no,no,telephone,jun,tue,366,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,technician,married,university.degree,unknown,no,no,telephone,jun,tue,228,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,14,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,admin.,single,university.degree,unknown,no,no,telephone,jun,tue,193,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,single,basic.9y,unknown,yes,no,telephone,jun,tue,409,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,technician,married,professional.course,no,yes,no,telephone,jun,tue,220,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,unemployed,divorced,basic.9y,no,yes,no,telephone,jun,tue,231,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +59,entrepreneur,married,unknown,no,no,no,telephone,jun,tue,242,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +55,unknown,married,basic.4y,unknown,yes,no,telephone,jun,tue,216,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,self-employed,married,university.degree,no,yes,no,telephone,jun,tue,119,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,unemployed,married,professional.course,no,no,no,telephone,jun,tue,41,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,tue,495,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,128,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,blue-collar,single,high.school,no,no,no,telephone,jun,tue,185,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,technician,single,university.degree,unknown,no,no,telephone,jun,tue,722,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,240,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,retired,married,basic.9y,unknown,no,no,telephone,jun,tue,455,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,admin.,married,high.school,no,no,no,telephone,jun,tue,138,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,admin.,married,university.degree,unknown,yes,no,telephone,jun,tue,361,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,admin.,divorced,university.degree,no,no,no,telephone,jun,tue,418,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,208,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,admin.,married,high.school,no,no,no,telephone,jun,tue,177,26,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +44,self-employed,married,basic.9y,no,yes,no,telephone,jun,tue,249,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +54,management,married,university.degree,no,no,no,telephone,jun,tue,84,15,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,married,basic.6y,no,no,no,telephone,jun,tue,338,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,married,university.degree,no,yes,yes,telephone,jun,tue,299,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,entrepreneur,married,high.school,unknown,yes,no,telephone,jun,tue,284,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,admin.,married,high.school,no,yes,no,telephone,jun,tue,282,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,management,married,university.degree,no,yes,yes,telephone,jun,tue,435,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,services,married,high.school,unknown,yes,no,telephone,jun,tue,120,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,tue,825,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,services,married,high.school,no,no,no,telephone,jun,tue,51,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,services,married,high.school,unknown,no,no,telephone,jun,tue,253,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,housemaid,married,basic.4y,no,unknown,unknown,telephone,jun,tue,259,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,technician,divorced,unknown,no,yes,yes,telephone,jun,tue,237,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,1045,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,110,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,blue-collar,married,basic.4y,no,no,no,telephone,jun,tue,188,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,technician,married,unknown,unknown,yes,no,telephone,jun,tue,320,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,admin.,married,university.degree,no,yes,no,telephone,jun,tue,231,12,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,services,married,high.school,unknown,yes,no,telephone,jun,tue,170,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,admin.,married,high.school,no,no,no,telephone,jun,tue,58,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,admin.,married,high.school,no,yes,no,telephone,jun,tue,615,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,tue,676,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,management,divorced,university.degree,unknown,yes,no,telephone,jun,tue,165,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,admin.,married,university.degree,no,no,no,telephone,jun,tue,192,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,blue-collar,divorced,basic.9y,unknown,no,yes,telephone,jun,tue,258,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,admin.,divorced,high.school,no,no,no,telephone,jun,tue,319,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,divorced,professional.course,no,yes,no,telephone,jun,tue,860,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,housemaid,married,high.school,no,no,no,telephone,jun,tue,680,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,entrepreneur,married,basic.6y,no,no,yes,telephone,jun,tue,165,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,admin.,divorced,university.degree,no,no,no,telephone,jun,tue,356,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,single,high.school,no,yes,no,telephone,jun,tue,235,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,admin.,married,high.school,no,yes,yes,telephone,jun,tue,173,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +54,technician,married,university.degree,unknown,no,no,telephone,jun,tue,294,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,management,single,university.degree,no,yes,no,telephone,jun,tue,216,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,tue,177,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,services,married,high.school,no,no,yes,telephone,jun,tue,220,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,admin.,single,high.school,unknown,no,no,telephone,jun,tue,641,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,unemployed,married,basic.9y,no,no,no,telephone,jun,tue,633,28,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,single,university.degree,no,no,no,telephone,jun,tue,94,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,admin.,single,university.degree,no,no,no,telephone,jun,tue,35,32,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +44,blue-collar,single,unknown,unknown,yes,no,telephone,jun,tue,828,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,unemployed,married,basic.6y,no,yes,no,telephone,jun,tue,35,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,married,basic.9y,no,no,no,telephone,jun,tue,263,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,self-employed,married,university.degree,unknown,no,no,telephone,jun,tue,143,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +58,technician,married,university.degree,no,yes,no,telephone,jun,tue,108,12,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,164,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,admin.,divorced,university.degree,no,no,no,telephone,jun,tue,245,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,43,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +24,admin.,single,high.school,no,no,no,telephone,jun,tue,768,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +27,unemployed,married,high.school,no,no,no,telephone,jun,tue,327,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,admin.,married,university.degree,unknown,yes,no,telephone,jun,tue,215,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,services,married,university.degree,unknown,yes,no,telephone,jun,tue,200,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,blue-collar,single,basic.4y,no,no,no,telephone,jun,tue,320,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,unemployed,divorced,basic.4y,no,yes,no,telephone,jun,tue,801,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +32,blue-collar,married,basic.6y,no,unknown,unknown,telephone,jun,tue,31,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,blue-collar,single,basic.9y,unknown,yes,no,telephone,jun,tue,114,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,management,married,university.degree,no,no,no,telephone,jun,tue,236,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,blue-collar,single,high.school,no,yes,no,telephone,jun,tue,201,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,tue,482,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +34,admin.,married,university.degree,unknown,no,no,telephone,jun,tue,133,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.9y,no,no,yes,telephone,jun,tue,2456,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +28,student,single,university.degree,unknown,no,no,telephone,jun,tue,171,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,services,single,high.school,no,no,no,telephone,jun,tue,443,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,263,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,94,18,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,self-employed,married,university.degree,no,yes,no,telephone,jun,tue,59,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +60,admin.,married,university.degree,unknown,no,no,telephone,jun,tue,111,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,technician,married,professional.course,no,no,yes,telephone,jun,tue,72,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,services,divorced,professional.course,no,no,no,telephone,jun,tue,199,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,technician,married,professional.course,no,yes,no,telephone,jun,tue,589,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,self-employed,married,university.degree,no,no,no,telephone,jun,tue,199,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,single,high.school,no,yes,no,telephone,jun,tue,113,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,tue,179,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,unemployed,married,basic.6y,unknown,no,no,telephone,jun,tue,215,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,technician,married,professional.course,no,no,no,telephone,jun,tue,61,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,admin.,married,high.school,no,no,no,telephone,jun,tue,107,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,admin.,married,unknown,no,no,no,telephone,jun,tue,242,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,blue-collar,married,basic.6y,no,no,no,telephone,jun,tue,1340,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,13,13,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,admin.,married,professional.course,no,yes,no,telephone,jun,tue,129,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,blue-collar,divorced,unknown,unknown,no,no,telephone,jun,tue,50,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,406,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,services,divorced,basic.6y,no,no,no,telephone,jun,tue,239,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,admin.,married,university.degree,no,yes,yes,telephone,jun,tue,178,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,81,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,327,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,admin.,divorced,unknown,unknown,no,no,telephone,jun,tue,604,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,tue,137,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,technician,single,professional.course,no,no,yes,telephone,jun,tue,246,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,admin.,married,university.degree,no,yes,no,telephone,jun,tue,199,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,technician,married,high.school,no,no,no,telephone,jun,tue,372,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,blue-collar,single,high.school,no,yes,no,telephone,jun,tue,167,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,married,high.school,no,no,no,telephone,jun,tue,30,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,tue,189,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,admin.,married,high.school,no,no,yes,telephone,jun,tue,277,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +59,admin.,married,university.degree,no,yes,yes,telephone,jun,tue,215,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,admin.,married,university.degree,no,no,no,telephone,jun,tue,133,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +58,blue-collar,married,high.school,no,yes,no,telephone,jun,tue,183,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,tue,134,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,single,university.degree,unknown,yes,no,telephone,jun,tue,211,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,services,divorced,basic.4y,unknown,no,no,telephone,jun,tue,80,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,220,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,management,married,basic.9y,unknown,yes,no,telephone,jun,tue,495,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,admin.,married,high.school,no,no,no,telephone,jun,tue,157,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,services,married,high.school,no,no,no,telephone,jun,tue,81,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,services,married,high.school,unknown,no,no,telephone,jun,tue,559,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,441,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,admin.,married,unknown,unknown,no,no,telephone,jun,tue,14,21,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,technician,single,professional.course,no,no,no,telephone,jun,tue,662,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,services,married,high.school,unknown,no,no,telephone,jun,tue,76,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,housemaid,married,university.degree,no,no,yes,telephone,jun,tue,230,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,services,single,high.school,no,no,no,telephone,jun,tue,323,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,117,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,admin.,single,university.degree,unknown,yes,no,telephone,jun,tue,176,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,divorced,basic.9y,unknown,no,yes,telephone,jun,tue,1259,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +58,self-employed,married,university.degree,no,no,no,telephone,jun,tue,380,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,management,single,university.degree,no,yes,no,telephone,jun,tue,214,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +60,retired,single,high.school,no,no,no,telephone,jun,tue,136,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,350,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,blue-collar,single,high.school,no,yes,no,telephone,jun,tue,56,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +59,technician,married,unknown,no,no,no,telephone,jun,tue,131,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,tue,113,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,services,married,unknown,no,yes,no,telephone,jun,tue,71,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +58,retired,married,basic.4y,unknown,yes,no,telephone,jun,tue,137,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,497,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +54,services,married,high.school,no,yes,no,telephone,jun,tue,184,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,tue,276,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,services,married,high.school,no,no,no,telephone,jun,tue,68,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,tue,11,18,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,313,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,397,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,164,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,admin.,divorced,basic.9y,no,no,no,telephone,jun,tue,1363,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +29,admin.,single,university.degree,unknown,no,yes,telephone,jun,tue,816,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.4y,no,no,no,telephone,jun,tue,1030,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,admin.,married,high.school,no,yes,no,telephone,jun,tue,266,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,single,university.degree,unknown,no,no,telephone,jun,tue,56,12,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,housemaid,divorced,basic.6y,no,yes,no,telephone,jun,tue,143,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,admin.,single,high.school,no,yes,no,telephone,jun,tue,229,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,management,single,university.degree,no,no,no,telephone,jun,tue,342,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,entrepreneur,married,high.school,no,no,yes,telephone,jun,tue,340,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,housemaid,married,basic.4y,no,yes,no,telephone,jun,tue,59,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,self-employed,married,basic.4y,unknown,unknown,unknown,telephone,jun,tue,72,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,599,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +59,retired,married,professional.course,no,yes,no,telephone,jun,tue,77,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,technician,divorced,professional.course,no,yes,no,telephone,jun,tue,157,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,self-employed,single,professional.course,no,no,no,telephone,jun,tue,199,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,single,high.school,unknown,yes,no,telephone,jun,tue,187,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,239,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,services,single,high.school,unknown,no,yes,telephone,jun,tue,246,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,self-employed,married,high.school,unknown,yes,no,telephone,jun,tue,238,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,services,married,high.school,no,yes,no,telephone,jun,tue,118,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,self-employed,divorced,university.degree,no,no,yes,telephone,jun,tue,254,21,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,281,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,married,high.school,unknown,yes,no,telephone,jun,tue,94,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,services,divorced,basic.6y,no,no,no,telephone,jun,tue,269,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,admin.,married,university.degree,no,yes,no,telephone,jun,tue,203,9,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,management,married,university.degree,no,no,no,telephone,jun,tue,140,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.4y,no,no,no,telephone,jun,tue,148,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,management,married,high.school,no,yes,no,telephone,jun,tue,583,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,services,single,high.school,no,no,no,telephone,jun,tue,172,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,60,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,unemployed,married,high.school,unknown,yes,no,telephone,jun,tue,70,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,blue-collar,married,professional.course,no,no,no,telephone,jun,tue,68,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,technician,married,high.school,no,yes,no,telephone,jun,tue,267,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,88,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,technician,married,professional.course,no,no,no,telephone,jun,tue,19,20,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,admin.,married,high.school,unknown,no,no,telephone,jun,tue,490,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,admin.,married,university.degree,no,no,no,telephone,jun,tue,604,14,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,services,single,high.school,no,no,no,telephone,jun,tue,290,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,admin.,single,university.degree,no,yes,yes,telephone,jun,tue,78,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,admin.,married,university.degree,no,no,no,telephone,jun,tue,88,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,admin.,married,high.school,unknown,yes,no,telephone,jun,tue,113,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,telephone,jun,tue,550,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,entrepreneur,married,university.degree,no,no,no,telephone,jun,tue,52,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +56,unemployed,married,high.school,unknown,no,no,telephone,jun,tue,197,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,235,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,159,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,tue,120,11,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,entrepreneur,married,high.school,no,no,no,telephone,jun,tue,1516,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,admin.,divorced,unknown,unknown,no,no,telephone,jun,tue,28,19,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,unemployed,married,basic.9y,unknown,no,no,telephone,jun,tue,87,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,151,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,226,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,services,married,high.school,unknown,no,no,telephone,jun,tue,113,11,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,admin.,single,high.school,no,yes,no,telephone,jun,tue,281,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,technician,married,university.degree,unknown,no,yes,telephone,jun,tue,1336,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +35,services,married,high.school,unknown,no,no,telephone,jun,wed,173,14,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,83,11,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,180,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,technician,single,high.school,no,yes,no,telephone,jun,wed,457,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +44,admin.,married,university.degree,no,yes,no,telephone,jun,wed,25,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,retired,married,basic.4y,unknown,no,no,telephone,jun,wed,145,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,admin.,single,high.school,no,yes,yes,telephone,jun,wed,622,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,services,divorced,basic.9y,no,no,no,telephone,jun,wed,89,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +56,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,99,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,admin.,married,university.degree,no,yes,no,telephone,jun,wed,407,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,entrepreneur,married,basic.4y,no,yes,no,telephone,jun,wed,250,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,retired,married,basic.4y,no,no,no,telephone,jun,wed,633,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +58,admin.,single,university.degree,no,no,yes,telephone,jun,wed,111,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,technician,married,professional.course,no,no,no,telephone,jun,wed,462,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,28,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,blue-collar,married,professional.course,unknown,no,no,telephone,jun,wed,1138,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,107,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,admin.,married,high.school,unknown,yes,yes,telephone,jun,wed,135,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,services,married,high.school,unknown,yes,no,telephone,jun,wed,96,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,technician,married,professional.course,no,yes,no,telephone,jun,wed,131,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,management,married,university.degree,unknown,no,yes,telephone,jun,wed,46,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,blue-collar,married,basic.6y,no,yes,no,telephone,jun,wed,267,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,213,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,student,single,high.school,no,no,no,telephone,jun,wed,1242,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +37,technician,single,high.school,no,unknown,unknown,telephone,jun,wed,109,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,unknown,married,basic.6y,no,no,no,telephone,jun,wed,75,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,admin.,married,university.degree,no,no,no,telephone,jun,wed,129,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,admin.,divorced,high.school,no,no,no,telephone,jun,wed,89,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,wed,103,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,self-employed,married,basic.4y,no,yes,no,telephone,jun,wed,105,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,71,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,married,basic.6y,no,yes,no,telephone,jun,wed,406,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,unknown,single,unknown,unknown,yes,yes,telephone,jun,wed,66,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +54,admin.,divorced,unknown,unknown,no,no,telephone,jun,wed,38,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,single,basic.4y,no,no,no,telephone,jun,wed,166,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,blue-collar,married,professional.course,no,yes,no,telephone,jun,wed,67,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,admin.,divorced,university.degree,no,no,no,telephone,jun,wed,121,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,unknown,single,high.school,unknown,yes,yes,telephone,jun,wed,524,15,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +39,admin.,married,high.school,no,yes,no,telephone,jun,wed,1141,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +36,entrepreneur,married,basic.6y,unknown,no,no,telephone,jun,wed,125,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,blue-collar,single,basic.6y,no,no,no,telephone,jun,wed,18,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,blue-collar,single,university.degree,no,no,no,telephone,jun,wed,355,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,unemployed,married,high.school,unknown,no,no,telephone,jun,wed,237,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,admin.,married,university.degree,no,yes,no,telephone,jun,wed,299,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,admin.,single,university.degree,no,no,yes,telephone,jun,wed,578,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +25,admin.,single,high.school,no,yes,yes,telephone,jun,wed,109,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,admin.,married,university.degree,no,no,no,telephone,jun,wed,142,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,technician,married,basic.9y,unknown,no,no,telephone,jun,wed,102,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,233,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,married,high.school,no,yes,no,telephone,jun,wed,194,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,admin.,married,basic.6y,no,yes,yes,telephone,jun,wed,365,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,admin.,single,high.school,no,no,no,telephone,jun,wed,984,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +60,admin.,married,high.school,no,no,yes,telephone,jun,wed,16,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,admin.,married,high.school,no,yes,yes,telephone,jun,wed,105,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +58,blue-collar,divorced,unknown,no,yes,no,telephone,jun,wed,215,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,admin.,married,high.school,no,yes,yes,telephone,jun,wed,148,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,services,single,professional.course,no,no,no,telephone,jun,wed,386,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,wed,91,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,admin.,single,university.degree,no,no,no,telephone,jun,wed,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,admin.,divorced,university.degree,no,no,no,telephone,jun,wed,193,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +24,student,single,high.school,no,no,no,telephone,jun,wed,132,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +58,services,married,basic.4y,no,yes,no,telephone,jun,wed,279,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +59,retired,married,professional.course,no,yes,no,telephone,jun,wed,109,9,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,entrepreneur,married,university.degree,no,yes,no,telephone,jun,wed,1045,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,management,single,university.degree,no,no,no,telephone,jun,wed,361,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,204,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +23,blue-collar,single,basic.9y,no,yes,no,telephone,jun,wed,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,technician,divorced,basic.9y,no,no,no,telephone,jun,wed,105,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,admin.,married,high.school,no,yes,yes,telephone,jun,wed,73,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,technician,married,professional.course,unknown,yes,no,telephone,jun,wed,77,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,blue-collar,married,high.school,no,no,yes,telephone,jun,wed,29,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,admin.,married,university.degree,no,yes,no,telephone,jun,wed,355,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,technician,single,professional.course,no,yes,no,telephone,jun,wed,153,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,single,university.degree,no,yes,yes,telephone,jun,wed,87,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,admin.,single,university.degree,no,no,no,telephone,jun,wed,178,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,single,university.degree,no,no,yes,telephone,jun,wed,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,technician,single,professional.course,no,yes,no,telephone,jun,wed,605,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,admin.,married,high.school,no,no,no,telephone,jun,wed,638,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +31,services,single,high.school,no,yes,no,telephone,jun,wed,89,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,management,married,university.degree,no,no,no,telephone,jun,wed,121,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,services,single,high.school,no,yes,yes,telephone,jun,wed,216,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,blue-collar,single,basic.6y,no,no,no,telephone,jun,wed,83,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,wed,317,9,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,management,single,basic.9y,no,yes,no,telephone,jun,wed,184,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,self-employed,single,university.degree,no,yes,yes,telephone,jun,wed,161,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,married,high.school,no,no,no,telephone,jun,wed,301,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,admin.,married,high.school,no,no,no,telephone,jun,wed,276,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +55,retired,divorced,professional.course,no,no,no,telephone,jun,wed,182,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,self-employed,married,basic.9y,unknown,no,no,telephone,jun,wed,139,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,retired,married,basic.4y,no,no,yes,telephone,jun,wed,87,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,377,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,single,high.school,no,no,no,telephone,jun,wed,211,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,married,basic.4y,no,no,no,telephone,jun,wed,357,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,admin.,married,high.school,no,yes,yes,telephone,jun,wed,119,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,admin.,married,high.school,no,yes,no,telephone,jun,wed,264,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,self-employed,single,high.school,no,no,no,telephone,jun,wed,165,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,blue-collar,single,high.school,no,yes,yes,telephone,jun,wed,148,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,divorced,basic.9y,no,yes,yes,telephone,jun,wed,121,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,student,single,university.degree,unknown,yes,no,telephone,jun,wed,235,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,services,married,high.school,no,no,no,telephone,jun,wed,90,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +57,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,wed,367,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,blue-collar,single,basic.6y,no,yes,yes,telephone,jun,wed,444,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,blue-collar,married,basic.6y,no,yes,yes,telephone,jun,wed,141,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,technician,married,professional.course,unknown,yes,yes,telephone,jun,wed,31,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,single,high.school,no,no,no,telephone,jun,wed,283,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,767,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +25,services,single,high.school,no,no,no,telephone,jun,wed,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,wed,236,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,single,high.school,unknown,yes,no,telephone,jun,wed,936,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +49,housemaid,divorced,basic.6y,no,yes,no,telephone,jun,wed,85,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,technician,married,professional.course,unknown,yes,no,telephone,jun,wed,104,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,student,single,high.school,no,no,no,telephone,jun,wed,71,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,married,university.degree,no,no,no,telephone,jun,wed,525,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +30,services,single,high.school,unknown,no,no,telephone,jun,wed,324,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,blue-collar,single,basic.9y,no,yes,no,telephone,jun,wed,525,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,admin.,single,university.degree,no,yes,yes,telephone,jun,wed,238,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,unemployed,married,basic.9y,no,no,no,telephone,jun,wed,563,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +25,admin.,single,high.school,no,yes,yes,telephone,jun,wed,217,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,student,single,high.school,no,no,yes,telephone,jun,wed,433,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,housemaid,married,university.degree,no,yes,no,telephone,jun,wed,52,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,admin.,married,university.degree,no,yes,no,telephone,jun,wed,149,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,admin.,single,university.degree,no,yes,no,telephone,jun,wed,357,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,admin.,divorced,university.degree,no,no,no,telephone,jun,wed,140,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,management,married,unknown,unknown,yes,no,telephone,jun,wed,171,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,blue-collar,married,basic.4y,no,no,no,telephone,jun,wed,154,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,student,single,high.school,no,no,no,telephone,jun,wed,219,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,housemaid,divorced,high.school,no,no,no,telephone,jun,wed,1449,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +29,admin.,single,university.degree,no,no,yes,telephone,jun,wed,251,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,married,high.school,no,no,no,telephone,jun,wed,544,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,management,married,university.degree,no,unknown,unknown,telephone,jun,wed,232,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,married,basic.9y,no,no,yes,telephone,jun,wed,920,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +56,admin.,married,university.degree,no,no,no,telephone,jun,wed,79,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,103,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,services,married,high.school,unknown,yes,no,telephone,jun,wed,833,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,technician,single,university.degree,no,no,yes,telephone,jun,wed,97,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,admin.,single,high.school,no,no,no,telephone,jun,wed,205,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,admin.,married,high.school,no,unknown,unknown,telephone,jun,wed,360,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,married,high.school,no,no,no,telephone,jun,wed,344,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +56,housemaid,married,basic.4y,no,no,no,telephone,jun,wed,204,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,technician,divorced,basic.9y,no,no,no,telephone,jun,wed,156,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jun,wed,213,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,admin.,married,university.degree,no,yes,no,telephone,jun,wed,153,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,admin.,married,university.degree,no,no,no,telephone,jun,wed,29,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,services,married,basic.9y,no,no,no,telephone,jun,wed,15,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,38,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,654,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,1254,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jun,wed,139,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,81,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,597,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,228,8,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,housemaid,divorced,high.school,unknown,yes,no,telephone,jun,wed,763,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,unknown,single,university.degree,no,no,no,telephone,jun,wed,2203,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,yes +45,management,married,unknown,unknown,yes,no,telephone,jun,wed,61,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +61,retired,married,high.school,no,unknown,unknown,telephone,jun,wed,99,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,unemployed,married,basic.4y,no,no,yes,telephone,jun,wed,85,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,admin.,single,high.school,no,no,no,telephone,jun,wed,187,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,admin.,single,university.degree,no,no,no,telephone,jun,wed,188,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +23,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,298,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,admin.,married,high.school,no,no,no,telephone,jun,wed,113,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,unemployed,single,university.degree,no,yes,no,telephone,jun,wed,201,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,264,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,single,high.school,no,yes,no,telephone,jun,wed,23,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,unemployed,married,professional.course,unknown,no,no,telephone,jun,wed,42,16,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,admin.,married,high.school,no,no,no,telephone,jun,wed,180,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,entrepreneur,married,basic.4y,no,yes,no,telephone,jun,wed,95,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,blue-collar,married,basic.4y,no,no,no,telephone,jun,wed,69,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,single,high.school,no,no,no,telephone,jun,wed,324,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,admin.,married,high.school,unknown,no,no,telephone,jun,wed,144,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,298,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,single,basic.9y,no,unknown,unknown,telephone,jun,wed,1224,7,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,services,married,basic.6y,no,unknown,unknown,telephone,jun,wed,173,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,technician,single,professional.course,no,yes,no,telephone,jun,wed,134,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,services,single,high.school,no,no,no,telephone,jun,wed,245,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,admin.,married,basic.9y,no,no,no,telephone,jun,wed,121,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,49,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,admin.,married,high.school,no,no,no,telephone,jun,wed,606,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,blue-collar,married,basic.4y,no,no,no,telephone,jun,wed,489,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,admin.,single,high.school,no,yes,no,telephone,jun,wed,184,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,self-employed,married,university.degree,no,yes,no,telephone,jun,wed,106,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,91,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,technician,married,professional.course,no,no,no,telephone,jun,wed,249,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,92,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,unemployed,single,university.degree,no,no,no,telephone,jun,wed,404,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,admin.,married,university.degree,no,no,no,telephone,jun,wed,135,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +48,admin.,divorced,professional.course,no,yes,no,telephone,jun,wed,37,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,141,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +32,technician,married,professional.course,no,no,no,telephone,jun,wed,117,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +23,services,single,high.school,no,no,no,telephone,jun,wed,174,9,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,unemployed,married,basic.9y,unknown,unknown,unknown,telephone,jun,wed,60,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +59,retired,married,basic.6y,unknown,no,no,telephone,jun,wed,235,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,wed,285,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,admin.,divorced,university.degree,no,yes,no,telephone,jun,wed,112,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +50,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,99,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,132,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,management,divorced,university.degree,no,no,no,telephone,jun,wed,208,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,entrepreneur,married,university.degree,no,yes,yes,telephone,jun,wed,135,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,services,single,high.school,no,yes,no,telephone,jun,wed,179,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,admin.,single,university.degree,no,yes,no,telephone,jun,wed,126,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,wed,329,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,blue-collar,single,university.degree,no,no,no,telephone,jun,wed,126,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +29,services,married,high.school,no,no,no,telephone,jun,wed,209,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,admin.,single,high.school,no,no,no,telephone,jun,wed,192,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +56,admin.,single,basic.9y,no,yes,no,telephone,jun,wed,341,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,blue-collar,married,unknown,unknown,no,yes,telephone,jun,wed,17,13,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,wed,167,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,jun,wed,52,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +53,management,married,basic.6y,unknown,yes,no,telephone,jun,wed,152,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +28,admin.,married,high.school,no,no,no,telephone,jun,wed,84,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,blue-collar,married,high.school,no,no,no,telephone,jun,wed,341,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,244,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,423,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,blue-collar,married,basic.9y,no,no,yes,telephone,jun,wed,65,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,admin.,divorced,basic.6y,unknown,no,yes,telephone,jun,wed,170,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +31,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,87,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,technician,single,basic.9y,unknown,yes,no,telephone,jun,wed,227,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +44,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,wed,34,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +24,technician,single,high.school,no,yes,no,telephone,jun,wed,169,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +45,entrepreneur,married,unknown,no,no,no,telephone,jun,wed,46,16,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +54,entrepreneur,married,university.degree,no,yes,no,telephone,jun,wed,39,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +35,blue-collar,single,basic.4y,unknown,yes,no,telephone,jun,wed,282,15,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +49,blue-collar,married,unknown,unknown,no,no,telephone,jun,wed,112,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,technician,married,university.degree,unknown,no,no,telephone,jun,wed,36,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +55,retired,divorced,professional.course,no,yes,no,telephone,jun,wed,69,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,technician,married,professional.course,no,yes,yes,telephone,jun,wed,299,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +54,technician,married,professional.course,no,yes,no,telephone,jun,wed,80,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +25,services,single,high.school,no,no,yes,telephone,jun,wed,729,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,technician,married,professional.course,no,no,no,telephone,jun,wed,389,5,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +40,management,married,basic.6y,unknown,yes,no,telephone,jun,wed,229,6,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +47,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,624,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,admin.,divorced,university.degree,no,yes,no,telephone,jun,wed,165,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +46,blue-collar,married,high.school,no,yes,no,telephone,jun,wed,216,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +52,technician,married,high.school,unknown,yes,no,telephone,jun,wed,122,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +30,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,201,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jun,wed,172,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +54,admin.,married,university.degree,unknown,yes,no,telephone,jun,wed,79,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +36,technician,married,basic.9y,no,yes,yes,telephone,jun,wed,702,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,wed,112,4,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,blue-collar,single,unknown,no,no,no,telephone,jun,wed,65,10,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +59,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,361,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +37,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,140,2,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,blue-collar,married,basic.6y,no,yes,no,telephone,jun,wed,382,3,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +33,technician,divorced,professional.course,no,no,no,telephone,jun,wed,128,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +34,services,married,university.degree,no,no,no,telephone,jun,wed,175,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +38,technician,married,professional.course,no,no,no,telephone,jun,wed,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +42,blue-collar,married,basic.6y,no,no,yes,telephone,jun,wed,292,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +27,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,235,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +22,services,single,high.school,no,no,no,telephone,jun,wed,156,1,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +26,services,married,high.school,no,no,yes,telephone,jun,wed,570,11,999,0,nonexistent,1.4,94.465,-41.8,4.864,5228.1,no +51,technician,divorced,professional.course,no,no,no,telephone,jun,thu,399,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +51,admin.,married,high.school,no,no,yes,telephone,jun,thu,222,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,unemployed,divorced,high.school,no,no,yes,telephone,jun,thu,243,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,services,divorced,high.school,no,yes,no,telephone,jun,thu,74,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +54,admin.,married,high.school,no,yes,no,telephone,jun,thu,243,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,thu,88,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,technician,married,professional.course,no,no,no,telephone,jun,thu,38,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,services,married,high.school,unknown,no,no,telephone,jun,thu,379,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,self-employed,married,university.degree,no,no,no,telephone,jun,thu,178,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,blue-collar,married,professional.course,unknown,yes,no,telephone,jun,thu,27,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,admin.,divorced,high.school,no,no,no,telephone,jun,thu,80,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,entrepreneur,single,university.degree,no,no,no,telephone,jun,thu,75,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,blue-collar,married,professional.course,no,yes,no,telephone,jun,thu,65,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,blue-collar,married,professional.course,no,yes,no,telephone,jun,thu,168,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,blue-collar,married,unknown,no,no,no,telephone,jun,thu,179,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,self-employed,married,basic.9y,unknown,no,no,telephone,jun,thu,49,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +58,blue-collar,married,professional.course,unknown,no,yes,telephone,jun,thu,25,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,management,married,university.degree,no,no,no,telephone,jun,thu,221,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,unknown,married,unknown,no,no,no,telephone,jun,thu,484,8,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,technician,married,professional.course,no,no,no,telephone,jun,thu,119,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,management,married,university.degree,no,yes,no,telephone,jun,thu,773,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,thu,135,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +23,services,single,professional.course,unknown,no,no,telephone,jun,thu,169,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +33,admin.,single,professional.course,no,no,no,telephone,jun,thu,104,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,self-employed,married,university.degree,no,yes,no,telephone,jun,thu,870,11,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +26,self-employed,married,university.degree,no,yes,no,telephone,jun,thu,400,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +52,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,112,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,thu,283,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,services,single,professional.course,no,no,no,telephone,jun,thu,56,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,services,single,professional.course,no,no,no,telephone,jun,thu,224,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +54,admin.,divorced,university.degree,no,no,no,telephone,jun,thu,172,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,636,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +53,technician,married,unknown,no,no,no,telephone,jun,thu,40,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,admin.,married,university.degree,no,no,no,telephone,jun,thu,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,services,married,high.school,unknown,yes,no,telephone,jun,thu,396,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,admin.,divorced,university.degree,no,no,no,telephone,jun,thu,487,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +55,housemaid,divorced,university.degree,no,yes,no,telephone,jun,thu,221,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,blue-collar,single,unknown,no,no,no,telephone,jun,thu,116,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,blue-collar,single,unknown,no,yes,no,telephone,jun,thu,400,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,thu,222,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,blue-collar,married,unknown,no,no,yes,telephone,jun,thu,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,92,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +52,retired,married,high.school,no,no,no,telephone,jun,thu,48,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,thu,97,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +58,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,69,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +48,admin.,single,university.degree,no,yes,no,telephone,jun,thu,333,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +28,admin.,single,university.degree,no,yes,no,telephone,jun,thu,78,6,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +24,admin.,single,high.school,no,no,no,telephone,jun,thu,131,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,155,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,housemaid,married,basic.4y,unknown,yes,no,telephone,jun,thu,397,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,housemaid,married,high.school,no,yes,no,telephone,jun,thu,41,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,admin.,married,university.degree,unknown,no,no,telephone,jun,thu,93,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +29,services,single,high.school,no,yes,no,telephone,jun,thu,133,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,admin.,single,university.degree,no,no,no,telephone,jun,thu,57,6,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,technician,married,professional.course,no,yes,no,telephone,jun,thu,21,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,admin.,married,university.degree,no,no,no,telephone,jun,thu,47,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +48,admin.,married,high.school,no,yes,yes,telephone,jun,thu,89,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,services,divorced,basic.9y,no,yes,no,telephone,jun,thu,163,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +50,housemaid,married,unknown,no,yes,no,telephone,jun,thu,86,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,142,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +28,technician,single,professional.course,unknown,no,no,telephone,jun,thu,492,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,married,basic.9y,no,no,yes,telephone,jun,thu,327,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,technician,married,university.degree,unknown,no,no,telephone,jun,thu,189,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,812,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +52,management,divorced,university.degree,no,yes,yes,telephone,jun,thu,73,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,admin.,married,high.school,no,no,no,telephone,jun,thu,428,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,technician,married,basic.6y,no,no,no,telephone,jun,thu,41,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +23,services,single,professional.course,unknown,no,no,telephone,jun,thu,202,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +28,unknown,single,unknown,unknown,yes,no,telephone,jun,thu,169,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +33,self-employed,married,university.degree,no,yes,no,telephone,jun,thu,271,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,232,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,services,married,high.school,unknown,no,no,telephone,jun,thu,305,5,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,management,married,university.degree,no,no,no,telephone,jun,thu,175,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,technician,single,professional.course,no,unknown,unknown,telephone,jun,thu,67,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +26,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,thu,81,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +57,retired,single,professional.course,no,no,no,telephone,jun,thu,647,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +52,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,thu,910,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +30,blue-collar,single,unknown,no,no,no,telephone,jun,thu,65,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,admin.,married,university.degree,no,yes,yes,telephone,jun,thu,21,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +58,admin.,married,unknown,unknown,no,no,telephone,jun,thu,292,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,blue-collar,married,professional.course,no,no,no,telephone,jun,thu,1446,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +26,admin.,single,high.school,no,no,no,telephone,jun,thu,463,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +52,self-employed,married,basic.4y,unknown,no,no,telephone,jun,thu,60,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +48,management,married,university.degree,no,yes,no,telephone,jun,thu,141,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,admin.,married,basic.9y,unknown,yes,no,telephone,jun,thu,60,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,1149,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +58,retired,married,basic.4y,unknown,yes,no,telephone,jun,thu,179,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,thu,166,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,technician,married,professional.course,no,no,no,telephone,jun,thu,67,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +27,admin.,single,university.degree,no,no,yes,telephone,jun,thu,263,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,blue-collar,single,professional.course,no,no,no,telephone,jun,thu,133,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +33,services,married,high.school,no,yes,no,telephone,jun,thu,124,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,entrepreneur,married,basic.9y,no,no,no,telephone,jun,thu,331,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,self-employed,divorced,basic.4y,no,yes,no,telephone,jun,thu,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +58,housemaid,married,basic.4y,no,yes,no,telephone,jun,thu,190,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,unemployed,married,university.degree,unknown,yes,no,telephone,jun,thu,409,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,admin.,married,basic.9y,no,no,no,telephone,jun,thu,145,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,services,single,basic.9y,no,no,yes,telephone,jun,thu,139,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +59,technician,married,unknown,unknown,unknown,unknown,telephone,jun,thu,247,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,services,married,basic.4y,no,no,yes,telephone,jun,thu,90,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,52,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,admin.,divorced,high.school,no,no,no,telephone,jun,thu,170,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,admin.,married,basic.9y,unknown,yes,no,telephone,jun,thu,70,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,89,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,47,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,management,married,university.degree,no,yes,no,telephone,jun,thu,52,8,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,services,divorced,high.school,no,no,no,telephone,jun,thu,81,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,self-employed,single,university.degree,no,no,no,telephone,jun,thu,39,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,blue-collar,married,unknown,no,no,no,telephone,jun,thu,225,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +56,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,thu,36,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,287,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +53,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,627,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +29,blue-collar,single,basic.6y,no,yes,no,telephone,jun,thu,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,services,married,high.school,unknown,no,no,telephone,jun,thu,106,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +52,technician,married,basic.9y,no,yes,no,telephone,jun,thu,166,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,blue-collar,married,unknown,unknown,no,no,telephone,jun,thu,264,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +57,technician,divorced,basic.9y,no,no,no,telephone,jun,thu,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,452,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,management,married,university.degree,no,no,no,telephone,jun,thu,22,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,blue-collar,married,high.school,no,no,no,telephone,jun,thu,272,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,152,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,entrepreneur,married,basic.6y,unknown,no,no,telephone,jun,thu,85,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,247,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +28,technician,single,professional.course,no,no,no,telephone,jun,thu,508,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +40,management,married,university.degree,no,unknown,unknown,telephone,jun,thu,315,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +28,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,thu,109,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,thu,414,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,entrepreneur,married,high.school,unknown,yes,no,telephone,jun,thu,107,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,technician,married,high.school,unknown,yes,no,telephone,jun,thu,218,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,entrepreneur,married,basic.4y,unknown,no,no,telephone,jun,thu,285,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,290,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,unemployed,divorced,high.school,no,no,yes,telephone,jun,thu,257,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +57,services,married,high.school,unknown,no,yes,telephone,jun,thu,267,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,housemaid,divorced,basic.4y,unknown,yes,no,telephone,jun,thu,150,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,management,married,university.degree,no,no,no,telephone,jun,thu,21,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +53,services,married,high.school,unknown,yes,no,telephone,jun,thu,108,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,153,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,technician,married,professional.course,no,no,no,telephone,jun,thu,202,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +56,retired,married,basic.9y,unknown,yes,no,telephone,jun,thu,60,20,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,services,divorced,high.school,no,no,no,telephone,jun,thu,265,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,blue-collar,single,basic.4y,no,no,no,telephone,jun,thu,590,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +45,housemaid,married,professional.course,unknown,yes,no,telephone,jun,thu,126,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +56,technician,married,professional.course,unknown,no,no,telephone,jun,thu,48,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,admin.,divorced,university.degree,no,yes,no,telephone,jun,thu,234,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +29,entrepreneur,divorced,basic.9y,no,yes,no,telephone,jun,thu,53,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,thu,370,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,services,married,high.school,unknown,no,no,telephone,jun,thu,419,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +58,retired,married,high.school,no,no,no,telephone,jun,thu,355,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,blue-collar,married,high.school,no,no,no,telephone,jun,thu,280,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +50,blue-collar,married,basic.4y,no,unknown,unknown,telephone,jun,thu,80,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +59,retired,married,high.school,unknown,no,yes,telephone,jun,thu,222,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +59,retired,married,high.school,unknown,yes,no,telephone,jun,thu,251,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,admin.,single,basic.4y,unknown,no,no,telephone,jun,thu,117,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,admin.,single,university.degree,no,yes,no,telephone,jun,thu,237,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,management,married,unknown,unknown,no,yes,telephone,jun,thu,636,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +55,retired,married,professional.course,no,yes,no,telephone,jun,thu,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,single,basic.4y,no,no,no,telephone,jun,thu,83,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,164,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,blue-collar,married,basic.6y,no,no,no,telephone,jun,thu,103,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,blue-collar,married,unknown,unknown,yes,no,telephone,jun,thu,280,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +28,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,118,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +54,admin.,married,university.degree,no,yes,yes,telephone,jun,thu,80,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,technician,single,high.school,no,yes,no,telephone,jun,thu,127,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +59,unknown,married,unknown,unknown,no,no,telephone,jun,thu,701,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +35,technician,married,professional.course,no,yes,no,telephone,jun,thu,160,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,housemaid,divorced,high.school,no,no,no,telephone,jun,thu,57,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,services,married,high.school,no,no,no,telephone,jun,thu,227,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,admin.,married,university.degree,no,no,no,telephone,jun,thu,115,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,blue-collar,married,high.school,no,yes,no,telephone,jun,thu,267,11,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,761,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +39,entrepreneur,single,basic.6y,no,no,no,telephone,jun,thu,1053,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +54,technician,single,university.degree,unknown,no,no,telephone,jun,thu,594,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,blue-collar,married,basic.4y,no,unknown,unknown,telephone,jun,thu,471,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,services,married,high.school,no,no,no,telephone,jun,thu,227,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,technician,single,basic.9y,no,yes,no,telephone,jun,thu,113,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,services,married,high.school,unknown,no,no,telephone,jun,thu,447,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +56,entrepreneur,married,university.degree,unknown,yes,no,telephone,jun,thu,215,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,admin.,married,high.school,unknown,no,no,telephone,jun,thu,185,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +33,self-employed,single,university.degree,no,unknown,unknown,telephone,jun,thu,169,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,admin.,married,university.degree,unknown,yes,no,telephone,jun,thu,18,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,admin.,divorced,high.school,no,no,no,telephone,jun,thu,23,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,blue-collar,single,basic.6y,unknown,no,no,telephone,jun,thu,27,8,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,348,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +27,admin.,single,university.degree,no,no,no,telephone,jun,thu,64,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,57,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,housemaid,married,basic.4y,no,yes,no,telephone,jun,thu,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,168,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,admin.,married,high.school,no,yes,no,telephone,jun,thu,581,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,346,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,self-employed,married,basic.9y,unknown,no,no,telephone,jun,thu,99,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,237,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,services,married,high.school,no,yes,no,telephone,jun,thu,52,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,27,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,services,married,high.school,no,no,no,telephone,jun,thu,511,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,services,married,high.school,no,no,no,telephone,jun,thu,201,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +29,services,single,high.school,no,yes,no,telephone,jun,thu,170,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +26,blue-collar,single,basic.9y,no,yes,no,telephone,jun,thu,61,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,admin.,married,university.degree,no,no,no,telephone,jun,thu,256,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +50,technician,married,professional.course,unknown,yes,no,telephone,jun,thu,87,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +55,admin.,married,basic.4y,no,no,no,telephone,jun,thu,137,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,technician,married,basic.9y,unknown,yes,no,telephone,jun,thu,245,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +50,management,married,unknown,no,yes,no,telephone,jun,thu,1005,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +52,management,divorced,university.degree,no,no,no,telephone,jun,thu,20,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,services,married,high.school,no,no,no,telephone,jun,thu,387,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,management,single,university.degree,unknown,no,yes,telephone,jun,thu,690,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,admin.,married,high.school,unknown,yes,no,telephone,jun,thu,1084,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,blue-collar,married,high.school,no,no,no,telephone,jun,thu,140,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,services,married,basic.4y,no,yes,no,telephone,jun,thu,400,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +60,retired,married,professional.course,no,yes,no,telephone,jun,thu,190,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,technician,single,professional.course,no,no,no,telephone,jun,thu,432,8,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,technician,married,university.degree,no,no,no,telephone,jun,thu,82,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,housemaid,married,basic.6y,unknown,no,no,telephone,jun,thu,19,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +48,management,married,university.degree,no,no,yes,telephone,jun,thu,94,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,34,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +29,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,thu,586,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,technician,married,university.degree,no,no,no,telephone,jun,thu,983,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +40,admin.,married,high.school,no,no,no,telephone,jun,thu,221,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,admin.,single,unknown,unknown,no,no,telephone,jun,thu,563,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,technician,married,university.degree,no,no,no,telephone,jun,thu,741,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +58,entrepreneur,divorced,university.degree,no,no,no,telephone,jun,thu,40,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,thu,85,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +48,blue-collar,married,basic.6y,no,no,no,telephone,jun,thu,313,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,admin.,single,university.degree,no,no,no,telephone,jun,thu,128,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,163,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,blue-collar,single,basic.9y,no,yes,no,telephone,jun,thu,21,10,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,17,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,entrepreneur,married,university.degree,no,unknown,unknown,telephone,jun,thu,59,7,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +33,admin.,married,university.degree,no,unknown,unknown,telephone,jun,thu,49,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,housemaid,married,basic.9y,unknown,unknown,unknown,telephone,jun,thu,138,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,admin.,married,university.degree,no,yes,no,telephone,jun,thu,197,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,admin.,married,basic.9y,no,yes,no,telephone,jun,thu,622,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,services,divorced,professional.course,unknown,yes,no,telephone,jun,thu,339,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,unknown,married,unknown,unknown,no,yes,telephone,jun,thu,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,admin.,married,university.degree,no,no,no,telephone,jun,thu,175,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,technician,single,university.degree,unknown,yes,no,telephone,jun,thu,817,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +52,management,married,university.degree,no,no,no,telephone,jun,thu,423,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,blue-collar,married,professional.course,no,yes,no,telephone,jun,thu,181,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,admin.,married,university.degree,unknown,no,no,telephone,jun,thu,49,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +26,housemaid,married,university.degree,no,no,no,telephone,jun,thu,181,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,thu,77,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +57,self-employed,married,university.degree,unknown,yes,no,telephone,jun,thu,318,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +50,technician,married,professional.course,no,no,no,telephone,jun,thu,158,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,admin.,married,unknown,no,yes,no,telephone,jun,thu,189,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,divorced,professional.course,no,unknown,unknown,telephone,jun,thu,127,6,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,thu,86,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +48,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,jun,thu,63,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,technician,married,professional.course,no,no,no,telephone,jun,thu,517,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,thu,420,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,333,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,entrepreneur,married,basic.4y,no,no,no,telephone,jun,thu,26,24,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +56,admin.,divorced,unknown,no,no,no,telephone,jun,thu,57,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,admin.,married,high.school,no,no,no,telephone,jun,thu,127,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,272,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,admin.,single,basic.9y,no,no,no,telephone,jun,thu,105,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,101,11,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,admin.,married,high.school,no,no,no,telephone,jun,thu,152,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,services,married,high.school,unknown,no,no,telephone,jun,thu,97,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +52,housemaid,married,basic.4y,unknown,no,no,telephone,jun,thu,92,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,admin.,married,high.school,no,yes,no,telephone,jun,thu,337,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,955,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +29,services,single,high.school,no,yes,no,telephone,jun,thu,1018,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +46,management,married,basic.6y,unknown,no,no,telephone,jun,thu,90,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,services,single,high.school,no,no,no,telephone,jun,thu,729,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,technician,single,high.school,no,yes,no,telephone,jun,thu,159,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,technician,divorced,professional.course,no,yes,no,telephone,jun,thu,330,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,entrepreneur,married,university.degree,no,yes,no,telephone,jun,thu,130,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,thu,94,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,admin.,married,high.school,no,no,no,telephone,jun,thu,314,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,74,5,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,admin.,married,professional.course,no,yes,no,telephone,jun,thu,193,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,53,29,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,services,married,high.school,no,no,no,telephone,jun,thu,231,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,admin.,divorced,university.degree,no,no,no,telephone,jun,thu,353,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,technician,married,professional.course,no,no,no,telephone,jun,thu,805,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,entrepreneur,married,professional.course,unknown,unknown,unknown,telephone,jun,thu,19,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,services,single,basic.6y,no,unknown,unknown,telephone,jun,thu,131,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,entrepreneur,married,basic.9y,no,yes,yes,telephone,jun,thu,102,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +27,blue-collar,single,basic.9y,no,no,yes,telephone,jun,thu,869,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,admin.,married,university.degree,no,yes,no,telephone,jun,thu,65,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +56,technician,married,professional.course,unknown,yes,no,telephone,jun,thu,150,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,management,divorced,university.degree,unknown,no,no,telephone,jun,thu,91,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,144,7,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,management,divorced,professional.course,no,no,no,telephone,jun,thu,115,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +49,technician,married,university.degree,no,yes,yes,telephone,jun,thu,460,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,thu,561,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,blue-collar,divorced,professional.course,no,no,no,telephone,jun,thu,884,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,yes +51,unemployed,married,high.school,no,no,no,telephone,jun,thu,93,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,entrepreneur,married,university.degree,no,no,no,telephone,jun,thu,989,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,admin.,married,basic.9y,no,yes,no,telephone,jun,thu,209,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +51,admin.,married,university.degree,no,no,no,telephone,jun,thu,295,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,admin.,single,basic.9y,unknown,yes,no,telephone,jun,thu,319,6,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +47,admin.,married,unknown,unknown,yes,yes,telephone,jun,thu,323,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,management,married,high.school,unknown,no,yes,telephone,jun,thu,70,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,services,married,basic.9y,no,no,no,telephone,jun,thu,110,17,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,162,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,admin.,single,high.school,unknown,yes,no,telephone,jun,thu,67,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +25,services,single,professional.course,no,yes,no,telephone,jun,thu,18,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,technician,married,professional.course,no,no,no,telephone,jun,thu,221,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,admin.,divorced,university.degree,no,no,no,telephone,jun,thu,138,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +52,blue-collar,married,unknown,unknown,yes,no,telephone,jun,thu,60,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +34,admin.,single,university.degree,unknown,no,no,telephone,jun,thu,17,16,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,technician,married,professional.course,no,no,no,telephone,jun,thu,214,5,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +40,admin.,married,university.degree,unknown,no,no,telephone,jun,thu,650,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +27,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,75,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,technician,married,basic.9y,unknown,no,no,telephone,jun,thu,246,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +29,blue-collar,married,high.school,no,no,no,telephone,jun,thu,718,13,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,self-employed,married,university.degree,unknown,no,no,telephone,jun,thu,108,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,services,married,high.school,no,yes,no,telephone,jun,thu,394,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +30,management,single,university.degree,no,no,no,telephone,jun,thu,27,7,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +48,admin.,divorced,high.school,no,yes,yes,telephone,jun,thu,1011,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,admin.,married,high.school,no,yes,yes,telephone,jun,thu,204,4,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,admin.,married,university.degree,unknown,yes,no,telephone,jun,thu,160,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +37,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,222,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,240,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +38,unemployed,married,basic.4y,unknown,no,no,telephone,jun,thu,54,26,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,technician,married,university.degree,no,unknown,unknown,telephone,jun,thu,131,10,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,technician,married,professional.course,no,yes,no,telephone,jun,thu,18,31,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +39,blue-collar,married,basic.6y,no,no,no,telephone,jun,thu,31,5,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,services,divorced,unknown,no,no,no,telephone,jun,thu,474,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +23,blue-collar,married,high.school,no,no,yes,telephone,jun,thu,173,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,unemployed,married,basic.6y,unknown,no,no,telephone,jun,thu,87,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +31,services,married,high.school,unknown,yes,no,telephone,jun,thu,67,12,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,246,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +25,technician,single,university.degree,no,yes,yes,telephone,jun,thu,128,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +36,admin.,married,high.school,no,yes,no,telephone,jun,thu,285,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,technician,married,professional.course,unknown,yes,no,telephone,jun,thu,69,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +57,technician,single,professional.course,no,yes,no,telephone,jun,thu,451,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +41,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,96,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,services,married,high.school,no,yes,no,telephone,jun,thu,172,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +53,technician,married,professional.course,unknown,yes,no,telephone,jun,thu,939,6,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +46,management,married,university.degree,no,yes,no,telephone,jun,thu,234,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +29,services,single,high.school,no,no,no,telephone,jun,thu,240,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +45,housemaid,married,professional.course,unknown,no,no,telephone,jun,thu,210,3,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +42,blue-collar,divorced,high.school,no,no,yes,telephone,jun,thu,175,7,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +50,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,182,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +44,housemaid,married,basic.4y,unknown,no,no,telephone,jun,thu,124,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,housemaid,married,high.school,no,no,no,telephone,jun,thu,372,1,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +32,housemaid,single,high.school,no,no,no,telephone,jun,thu,406,2,999,0,nonexistent,1.4,94.465,-41.8,4.8660000000000005,5228.1,no +35,admin.,married,university.degree,no,yes,no,telephone,jun,fri,463,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,services,married,high.school,unknown,no,no,telephone,jun,fri,24,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,services,married,high.school,unknown,unknown,unknown,telephone,jun,fri,127,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,services,married,high.school,unknown,no,yes,telephone,jun,fri,105,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,services,married,high.school,no,yes,no,telephone,jun,fri,130,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,entrepreneur,married,unknown,no,no,no,telephone,jun,fri,42,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,blue-collar,married,high.school,no,yes,no,telephone,jun,fri,178,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,admin.,divorced,university.degree,no,no,no,telephone,jun,fri,94,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,blue-collar,married,high.school,no,no,no,telephone,jun,fri,82,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,fri,144,15,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,entrepreneur,married,unknown,unknown,no,no,telephone,jun,fri,1072,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,retired,married,professional.course,no,yes,no,telephone,jun,fri,40,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,admin.,single,university.degree,no,no,yes,telephone,jun,fri,164,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,management,married,high.school,no,unknown,unknown,telephone,jun,fri,190,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,services,married,high.school,no,yes,no,telephone,jun,fri,582,11,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,blue-collar,single,basic.9y,unknown,yes,no,telephone,jun,fri,261,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,management,single,university.degree,unknown,no,no,telephone,jun,fri,215,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,blue-collar,divorced,unknown,no,no,no,telephone,jun,fri,278,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,blue-collar,married,high.school,unknown,no,no,telephone,jun,fri,116,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,blue-collar,married,basic.9y,no,no,yes,telephone,jun,fri,188,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,services,married,high.school,no,yes,no,telephone,jun,fri,554,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +33,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,432,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +60,admin.,single,high.school,no,no,no,telephone,jun,fri,118,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,technician,married,professional.course,no,no,no,telephone,jun,fri,193,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,technician,married,basic.9y,no,no,no,telephone,jun,fri,63,9,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,technician,married,university.degree,no,yes,no,telephone,jun,fri,246,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,management,married,high.school,no,no,no,telephone,jun,fri,143,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,fri,361,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,services,married,high.school,unknown,no,no,telephone,jun,fri,453,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,entrepreneur,married,basic.9y,no,no,yes,telephone,jun,fri,249,6,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,admin.,married,high.school,no,no,yes,telephone,jun,fri,219,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,housemaid,married,basic.6y,unknown,no,no,telephone,jun,fri,126,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,management,married,high.school,unknown,no,no,telephone,jun,fri,552,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,technician,married,basic.9y,no,yes,no,telephone,jun,fri,447,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,blue-collar,married,unknown,no,no,no,telephone,jun,fri,339,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,technician,married,professional.course,no,yes,no,telephone,jun,fri,220,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +53,services,married,high.school,unknown,no,no,telephone,jun,fri,373,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,26,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +49,technician,married,professional.course,no,yes,no,telephone,jun,fri,79,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +45,self-employed,married,basic.4y,unknown,no,no,telephone,jun,fri,339,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,technician,married,professional.course,no,no,no,telephone,jun,fri,18,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,513,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,84,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,404,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jun,fri,186,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,technician,married,university.degree,unknown,yes,yes,telephone,jun,fri,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +57,management,divorced,university.degree,no,yes,no,telephone,jun,fri,351,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +58,technician,married,unknown,no,yes,no,telephone,jun,fri,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,technician,married,university.degree,unknown,no,no,telephone,jun,fri,399,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,blue-collar,married,basic.6y,no,yes,no,telephone,jun,fri,60,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,technician,married,basic.9y,no,no,no,telephone,jun,fri,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,admin.,single,university.degree,no,no,no,telephone,jun,fri,19,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,unemployed,married,high.school,unknown,yes,no,telephone,jun,fri,334,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,management,married,university.degree,no,no,yes,telephone,jun,fri,49,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,50,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +27,services,single,professional.course,no,no,no,telephone,jun,fri,106,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,admin.,married,professional.course,no,yes,yes,telephone,jun,fri,248,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,self-employed,married,professional.course,no,no,no,telephone,jun,fri,101,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,management,married,university.degree,no,no,no,telephone,jun,fri,114,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,self-employed,married,university.degree,no,no,no,telephone,jun,fri,414,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,admin.,single,high.school,no,yes,no,telephone,jun,fri,266,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +26,services,single,high.school,no,no,no,telephone,jun,fri,363,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,services,married,high.school,unknown,yes,no,telephone,jun,fri,246,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,admin.,single,university.degree,no,yes,yes,telephone,jun,fri,431,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,fri,110,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,113,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,technician,married,unknown,no,no,no,telephone,jun,fri,237,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,1276,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +35,blue-collar,single,unknown,no,no,yes,telephone,jun,fri,1114,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,admin.,divorced,basic.9y,no,no,no,telephone,jun,fri,161,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,189,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,technician,married,professional.course,no,no,no,telephone,jun,fri,29,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,services,married,high.school,unknown,yes,no,telephone,jun,fri,329,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,420,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,blue-collar,single,high.school,no,no,no,telephone,jun,fri,672,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +52,self-employed,married,basic.4y,unknown,no,yes,telephone,jun,fri,381,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +58,technician,divorced,basic.9y,no,no,no,telephone,jun,fri,80,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,194,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,technician,married,professional.course,no,no,no,telephone,jun,fri,1994,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,183,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,technician,single,high.school,no,no,no,telephone,jun,fri,250,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,services,married,unknown,unknown,no,no,telephone,jun,fri,81,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +53,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,223,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +45,admin.,single,basic.9y,unknown,yes,no,telephone,jun,fri,172,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,services,married,high.school,no,no,no,telephone,jun,fri,100,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +52,technician,married,basic.9y,no,no,no,telephone,jun,fri,188,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,blue-collar,married,high.school,unknown,no,yes,telephone,jun,fri,320,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,technician,married,professional.course,no,no,yes,telephone,jun,fri,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +57,retired,married,basic.4y,no,no,no,telephone,jun,fri,83,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,admin.,single,high.school,no,yes,no,telephone,jun,fri,122,16,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,services,married,high.school,no,yes,no,telephone,jun,fri,51,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,self-employed,married,basic.9y,no,no,no,telephone,jun,fri,330,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +53,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,fri,164,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,unemployed,married,university.degree,no,yes,yes,telephone,jun,fri,272,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,120,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,technician,married,basic.9y,no,yes,no,telephone,jun,fri,307,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,admin.,married,high.school,unknown,yes,no,telephone,jun,fri,377,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +55,services,married,high.school,unknown,yes,no,telephone,jun,fri,315,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,services,married,professional.course,no,no,no,telephone,jun,fri,24,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,services,divorced,basic.6y,no,no,yes,telephone,jun,fri,386,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,services,divorced,high.school,no,yes,no,telephone,jun,fri,56,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +56,blue-collar,married,high.school,unknown,yes,no,telephone,jun,fri,79,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,management,married,unknown,no,yes,no,telephone,jun,fri,30,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,blue-collar,married,high.school,unknown,no,no,telephone,jun,fri,182,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,admin.,single,university.degree,no,yes,no,telephone,jun,fri,358,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,retired,married,basic.9y,unknown,no,no,telephone,jun,fri,42,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +28,admin.,single,university.degree,no,no,no,telephone,jun,fri,227,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +52,unknown,married,basic.4y,no,yes,no,telephone,jun,fri,29,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,admin.,married,university.degree,no,no,no,telephone,jun,fri,52,13,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,unemployed,married,university.degree,no,no,no,telephone,jun,fri,360,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +58,services,married,high.school,unknown,yes,yes,telephone,jun,fri,136,13,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,entrepreneur,divorced,high.school,no,no,no,telephone,jun,fri,106,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,admin.,single,high.school,no,yes,no,telephone,jun,fri,141,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,28,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,blue-collar,married,professional.course,no,yes,no,telephone,jun,fri,862,11,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +40,admin.,single,high.school,no,no,no,telephone,jun,fri,97,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,blue-collar,married,high.school,no,no,no,telephone,jun,fri,107,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,94,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +26,entrepreneur,married,university.degree,no,yes,no,telephone,jun,fri,168,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,blue-collar,single,basic.4y,unknown,yes,no,telephone,jun,fri,44,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +28,admin.,married,high.school,no,no,yes,telephone,jun,fri,260,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,admin.,married,university.degree,no,no,no,telephone,jun,fri,460,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +35,management,single,unknown,no,no,no,telephone,jun,fri,712,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,1567,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,technician,single,university.degree,no,no,no,telephone,jun,fri,78,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +28,entrepreneur,married,basic.9y,no,yes,yes,telephone,jun,fri,262,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,management,married,university.degree,no,no,no,telephone,jun,fri,84,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,housemaid,married,basic.9y,no,yes,yes,telephone,jun,fri,173,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jun,fri,175,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,technician,single,professional.course,unknown,no,no,telephone,jun,fri,29,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,968,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,unemployed,single,high.school,unknown,yes,no,telephone,jun,fri,219,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,unknown,married,basic.6y,no,no,yes,telephone,jun,fri,220,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,642,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +30,admin.,married,university.degree,no,no,yes,telephone,jun,fri,71,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,admin.,married,high.school,unknown,no,no,telephone,jun,fri,238,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +52,entrepreneur,married,university.degree,unknown,no,yes,telephone,jun,fri,60,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,blue-collar,married,basic.4y,no,unknown,unknown,telephone,jun,fri,165,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,retired,single,basic.6y,unknown,yes,no,telephone,jun,fri,133,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,technician,married,professional.course,unknown,no,no,telephone,jun,fri,45,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,admin.,single,university.degree,no,yes,no,telephone,jun,fri,136,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,admin.,married,high.school,unknown,unknown,unknown,telephone,jun,fri,136,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,admin.,divorced,university.degree,unknown,yes,no,telephone,jun,fri,40,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,admin.,married,high.school,unknown,no,yes,telephone,jun,fri,383,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,self-employed,single,high.school,no,no,no,telephone,jun,fri,464,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,fri,37,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,jun,fri,189,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,services,married,high.school,unknown,no,no,telephone,jun,fri,78,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,blue-collar,married,basic.9y,no,no,yes,telephone,jun,fri,176,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,fri,181,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,admin.,married,university.degree,no,yes,no,telephone,jun,fri,193,7,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,admin.,married,high.school,no,yes,yes,telephone,jun,fri,118,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,entrepreneur,married,university.degree,unknown,unknown,unknown,telephone,jun,fri,217,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,entrepreneur,married,unknown,unknown,yes,no,telephone,jun,fri,86,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,blue-collar,married,basic.6y,no,unknown,unknown,telephone,jun,fri,52,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,185,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,management,married,university.degree,unknown,no,no,telephone,jun,fri,442,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,blue-collar,married,professional.course,unknown,no,no,telephone,jun,fri,554,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +58,services,married,basic.4y,no,no,no,telephone,jun,fri,247,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +58,services,married,basic.4y,no,unknown,unknown,telephone,jun,fri,250,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,800,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,216,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +27,self-employed,single,university.degree,no,no,no,telephone,jun,fri,46,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,admin.,married,basic.9y,no,no,yes,telephone,jun,fri,434,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,250,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,admin.,married,university.degree,no,no,no,telephone,jun,fri,230,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,516,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +58,housemaid,married,high.school,unknown,unknown,unknown,telephone,jun,fri,153,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,78,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,self-employed,divorced,high.school,no,yes,no,telephone,jun,fri,1041,13,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,admin.,married,university.degree,no,yes,no,telephone,jun,fri,66,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,technician,married,basic.6y,unknown,no,no,telephone,jun,fri,527,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,technician,married,basic.9y,no,no,no,telephone,jun,fri,100,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,admin.,married,high.school,no,no,no,telephone,jun,fri,308,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,self-employed,married,university.degree,no,no,no,telephone,jun,fri,467,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +47,services,married,high.school,no,no,no,telephone,jun,fri,341,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,technician,divorced,university.degree,no,no,no,telephone,jun,fri,1288,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,fri,178,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,technician,married,professional.course,no,no,no,telephone,jun,fri,163,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,172,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +58,management,married,basic.4y,unknown,no,no,telephone,jun,fri,301,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,technician,married,professional.course,no,no,no,telephone,jun,fri,140,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,311,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,unemployed,married,university.degree,no,no,no,telephone,jun,fri,212,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +45,unemployed,married,basic.4y,no,yes,yes,telephone,jun,fri,264,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,326,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,admin.,married,high.school,no,no,no,telephone,jun,fri,319,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,technician,married,university.degree,no,yes,no,telephone,jun,fri,186,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,473,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,blue-collar,single,unknown,no,no,yes,telephone,jun,fri,274,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,unemployed,married,basic.6y,unknown,no,yes,telephone,jun,fri,152,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,fri,18,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +45,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,fri,13,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,technician,divorced,basic.4y,no,no,no,telephone,jun,fri,639,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,admin.,divorced,university.degree,no,yes,no,telephone,jun,fri,2653,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +31,housemaid,single,university.degree,no,no,yes,telephone,jun,fri,129,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,fri,426,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +57,management,single,basic.9y,no,no,no,telephone,jun,fri,229,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,entrepreneur,married,university.degree,unknown,yes,no,telephone,jun,fri,460,8,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,blue-collar,married,basic.6y,no,unknown,unknown,telephone,jun,fri,154,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,252,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,housemaid,married,high.school,no,yes,yes,telephone,jun,fri,292,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,admin.,married,high.school,no,yes,no,telephone,jun,fri,44,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,management,married,basic.9y,no,yes,no,telephone,jun,fri,384,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,admin.,single,university.degree,no,no,no,telephone,jun,fri,213,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,fri,94,7,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,72,6,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,admin.,married,high.school,no,no,no,telephone,jun,fri,36,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,entrepreneur,married,university.degree,no,yes,no,telephone,jun,fri,316,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +49,retired,married,basic.9y,no,no,no,telephone,jun,fri,217,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,admin.,single,high.school,no,no,yes,telephone,jun,fri,180,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,technician,married,university.degree,no,yes,no,telephone,jun,fri,562,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,management,married,university.degree,no,yes,no,telephone,jun,fri,422,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,blue-collar,single,basic.6y,unknown,no,yes,telephone,jun,fri,198,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,admin.,single,high.school,no,yes,no,telephone,jun,fri,17,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,self-employed,married,professional.course,no,yes,no,telephone,jun,fri,174,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +55,unemployed,married,basic.4y,unknown,yes,yes,telephone,jun,fri,95,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +45,admin.,divorced,basic.9y,no,yes,no,telephone,jun,fri,261,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,fri,144,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +53,admin.,married,basic.9y,no,no,no,telephone,jun,fri,122,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,technician,single,professional.course,no,unknown,unknown,telephone,jun,fri,59,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,services,single,high.school,unknown,yes,no,telephone,jun,fri,334,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,fri,49,8,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,services,married,high.school,no,yes,yes,telephone,jun,fri,165,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +57,retired,married,university.degree,no,yes,no,telephone,jun,fri,59,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,services,divorced,high.school,no,no,no,telephone,jun,fri,103,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +49,housemaid,married,basic.4y,unknown,yes,no,telephone,jun,fri,190,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +27,blue-collar,single,basic.6y,no,yes,yes,telephone,jun,fri,187,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,blue-collar,married,professional.course,no,no,no,telephone,jun,fri,286,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +28,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,167,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,technician,married,high.school,no,no,no,telephone,jun,fri,52,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,technician,married,professional.course,no,no,yes,telephone,jun,fri,197,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,housemaid,married,university.degree,no,yes,no,telephone,jun,fri,262,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +56,technician,married,professional.course,unknown,no,yes,telephone,jun,fri,168,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,jun,fri,430,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,technician,married,professional.course,no,no,no,telephone,jun,fri,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,48,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,technician,married,professional.course,no,yes,no,telephone,jun,fri,350,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,management,married,university.degree,no,yes,no,telephone,jun,fri,30,24,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,blue-collar,married,basic.9y,no,no,yes,telephone,jun,fri,213,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,technician,married,professional.course,unknown,yes,no,telephone,jun,fri,371,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,207,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,blue-collar,married,professional.course,no,no,no,telephone,jun,fri,24,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,204,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,technician,married,professional.course,no,no,no,telephone,jun,fri,36,24,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,unemployed,married,basic.9y,no,no,no,telephone,jun,fri,139,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +55,admin.,married,high.school,no,unknown,unknown,telephone,jun,fri,92,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,housemaid,single,basic.4y,no,no,no,telephone,jun,fri,322,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,self-employed,married,basic.4y,unknown,no,no,telephone,jun,fri,420,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,admin.,married,university.degree,unknown,unknown,unknown,telephone,jun,fri,65,6,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +56,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,143,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,blue-collar,married,high.school,unknown,unknown,unknown,telephone,jun,fri,102,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,blue-collar,married,high.school,unknown,no,no,telephone,jun,fri,58,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,admin.,married,university.degree,unknown,yes,yes,telephone,jun,fri,545,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,technician,single,high.school,no,yes,yes,telephone,jun,fri,190,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,admin.,married,high.school,unknown,yes,no,telephone,jun,fri,85,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,1085,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +38,admin.,married,basic.9y,unknown,yes,no,telephone,jun,fri,514,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +27,student,single,high.school,unknown,no,no,telephone,jun,fri,471,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,unknown,single,unknown,unknown,yes,no,telephone,jun,fri,94,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,admin.,single,university.degree,no,no,yes,telephone,jun,fri,159,9,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,management,married,basic.6y,unknown,yes,no,telephone,jun,fri,38,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,technician,married,university.degree,no,no,no,telephone,jun,fri,191,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,blue-collar,divorced,professional.course,no,no,no,telephone,jun,fri,10,23,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +53,admin.,divorced,university.degree,no,no,no,telephone,jun,fri,1330,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +45,admin.,married,high.school,no,no,no,telephone,jun,fri,48,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,technician,single,high.school,no,no,no,telephone,jun,fri,236,7,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,technician,married,basic.9y,no,yes,no,telephone,jun,fri,503,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,services,married,high.school,no,no,yes,telephone,jun,fri,108,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,management,married,university.degree,no,no,no,telephone,jun,fri,47,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,blue-collar,single,basic.6y,no,no,no,telephone,jun,fri,319,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,blue-collar,single,professional.course,no,yes,no,telephone,jun,fri,42,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,management,married,unknown,no,yes,no,telephone,jun,fri,143,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,services,married,high.school,unknown,unknown,unknown,telephone,jun,fri,82,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,admin.,single,basic.4y,unknown,unknown,unknown,telephone,jun,fri,248,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,technician,single,basic.9y,no,yes,no,telephone,jun,fri,461,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,self-employed,married,basic.4y,unknown,yes,no,telephone,jun,fri,313,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,86,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,management,married,university.degree,no,no,no,telephone,jun,fri,197,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +53,admin.,divorced,university.degree,no,no,no,telephone,jun,fri,80,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +28,admin.,married,high.school,no,no,no,telephone,jun,fri,113,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,admin.,single,basic.6y,no,yes,yes,telephone,jun,fri,613,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,201,6,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,technician,married,professional.course,no,no,no,telephone,jun,fri,1271,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,admin.,married,university.degree,no,no,no,telephone,jun,fri,155,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,admin.,married,university.degree,no,no,no,telephone,jun,fri,466,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,unemployed,married,university.degree,no,no,no,telephone,jun,fri,298,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,technician,married,professional.course,unknown,yes,no,telephone,jun,fri,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,admin.,married,basic.9y,unknown,yes,no,telephone,jun,fri,114,7,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,self-employed,married,university.degree,no,yes,no,telephone,jun,fri,306,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +60,self-employed,married,professional.course,unknown,no,no,telephone,jun,fri,162,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +28,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,fri,419,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,entrepreneur,single,professional.course,no,no,yes,telephone,jun,fri,85,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +52,self-employed,single,university.degree,unknown,yes,no,telephone,jun,fri,73,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +56,technician,married,unknown,no,no,no,telephone,jun,fri,49,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,admin.,single,university.degree,no,no,no,telephone,jun,fri,298,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,250,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,blue-collar,divorced,basic.9y,no,unknown,unknown,telephone,jun,fri,92,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,admin.,married,university.degree,no,no,no,telephone,jun,fri,143,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,151,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +56,admin.,married,high.school,no,yes,no,telephone,jun,fri,21,20,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,admin.,married,high.school,no,no,no,telephone,jun,fri,354,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +53,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,fri,63,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,unemployed,married,basic.9y,no,no,no,telephone,jun,fri,56,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,admin.,divorced,high.school,no,yes,yes,telephone,jun,fri,354,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,jun,fri,161,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,fri,113,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,fri,176,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,technician,married,university.degree,unknown,no,no,telephone,jun,fri,431,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,retired,married,basic.4y,unknown,no,no,telephone,jun,fri,63,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,blue-collar,married,high.school,no,no,yes,telephone,jun,fri,164,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,blue-collar,divorced,basic.6y,unknown,no,no,telephone,jun,fri,81,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,unemployed,married,professional.course,no,yes,no,telephone,jun,fri,136,6,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,services,married,high.school,no,yes,no,telephone,jun,fri,303,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,services,divorced,basic.9y,no,no,no,telephone,jun,fri,158,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,fri,651,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,technician,married,professional.course,no,yes,no,telephone,jun,fri,118,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,unemployed,married,unknown,no,no,no,telephone,jun,fri,280,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,technician,married,university.degree,no,no,yes,telephone,jun,fri,145,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,admin.,married,university.degree,no,no,no,telephone,jun,fri,39,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +50,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,fri,82,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,admin.,married,high.school,no,no,no,telephone,jun,fri,355,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,151,6,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,technician,married,university.degree,no,yes,no,telephone,jun,fri,59,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,technician,married,professional.course,unknown,yes,no,telephone,jun,fri,34,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,190,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +45,technician,married,professional.course,unknown,no,no,telephone,jun,fri,124,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,admin.,single,university.degree,no,yes,no,telephone,jun,fri,342,10,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,72,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,services,single,high.school,no,no,no,telephone,jun,fri,207,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,technician,divorced,basic.4y,no,yes,no,telephone,jun,fri,128,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,management,married,high.school,no,yes,yes,telephone,jun,fri,304,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,blue-collar,married,high.school,no,no,no,telephone,jun,fri,42,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,technician,married,basic.9y,no,no,no,telephone,jun,fri,27,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,blue-collar,single,basic.4y,no,no,yes,telephone,jun,fri,396,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,admin.,single,university.degree,no,yes,no,telephone,jun,fri,520,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,admin.,single,university.degree,unknown,yes,no,telephone,jun,fri,188,7,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,93,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,admin.,divorced,university.degree,no,no,no,telephone,jun,fri,70,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,technician,married,professional.course,no,yes,no,telephone,jun,fri,95,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,technician,single,professional.course,no,no,no,telephone,jun,fri,392,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +44,admin.,divorced,university.degree,no,yes,no,telephone,jun,fri,25,6,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +48,self-employed,married,basic.9y,unknown,no,no,telephone,jun,fri,246,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,technician,married,university.degree,no,no,no,telephone,jun,fri,94,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,technician,married,basic.9y,no,yes,no,telephone,jun,fri,197,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +25,blue-collar,single,high.school,no,yes,no,telephone,jun,fri,446,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,self-employed,married,university.degree,unknown,no,no,telephone,jun,fri,145,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +31,entrepreneur,married,high.school,no,yes,no,telephone,jun,fri,100,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,technician,married,university.degree,no,no,yes,telephone,jun,fri,252,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +27,self-employed,single,university.degree,no,no,yes,telephone,jun,fri,100,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +55,admin.,married,basic.4y,unknown,no,no,telephone,jun,fri,1469,9,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +47,retired,married,basic.4y,unknown,no,yes,telephone,jun,fri,37,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +27,technician,single,professional.course,no,no,no,telephone,jun,fri,112,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +41,housemaid,married,university.degree,unknown,no,no,telephone,jun,fri,235,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,28,6,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +54,admin.,married,unknown,unknown,no,no,telephone,jun,fri,34,16,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,admin.,single,university.degree,no,unknown,unknown,telephone,jun,fri,121,4,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,technician,married,professional.course,no,no,no,telephone,jun,fri,145,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,61,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,technician,married,basic.9y,no,no,no,telephone,jun,fri,82,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +47,technician,single,professional.course,unknown,no,no,telephone,jun,fri,61,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +25,housemaid,married,basic.9y,no,no,no,telephone,jun,fri,152,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,admin.,married,university.degree,no,yes,no,telephone,jun,fri,606,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +34,technician,married,university.degree,no,no,no,telephone,jun,fri,288,12,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,135,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +40,services,divorced,high.school,no,yes,no,telephone,jun,fri,685,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,yes +37,entrepreneur,married,basic.9y,no,no,no,telephone,jun,fri,50,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +37,unemployed,married,professional.course,no,no,no,telephone,jun,fri,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,160,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,management,married,university.degree,no,yes,no,telephone,jun,fri,23,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +43,blue-collar,divorced,basic.9y,unknown,no,yes,telephone,jun,fri,222,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,admin.,single,university.degree,unknown,no,no,telephone,jun,fri,122,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +30,admin.,married,university.degree,no,no,no,telephone,jun,fri,75,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +35,services,married,professional.course,unknown,no,no,telephone,jun,fri,103,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +39,management,married,university.degree,no,yes,yes,telephone,jun,fri,383,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,technician,single,professional.course,unknown,yes,no,telephone,jun,fri,111,5,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,services,married,high.school,no,yes,yes,telephone,jun,fri,26,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,services,married,high.school,no,yes,no,telephone,jun,fri,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,183,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +36,blue-collar,single,high.school,no,yes,no,telephone,jun,fri,61,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,self-employed,married,university.degree,no,yes,no,telephone,jun,fri,59,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +58,retired,married,basic.9y,no,no,no,telephone,jun,fri,33,2,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +38,services,married,basic.9y,no,no,no,telephone,jun,fri,31,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +25,admin.,married,university.degree,no,yes,no,telephone,jun,fri,109,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,unemployed,divorced,basic.4y,no,no,yes,telephone,jun,fri,19,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +49,admin.,single,high.school,no,yes,no,telephone,jun,fri,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +46,entrepreneur,married,professional.course,unknown,no,no,telephone,jun,fri,243,7,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +42,entrepreneur,single,university.degree,no,yes,no,telephone,jun,fri,491,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +59,blue-collar,married,basic.6y,no,yes,no,telephone,jun,fri,127,1,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +32,housemaid,married,university.degree,no,yes,no,telephone,jun,fri,1291,3,999,0,nonexistent,1.4,94.465,-41.8,4.967,5228.1,no +29,self-employed,single,university.degree,no,no,no,telephone,jun,mon,221,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,214,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,housemaid,single,basic.4y,no,yes,yes,telephone,jun,mon,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,services,single,high.school,no,no,yes,telephone,jun,mon,74,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,entrepreneur,married,university.degree,no,yes,no,telephone,jun,mon,82,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jun,mon,164,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,services,single,high.school,no,yes,no,telephone,jun,mon,256,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,86,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,technician,married,professional.course,no,yes,no,telephone,jun,mon,358,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,349,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,self-employed,married,basic.9y,no,yes,no,telephone,jun,mon,107,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,mon,238,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,professional.course,no,yes,no,telephone,jun,mon,38,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,services,single,high.school,unknown,no,no,telephone,jun,mon,73,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,blue-collar,unknown,basic.6y,unknown,no,no,telephone,jun,mon,832,18,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,self-employed,married,university.degree,unknown,yes,yes,telephone,jun,mon,106,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,housemaid,single,basic.9y,no,yes,no,telephone,jun,mon,113,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,self-employed,married,university.degree,no,yes,no,telephone,jun,mon,529,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,divorced,university.degree,no,yes,no,telephone,jun,mon,464,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,mon,61,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,single,basic.4y,no,yes,no,telephone,jun,mon,108,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,services,single,high.school,unknown,yes,no,telephone,jun,mon,332,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,services,married,high.school,unknown,yes,no,telephone,jun,mon,81,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,unknown,married,university.degree,no,yes,no,telephone,jun,mon,112,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,married,high.school,no,no,no,telephone,jun,mon,181,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,mon,108,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,basic.9y,no,no,no,telephone,jun,mon,226,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,entrepreneur,divorced,university.degree,unknown,no,no,telephone,jun,mon,60,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,technician,married,professional.course,no,yes,no,telephone,jun,mon,85,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,202,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,single,university.degree,no,yes,no,telephone,jun,mon,540,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,university.degree,no,yes,no,telephone,jun,mon,196,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,services,married,basic.6y,unknown,yes,no,telephone,jun,mon,52,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,management,married,basic.4y,no,no,yes,telephone,jun,mon,74,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,299,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,single,high.school,no,unknown,unknown,telephone,jun,mon,311,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,technician,married,basic.6y,no,no,no,telephone,jun,mon,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,admin.,married,university.degree,no,no,yes,telephone,jun,mon,232,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,housemaid,married,basic.4y,unknown,yes,no,telephone,jun,mon,65,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,jun,mon,65,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,157,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,admin.,married,university.degree,no,yes,no,telephone,jun,mon,216,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,mon,79,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,technician,married,professional.course,no,no,no,telephone,jun,mon,220,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,single,unknown,no,no,yes,telephone,jun,mon,152,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,management,married,university.degree,no,no,no,telephone,jun,mon,140,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,single,unknown,no,yes,no,telephone,jun,mon,400,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,technician,divorced,basic.9y,no,yes,no,telephone,jun,mon,163,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,entrepreneur,divorced,high.school,no,yes,no,telephone,jun,mon,77,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,retired,married,basic.6y,no,unknown,unknown,telephone,jun,mon,356,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,jun,mon,117,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jun,mon,1055,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +56,retired,married,basic.4y,no,yes,no,telephone,jun,mon,772,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,basic.9y,unknown,yes,no,telephone,jun,mon,306,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,technician,married,professional.course,unknown,yes,no,telephone,jun,mon,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,services,married,basic.4y,unknown,yes,no,telephone,jun,mon,139,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,self-employed,married,university.degree,no,no,yes,telephone,jun,mon,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,services,married,basic.6y,unknown,no,no,telephone,jun,mon,49,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,services,married,basic.4y,unknown,yes,yes,telephone,jun,mon,287,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,single,basic.4y,unknown,no,yes,telephone,jun,mon,136,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,mon,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,married,high.school,no,no,yes,telephone,jun,mon,422,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,unknown,single,basic.6y,unknown,no,yes,telephone,jun,mon,125,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,admin.,single,high.school,unknown,yes,no,telephone,jun,mon,114,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,technician,divorced,professional.course,no,yes,no,telephone,jun,mon,99,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,professional.course,unknown,yes,no,telephone,jun,mon,218,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,services,married,high.school,no,yes,no,telephone,jun,mon,174,9,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,professional.course,unknown,no,yes,telephone,jun,mon,168,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +24,admin.,single,professional.course,no,yes,yes,telephone,jun,mon,233,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +59,retired,married,basic.4y,no,yes,yes,telephone,jun,mon,322,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,technician,single,university.degree,no,no,no,telephone,jun,mon,443,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,admin.,married,unknown,no,yes,yes,telephone,jun,mon,76,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,technician,married,professional.course,no,yes,no,telephone,jun,mon,217,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,services,married,high.school,no,no,no,telephone,jun,mon,257,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,single,basic.4y,unknown,no,no,telephone,jun,mon,882,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +48,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,254,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,divorced,university.degree,no,no,no,telephone,jun,mon,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,jun,mon,213,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,basic.9y,no,yes,no,telephone,jun,mon,252,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,divorced,basic.6y,no,yes,no,telephone,jun,mon,36,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,high.school,no,no,no,telephone,jun,mon,540,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,280,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,divorced,university.degree,no,yes,no,telephone,jun,mon,683,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,services,married,high.school,no,no,yes,telephone,jun,mon,230,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,technician,married,professional.course,no,yes,no,telephone,jun,mon,452,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,services,married,high.school,no,yes,yes,telephone,jun,mon,149,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,admin.,married,high.school,no,yes,yes,telephone,jun,mon,172,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,unemployed,divorced,high.school,unknown,yes,no,telephone,jun,mon,51,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,yes,telephone,jun,mon,35,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,technician,single,basic.9y,unknown,no,no,telephone,jun,mon,626,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,admin.,divorced,high.school,no,yes,no,telephone,jun,mon,122,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,admin.,single,basic.6y,no,yes,no,telephone,jun,mon,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,married,high.school,no,no,no,telephone,jun,mon,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,70,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,married,high.school,no,no,no,telephone,jun,mon,255,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,self-employed,divorced,basic.9y,no,yes,no,telephone,jun,mon,217,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,management,married,unknown,unknown,yes,no,telephone,jun,mon,1098,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,admin.,single,university.degree,no,yes,yes,telephone,jun,mon,176,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,married,basic.6y,no,yes,no,telephone,jun,mon,331,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,student,single,high.school,no,no,no,telephone,jun,mon,901,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +56,technician,divorced,professional.course,unknown,yes,no,telephone,jun,mon,123,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,blue-collar,married,professional.course,unknown,yes,no,telephone,jun,mon,77,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,married,professional.course,no,no,no,telephone,jun,mon,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,technician,divorced,professional.course,no,yes,no,telephone,jun,mon,173,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,single,basic.4y,no,no,no,telephone,jun,mon,128,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,single,basic.4y,no,yes,no,telephone,jun,mon,76,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,411,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,professional.course,no,yes,no,telephone,jun,mon,179,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,self-employed,married,university.degree,no,no,no,telephone,jun,mon,139,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jun,mon,75,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,retired,divorced,professional.course,unknown,no,no,telephone,jun,mon,210,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +24,services,single,high.school,no,no,no,telephone,jun,mon,700,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +35,technician,married,professional.course,no,yes,yes,telephone,jun,mon,329,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,admin.,divorced,high.school,no,yes,no,telephone,jun,mon,225,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,technician,married,professional.course,unknown,no,no,telephone,jun,mon,96,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,166,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,technician,single,basic.9y,no,no,no,telephone,jun,mon,186,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,technician,married,professional.course,unknown,yes,no,telephone,jun,mon,92,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,management,divorced,university.degree,no,yes,no,telephone,jun,mon,80,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,single,basic.6y,unknown,yes,no,telephone,jun,mon,67,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,professional.course,no,yes,yes,telephone,jun,mon,190,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,admin.,single,university.degree,no,no,no,telephone,jun,mon,104,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,admin.,single,high.school,no,yes,no,telephone,jun,mon,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,professional.course,no,yes,yes,telephone,jun,mon,37,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,student,single,high.school,no,no,no,telephone,jun,mon,589,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,professional.course,no,no,no,telephone,jun,mon,183,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,professional.course,no,no,no,telephone,jun,mon,151,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,housemaid,single,university.degree,no,yes,no,telephone,jun,mon,29,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,admin.,single,university.degree,unknown,yes,no,telephone,jun,mon,186,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,73,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,entrepreneur,married,professional.course,unknown,no,no,telephone,jun,mon,88,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,technician,single,professional.course,no,yes,yes,telephone,jun,mon,522,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,entrepreneur,married,high.school,no,yes,no,telephone,jun,mon,112,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,management,married,high.school,unknown,no,no,telephone,jun,mon,65,17,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,149,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jun,mon,206,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,123,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,technician,single,university.degree,unknown,yes,yes,telephone,jun,mon,378,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,housemaid,married,high.school,unknown,yes,no,telephone,jun,mon,100,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,blue-collar,single,basic.4y,no,yes,yes,telephone,jun,mon,81,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,admin.,married,university.degree,unknown,yes,no,telephone,jun,mon,175,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,admin.,married,high.school,no,no,no,telephone,jun,mon,250,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,self-employed,married,basic.9y,unknown,no,no,telephone,jun,mon,156,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,self-employed,divorced,university.degree,no,yes,yes,telephone,jun,mon,173,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,technician,married,professional.course,no,yes,no,telephone,jun,mon,127,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,324,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,technician,single,high.school,no,no,no,telephone,jun,mon,198,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,self-employed,married,basic.4y,unknown,no,no,telephone,jun,mon,87,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,entrepreneur,divorced,university.degree,no,no,yes,telephone,jun,mon,311,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jun,mon,313,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,retired,married,basic.4y,unknown,no,yes,telephone,jun,mon,302,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,unemployed,single,basic.6y,no,yes,yes,telephone,jun,mon,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,blue-collar,single,basic.4y,no,no,no,telephone,jun,mon,47,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,technician,married,professional.course,no,no,no,telephone,jun,mon,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,management,married,high.school,no,no,yes,telephone,jun,mon,117,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,unemployed,single,high.school,no,yes,no,telephone,jun,mon,142,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +24,services,single,high.school,no,yes,yes,telephone,jun,mon,183,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,technician,single,high.school,no,yes,yes,telephone,jun,mon,249,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,services,married,basic.9y,no,yes,no,telephone,jun,mon,274,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,unemployed,single,basic.9y,no,yes,no,telephone,jun,mon,144,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,management,married,university.degree,no,yes,no,telephone,jun,mon,23,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,technician,single,professional.course,no,no,no,telephone,jun,mon,128,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,high.school,no,yes,no,telephone,jun,mon,491,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +25,services,single,high.school,no,yes,no,telephone,jun,mon,162,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,admin.,single,professional.course,no,no,yes,telephone,jun,mon,213,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,married,basic.4y,no,no,yes,telephone,jun,mon,164,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +59,housemaid,married,basic.4y,no,no,yes,telephone,jun,mon,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,self-employed,married,basic.9y,unknown,no,no,telephone,jun,mon,79,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,technician,married,university.degree,no,no,no,telephone,jun,mon,114,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,technician,married,basic.9y,no,no,no,telephone,jun,mon,136,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,technician,single,professional.course,no,yes,no,telephone,jun,mon,97,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,management,married,unknown,unknown,no,no,telephone,jun,mon,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,technician,married,basic.6y,unknown,yes,no,telephone,jun,mon,160,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,mon,240,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,university.degree,no,yes,no,telephone,jun,mon,78,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,services,married,university.degree,unknown,no,yes,telephone,jun,mon,87,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,high.school,no,no,no,telephone,jun,mon,940,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +53,blue-collar,married,basic.4y,no,no,yes,telephone,jun,mon,340,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,unemployed,married,high.school,no,yes,no,telephone,jun,mon,196,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,unemployed,married,basic.9y,no,yes,no,telephone,jun,mon,85,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,married,university.degree,no,no,no,telephone,jun,mon,199,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,160,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,admin.,single,basic.9y,no,no,no,telephone,jun,mon,166,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,telephone,jun,mon,271,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,technician,married,basic.4y,no,no,no,telephone,jun,mon,317,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,single,high.school,no,no,no,telephone,jun,mon,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,single,high.school,no,yes,yes,telephone,jun,mon,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,technician,married,university.degree,no,no,no,telephone,jun,mon,321,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,admin.,married,university.degree,unknown,no,no,telephone,jun,mon,78,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,services,divorced,high.school,no,yes,no,telephone,jun,mon,73,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,327,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,mon,411,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,admin.,single,high.school,no,no,no,telephone,jun,mon,198,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,services,married,unknown,no,no,no,telephone,jun,mon,98,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,admin.,single,university.degree,no,yes,no,telephone,jun,mon,24,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,technician,married,professional.course,no,no,yes,telephone,jun,mon,352,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,mon,245,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,married,basic.6y,no,no,no,telephone,jun,mon,559,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,management,married,high.school,no,yes,no,telephone,jun,mon,440,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,mon,242,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,technician,married,high.school,no,no,no,telephone,jun,mon,479,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,services,single,basic.4y,no,no,no,telephone,jun,mon,514,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,blue-collar,single,basic.9y,no,yes,no,telephone,jun,mon,91,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,married,university.degree,no,yes,no,telephone,jun,mon,78,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,management,married,basic.4y,no,yes,no,telephone,jun,mon,318,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,services,single,high.school,no,no,no,telephone,jun,mon,295,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,married,high.school,no,yes,no,telephone,jun,mon,83,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,admin.,married,high.school,no,no,no,telephone,jun,mon,346,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,self-employed,married,high.school,no,no,no,telephone,jun,mon,238,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,entrepreneur,married,basic.9y,unknown,no,no,telephone,jun,mon,291,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,unknown,married,basic.4y,no,yes,no,telephone,jun,mon,149,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,200,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,admin.,married,high.school,no,no,no,telephone,jun,mon,290,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,technician,married,high.school,no,yes,no,telephone,jun,mon,222,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,high.school,no,yes,no,telephone,jun,mon,90,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,entrepreneur,married,university.degree,no,no,no,telephone,jun,mon,171,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,technician,married,professional.course,no,no,no,telephone,jun,mon,170,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,blue-collar,married,basic.6y,no,no,no,telephone,jun,mon,493,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,188,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,single,basic.4y,no,no,no,telephone,jun,mon,17,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,management,married,university.degree,no,no,no,telephone,jun,mon,316,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,single,university.degree,unknown,yes,no,telephone,jun,mon,398,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.9y,no,no,yes,telephone,jun,mon,782,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,admin.,single,high.school,no,no,no,telephone,jun,mon,137,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,entrepreneur,single,high.school,no,yes,no,telephone,jun,mon,419,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,admin.,married,high.school,unknown,yes,no,telephone,jun,mon,65,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,admin.,married,high.school,unknown,yes,no,telephone,jun,mon,96,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,admin.,single,high.school,no,yes,no,telephone,jun,mon,223,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,mon,70,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,unknown,married,basic.4y,no,no,yes,telephone,jun,mon,150,17,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,single,high.school,unknown,no,no,telephone,jun,mon,559,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,technician,married,professional.course,no,yes,no,telephone,jun,mon,952,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +42,services,divorced,basic.6y,no,no,no,telephone,jun,mon,71,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,mon,152,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,entrepreneur,single,university.degree,no,yes,no,telephone,jun,mon,486,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +47,blue-collar,married,high.school,unknown,yes,no,telephone,jun,mon,224,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,housemaid,married,professional.course,no,yes,no,telephone,jun,mon,152,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,single,basic.9y,no,yes,no,telephone,jun,mon,22,17,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,130,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,self-employed,married,university.degree,no,no,no,telephone,jun,mon,135,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,unknown,basic.6y,unknown,no,no,telephone,jun,mon,199,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,blue-collar,divorced,basic.9y,no,unknown,unknown,telephone,jun,mon,185,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,management,single,high.school,no,yes,no,telephone,jun,mon,220,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jun,mon,85,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,258,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,blue-collar,single,high.school,unknown,no,no,telephone,jun,mon,108,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,admin.,single,university.degree,unknown,yes,no,telephone,jun,mon,244,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,retired,divorced,basic.4y,unknown,yes,no,telephone,jun,mon,253,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,306,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,high.school,unknown,no,no,telephone,jun,mon,134,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,admin.,married,high.school,unknown,yes,no,telephone,jun,mon,69,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,175,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,single,university.degree,no,yes,no,telephone,jun,mon,436,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,technician,single,university.degree,no,no,no,telephone,jun,mon,92,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,married,high.school,no,no,no,telephone,jun,mon,155,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,technician,single,professional.course,no,yes,no,telephone,jun,mon,371,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,216,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,single,basic.9y,no,yes,no,telephone,jun,mon,243,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,admin.,married,university.degree,unknown,yes,no,telephone,jun,mon,718,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,technician,married,basic.9y,no,yes,no,telephone,jun,mon,442,8,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +35,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,184,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,admin.,married,unknown,no,no,no,telephone,jun,mon,189,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,self-employed,married,basic.4y,unknown,yes,no,telephone,jun,mon,164,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,management,married,basic.6y,unknown,yes,no,telephone,jun,mon,166,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,entrepreneur,married,basic.9y,unknown,yes,no,telephone,jun,mon,699,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,self-employed,married,basic.9y,no,yes,no,telephone,jun,mon,178,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,553,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,services,married,high.school,unknown,no,no,telephone,jun,mon,1137,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +38,housemaid,married,university.degree,no,no,no,telephone,jun,mon,100,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,445,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,divorced,basic.9y,no,yes,yes,telephone,jun,mon,332,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,61,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,90,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,services,married,high.school,unknown,yes,no,telephone,jun,mon,174,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,services,single,high.school,no,yes,no,telephone,jun,mon,204,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,admin.,married,basic.9y,no,no,yes,telephone,jun,mon,271,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,management,married,university.degree,no,no,no,telephone,jun,mon,87,13,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,self-employed,married,professional.course,unknown,yes,yes,telephone,jun,mon,330,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,259,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,mon,237,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,married,high.school,unknown,yes,yes,telephone,jun,mon,116,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,388,12,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,services,married,basic.4y,no,yes,yes,telephone,jun,mon,59,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,services,single,high.school,unknown,no,no,telephone,jun,mon,329,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,753,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,services,married,unknown,unknown,yes,no,telephone,jun,mon,99,26,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,technician,married,high.school,no,no,no,telephone,jun,mon,42,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,blue-collar,married,basic.9y,no,no,yes,telephone,jun,mon,182,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,married,high.school,no,no,no,telephone,jun,mon,250,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,services,married,basic.6y,unknown,no,yes,telephone,jun,mon,511,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,retired,married,university.degree,unknown,no,no,telephone,jun,mon,26,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,technician,married,basic.6y,unknown,no,no,telephone,jun,mon,478,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,579,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,self-employed,married,university.degree,unknown,no,no,telephone,jun,mon,96,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,single,high.school,no,yes,no,telephone,jun,mon,95,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,housemaid,single,university.degree,no,no,no,telephone,jun,mon,126,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,52,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,mon,138,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,technician,single,high.school,no,no,no,telephone,jun,mon,94,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,299,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +59,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,mon,69,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,housemaid,married,basic.4y,no,yes,no,telephone,jun,mon,44,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,mon,135,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,154,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,unemployed,married,basic.9y,unknown,yes,no,telephone,jun,mon,80,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,115,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,services,married,basic.6y,no,no,no,telephone,jun,wed,107,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,admin.,married,high.school,no,yes,no,telephone,jun,wed,308,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +54,housemaid,divorced,basic.4y,no,yes,no,telephone,jun,wed,129,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,33,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,wed,296,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,blue-collar,married,high.school,no,yes,no,telephone,jun,wed,126,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,admin.,married,high.school,unknown,yes,no,telephone,jun,wed,198,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,technician,married,high.school,no,yes,no,telephone,jun,wed,73,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,technician,single,unknown,no,yes,no,telephone,jun,wed,180,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,services,divorced,university.degree,no,no,no,telephone,jun,wed,69,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,management,single,university.degree,no,no,no,telephone,jun,wed,76,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,admin.,divorced,high.school,unknown,no,no,telephone,jun,wed,40,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,unknown,single,basic.6y,unknown,no,no,telephone,jun,wed,878,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +21,technician,single,professional.course,no,no,no,telephone,jun,wed,54,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,management,married,university.degree,no,no,no,telephone,jun,wed,129,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,480,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,professional.course,no,yes,no,telephone,jun,wed,583,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +45,services,divorced,high.school,no,no,no,telephone,jun,wed,101,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jun,wed,339,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,single,university.degree,no,yes,no,telephone,jun,wed,27,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,admin.,married,unknown,no,no,no,telephone,jun,wed,490,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,wed,81,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,services,married,basic.9y,unknown,no,no,telephone,jun,wed,399,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,blue-collar,married,high.school,no,yes,no,telephone,jun,wed,42,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,technician,divorced,professional.course,no,no,no,telephone,jun,wed,29,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,services,married,high.school,unknown,yes,no,telephone,jun,wed,75,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,technician,married,professional.course,no,yes,no,telephone,jun,wed,47,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,unknown,single,basic.6y,no,yes,no,telephone,jun,wed,62,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,housemaid,married,high.school,unknown,no,no,telephone,jun,wed,484,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,married,university.degree,no,yes,no,telephone,jun,wed,305,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,admin.,married,high.school,no,yes,no,telephone,jun,wed,95,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,management,married,university.degree,no,no,no,telephone,jun,wed,893,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +57,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,62,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,professional.course,no,no,no,telephone,jun,wed,103,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,wed,204,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,453,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,services,divorced,basic.4y,unknown,yes,no,telephone,jun,wed,91,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,services,married,unknown,no,no,no,telephone,jun,wed,360,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,admin.,single,unknown,no,no,no,telephone,jun,wed,643,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jun,wed,29,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,services,married,high.school,unknown,yes,no,telephone,jun,wed,327,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,unemployed,married,basic.4y,unknown,yes,no,telephone,jun,wed,175,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,109,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,services,divorced,high.school,no,no,no,telephone,jun,wed,240,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,married,high.school,no,no,no,telephone,jun,wed,916,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,363,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,unemployed,married,professional.course,no,yes,no,telephone,jun,wed,281,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jun,wed,442,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,196,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,divorced,high.school,no,no,no,telephone,jun,wed,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,management,married,university.degree,no,yes,no,telephone,jun,wed,181,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,admin.,single,university.degree,no,yes,yes,telephone,jun,wed,88,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jun,wed,305,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,management,married,university.degree,no,no,no,telephone,jun,wed,197,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,divorced,high.school,no,yes,no,telephone,jun,wed,133,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,wed,138,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,entrepreneur,married,high.school,no,no,no,telephone,jun,wed,439,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,services,married,high.school,no,yes,no,telephone,jun,wed,232,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,63,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,married,university.degree,no,no,no,telephone,jun,wed,867,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +30,self-employed,single,university.degree,no,no,no,telephone,jun,wed,587,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +56,technician,married,basic.4y,unknown,no,no,telephone,jun,wed,458,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,admin.,married,university.degree,no,no,no,telephone,jun,wed,191,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,management,married,high.school,no,yes,yes,telephone,jun,wed,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,admin.,married,university.degree,no,no,no,telephone,jun,wed,354,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,university.degree,no,no,no,telephone,jun,wed,300,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,105,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,services,single,high.school,unknown,no,yes,telephone,jun,wed,328,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,self-employed,married,professional.course,no,no,yes,telephone,jun,wed,339,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +22,technician,married,basic.9y,unknown,no,no,telephone,jun,wed,561,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,wed,116,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,wed,706,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +32,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,261,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,admin.,divorced,high.school,no,no,no,telephone,jun,wed,314,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,admin.,divorced,basic.6y,no,yes,no,telephone,jun,wed,219,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,139,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,married,basic.6y,no,yes,no,telephone,jun,wed,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jun,wed,694,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,services,married,high.school,no,yes,no,telephone,jun,wed,68,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,165,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,entrepreneur,married,high.school,no,yes,no,telephone,jun,wed,275,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,wed,153,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,technician,single,professional.course,no,yes,no,telephone,jun,wed,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,single,university.degree,no,yes,no,telephone,jun,wed,76,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,management,married,basic.4y,unknown,no,no,telephone,jun,wed,79,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,admin.,married,basic.9y,no,no,no,telephone,jun,wed,145,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,wed,199,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,158,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,wed,316,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,wed,117,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +54,admin.,married,university.degree,no,no,no,telephone,jun,wed,288,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,technician,married,high.school,no,yes,no,telephone,jun,wed,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,technician,married,professional.course,no,yes,no,telephone,jun,wed,26,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,single,basic.6y,unknown,yes,no,telephone,jun,wed,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,admin.,married,high.school,no,yes,no,telephone,jun,wed,49,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,technician,married,high.school,no,no,no,telephone,jun,wed,241,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,95,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,married,basic.6y,no,yes,no,telephone,jun,wed,362,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,125,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,unknown,married,unknown,unknown,yes,no,telephone,jun,wed,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,services,married,high.school,no,unknown,unknown,telephone,jun,wed,187,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,technician,married,university.degree,unknown,no,no,telephone,jun,wed,420,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,technician,married,professional.course,unknown,no,no,telephone,jun,wed,115,16,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,technician,single,professional.course,unknown,yes,no,telephone,jun,wed,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +24,self-employed,single,university.degree,no,yes,no,telephone,jun,wed,40,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,single,university.degree,no,yes,no,telephone,jun,wed,113,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,housemaid,married,university.degree,no,no,no,telephone,jun,wed,68,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,wed,55,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,62,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,services,married,basic.9y,no,yes,no,telephone,jun,wed,886,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,single,high.school,no,no,no,telephone,jun,wed,61,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,admin.,single,high.school,no,yes,no,telephone,jun,wed,1199,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +51,admin.,married,basic.6y,unknown,yes,no,telephone,jun,wed,140,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,married,university.degree,no,no,no,telephone,jun,wed,436,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +60,technician,divorced,professional.course,unknown,no,no,telephone,jun,wed,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,services,single,high.school,no,no,no,telephone,jun,wed,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,blue-collar,married,basic.6y,unknown,yes,yes,telephone,jun,wed,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,single,university.degree,no,yes,yes,telephone,jun,wed,553,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,admin.,married,university.degree,unknown,yes,no,telephone,jun,wed,320,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,wed,935,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +57,retired,married,basic.4y,unknown,no,no,telephone,jun,wed,74,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,management,married,university.degree,no,yes,no,telephone,jun,wed,81,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,wed,586,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +41,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,wed,950,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,wed,159,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,838,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +31,technician,single,unknown,no,no,no,telephone,jun,wed,46,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,technician,married,high.school,unknown,no,no,telephone,jun,wed,473,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,admin.,divorced,high.school,no,yes,yes,telephone,jun,wed,967,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +44,unemployed,single,basic.4y,no,no,no,telephone,jun,wed,33,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,admin.,single,university.degree,no,yes,no,telephone,jun,wed,148,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,blue-collar,married,unknown,unknown,no,no,telephone,jun,wed,651,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +39,blue-collar,married,professional.course,no,no,no,telephone,jun,wed,437,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,blue-collar,divorced,high.school,no,no,no,telephone,jun,wed,134,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,services,single,unknown,no,yes,yes,telephone,jun,wed,116,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,self-employed,married,high.school,no,unknown,unknown,telephone,jun,wed,143,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,unemployed,married,university.degree,unknown,yes,no,telephone,jun,wed,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,entrepreneur,married,university.degree,no,yes,no,telephone,jun,wed,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,blue-collar,divorced,high.school,no,yes,no,telephone,jun,wed,340,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,wed,103,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,technician,divorced,unknown,no,no,no,telephone,jun,wed,41,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,admin.,divorced,high.school,no,yes,yes,telephone,jun,wed,247,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,114,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,housemaid,married,basic.4y,unknown,no,no,telephone,jun,wed,327,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,unemployed,married,unknown,no,yes,no,telephone,jun,wed,110,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,management,single,university.degree,no,no,no,telephone,jun,wed,257,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,married,university.degree,no,yes,yes,telephone,jun,wed,59,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,unknown,married,unknown,unknown,no,no,telephone,jun,wed,113,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,entrepreneur,married,professional.course,no,no,no,telephone,jun,wed,127,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,technician,married,professional.course,no,no,no,telephone,jun,wed,183,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,technician,married,university.degree,no,no,no,telephone,jun,wed,142,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,services,married,high.school,no,no,no,telephone,jun,wed,678,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,services,single,unknown,unknown,yes,no,telephone,jun,wed,86,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,married,unknown,no,no,no,telephone,jun,wed,96,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,professional.course,no,no,no,telephone,jun,wed,211,17,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,wed,201,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,admin.,married,professional.course,no,no,no,telephone,jun,wed,105,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,admin.,married,university.degree,no,yes,no,telephone,jun,wed,100,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,single,basic.4y,unknown,no,no,telephone,jun,wed,952,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,married,university.degree,no,no,no,telephone,jun,wed,181,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,technician,married,basic.9y,no,no,no,telephone,jun,wed,389,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,admin.,single,high.school,no,no,no,telephone,jun,wed,203,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,blue-collar,divorced,basic.4y,no,no,yes,telephone,jun,wed,450,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,housemaid,married,basic.4y,unknown,no,no,telephone,jun,wed,105,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,services,married,high.school,no,yes,no,telephone,jun,wed,85,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,203,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,wed,74,13,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,222,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,blue-collar,divorced,basic.4y,no,yes,no,telephone,jun,wed,30,22,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,married,basic.9y,no,no,no,telephone,jun,wed,268,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,admin.,divorced,high.school,no,no,no,telephone,jun,wed,148,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,wed,427,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,admin.,single,university.degree,no,no,yes,telephone,jun,wed,90,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,entrepreneur,married,high.school,no,yes,no,telephone,jun,wed,177,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,admin.,single,high.school,no,no,no,telephone,jun,wed,328,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,blue-collar,married,basic.4y,no,no,no,telephone,jun,wed,133,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,services,married,university.degree,no,yes,yes,telephone,jun,wed,516,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,unemployed,married,high.school,unknown,yes,no,telephone,jun,wed,204,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,184,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,wed,157,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,management,divorced,high.school,unknown,no,no,telephone,jun,wed,319,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,self-employed,married,university.degree,unknown,yes,no,telephone,jun,wed,199,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,wed,147,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,self-employed,married,professional.course,no,yes,no,telephone,jun,wed,394,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,wed,81,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.4y,no,no,no,telephone,jun,wed,157,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,admin.,married,high.school,no,yes,no,telephone,jun,wed,375,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,technician,single,professional.course,no,yes,no,telephone,jun,wed,184,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,self-employed,married,basic.4y,no,no,no,telephone,jun,wed,162,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,47,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,entrepreneur,married,basic.6y,no,no,no,telephone,jun,wed,215,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,230,13,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,105,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,unemployed,single,university.degree,no,yes,no,telephone,jun,wed,150,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,213,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,entrepreneur,married,high.school,no,yes,no,telephone,jun,wed,126,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,admin.,married,university.degree,no,yes,no,telephone,jun,wed,70,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,admin.,divorced,university.degree,no,no,no,telephone,jun,wed,141,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,111,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,287,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,services,married,high.school,no,yes,no,telephone,jun,wed,83,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,single,university.degree,no,yes,yes,telephone,jun,wed,124,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,technician,married,professional.course,no,yes,no,telephone,jun,wed,67,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,admin.,single,high.school,no,unknown,unknown,telephone,jun,wed,104,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,retired,single,high.school,no,no,no,telephone,jun,wed,904,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,services,married,unknown,no,yes,no,telephone,jun,wed,597,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,services,married,high.school,no,no,no,telephone,jun,wed,274,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,single,unknown,no,no,no,telephone,jun,wed,124,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,technician,single,university.degree,unknown,no,no,telephone,jun,wed,354,17,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,152,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,housemaid,married,basic.4y,unknown,yes,no,telephone,jun,wed,328,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,retired,married,professional.course,unknown,yes,no,telephone,jun,wed,59,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,125,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,technician,married,high.school,no,yes,no,telephone,jun,wed,158,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,services,single,basic.6y,no,unknown,unknown,telephone,jun,wed,179,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,technician,married,professional.course,unknown,yes,no,telephone,jun,wed,649,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +40,services,divorced,unknown,no,yes,yes,telephone,jun,wed,26,29,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,admin.,single,university.degree,no,no,no,telephone,jun,wed,203,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,services,married,high.school,no,yes,no,telephone,jun,wed,138,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,blue-collar,single,basic.4y,no,no,no,telephone,jun,wed,107,19,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,409,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,single,university.degree,no,no,yes,telephone,jun,wed,48,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,married,university.degree,unknown,yes,no,telephone,jun,wed,83,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,199,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,wed,122,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,218,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,admin.,single,high.school,unknown,yes,no,telephone,jun,wed,93,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,wed,222,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,blue-collar,divorced,basic.4y,no,yes,no,telephone,jun,wed,378,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,wed,93,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,management,single,unknown,no,unknown,unknown,telephone,jun,wed,514,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,unknown,married,high.school,unknown,no,no,telephone,jun,wed,89,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,self-employed,single,university.degree,no,no,no,telephone,jun,wed,58,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,entrepreneur,married,high.school,unknown,no,no,telephone,jun,wed,850,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,307,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,admin.,married,high.school,unknown,no,no,telephone,jun,thu,89,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,71,12,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +54,housemaid,divorced,unknown,no,yes,no,telephone,jun,thu,52,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +59,technician,married,university.degree,no,no,no,telephone,jun,thu,136,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +45,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,thu,542,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,admin.,married,university.degree,no,no,no,telephone,jun,thu,265,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +27,student,single,high.school,no,yes,no,telephone,jun,thu,84,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +55,retired,divorced,high.school,no,no,no,telephone,jun,thu,410,16,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +37,admin.,single,university.degree,no,yes,no,telephone,jun,thu,93,8,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +53,technician,married,unknown,no,yes,no,telephone,jun,thu,134,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +56,management,married,university.degree,no,no,no,telephone,jun,thu,403,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,admin.,married,university.degree,no,yes,no,telephone,jun,thu,36,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +29,services,married,high.school,no,yes,no,telephone,jun,thu,109,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,student,single,basic.9y,no,no,no,telephone,jun,thu,90,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +31,entrepreneur,married,high.school,no,yes,no,telephone,jun,thu,305,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,entrepreneur,married,university.degree,unknown,yes,no,telephone,jun,thu,135,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,blue-collar,married,basic.6y,no,yes,no,telephone,jun,thu,614,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +38,admin.,married,university.degree,no,no,no,telephone,jun,thu,781,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,technician,married,professional.course,no,no,no,telephone,jun,thu,112,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,337,22,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,admin.,married,high.school,no,yes,no,telephone,jun,thu,423,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,technician,married,professional.course,no,no,no,telephone,jun,thu,171,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jun,thu,110,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,admin.,married,university.degree,no,yes,no,telephone,jun,thu,138,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,technician,married,high.school,no,yes,no,telephone,jun,thu,126,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +27,student,single,university.degree,no,no,yes,telephone,jun,thu,137,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +56,retired,married,basic.4y,no,yes,no,telephone,jun,thu,125,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +51,admin.,single,basic.6y,no,no,no,telephone,jun,thu,202,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,technician,single,professional.course,no,no,no,telephone,jun,thu,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +48,admin.,married,professional.course,unknown,yes,no,telephone,jun,thu,49,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,admin.,divorced,professional.course,no,yes,yes,telephone,jun,thu,106,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +55,technician,divorced,professional.course,unknown,no,no,telephone,jun,thu,885,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +44,technician,divorced,professional.course,no,no,no,telephone,jun,thu,112,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,236,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +46,blue-collar,married,professional.course,unknown,no,no,telephone,jun,thu,187,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,technician,married,professional.course,no,yes,no,telephone,jun,thu,108,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +48,blue-collar,divorced,basic.4y,unknown,unknown,unknown,telephone,jun,thu,583,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +56,entrepreneur,married,unknown,unknown,no,yes,telephone,jun,thu,192,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,149,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +28,admin.,single,university.degree,no,no,no,telephone,jun,thu,151,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,admin.,married,basic.6y,no,no,no,telephone,jun,thu,165,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,admin.,married,high.school,no,no,no,telephone,jun,thu,92,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,entrepreneur,married,high.school,no,no,yes,telephone,jun,thu,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +54,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,2025,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +53,technician,married,unknown,no,no,no,telephone,jun,thu,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,services,married,high.school,unknown,yes,no,telephone,jun,thu,107,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,admin.,single,basic.9y,no,no,no,telephone,jun,thu,406,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,management,single,university.degree,no,yes,no,telephone,jun,thu,12,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +45,self-employed,married,professional.course,no,no,yes,telephone,jun,thu,128,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +55,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,146,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,housemaid,single,unknown,no,yes,no,telephone,jun,thu,66,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,278,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,services,divorced,basic.9y,no,no,no,telephone,jun,thu,753,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,admin.,married,high.school,unknown,no,no,telephone,jun,thu,120,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +49,technician,divorced,unknown,no,no,no,telephone,jun,thu,167,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,admin.,single,university.degree,no,no,no,telephone,jun,thu,48,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,services,married,basic.9y,no,yes,no,telephone,jun,thu,385,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,admin.,married,high.school,no,no,no,telephone,jun,thu,97,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +28,management,single,university.degree,no,no,no,telephone,jun,thu,651,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +47,technician,married,professional.course,no,no,no,telephone,jun,thu,223,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +59,services,married,high.school,no,no,no,telephone,jun,thu,309,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +33,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,thu,155,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,technician,married,professional.course,no,yes,yes,telephone,jun,thu,46,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,services,married,high.school,no,no,no,telephone,jun,thu,252,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +45,services,divorced,high.school,unknown,no,no,telephone,jun,thu,691,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,thu,93,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +56,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,thu,315,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +53,entrepreneur,divorced,unknown,no,yes,no,telephone,jun,thu,154,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,technician,married,basic.6y,no,yes,yes,telephone,jun,thu,344,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,technician,divorced,professional.course,no,no,no,telephone,jun,thu,128,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +55,self-employed,married,unknown,unknown,yes,yes,telephone,jun,thu,278,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,technician,married,high.school,no,yes,no,telephone,jun,thu,436,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +48,technician,married,unknown,no,no,no,telephone,jun,thu,189,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,admin.,single,university.degree,no,yes,no,telephone,jun,thu,186,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +50,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,84,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,housemaid,married,high.school,no,no,no,telephone,jun,thu,264,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,237,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,technician,single,university.degree,no,no,no,telephone,jun,thu,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +50,admin.,married,university.degree,no,no,no,telephone,jun,thu,77,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +49,services,married,high.school,unknown,no,no,telephone,jun,thu,128,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +58,entrepreneur,married,university.degree,unknown,yes,yes,telephone,jun,thu,43,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,blue-collar,married,basic.6y,no,yes,no,telephone,jun,thu,64,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,admin.,married,university.degree,no,yes,no,telephone,jun,thu,351,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,services,married,unknown,no,no,no,telephone,jun,thu,139,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +50,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,thu,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +54,technician,married,university.degree,no,yes,no,telephone,jun,thu,394,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,blue-collar,married,basic.6y,no,yes,no,telephone,jun,thu,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +31,services,married,high.school,unknown,no,yes,telephone,jun,thu,62,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,349,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +58,admin.,single,university.degree,no,no,no,telephone,jun,thu,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,housemaid,married,high.school,no,no,no,telephone,jun,thu,56,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +59,services,divorced,high.school,no,no,no,telephone,jun,thu,133,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,134,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +48,admin.,married,basic.9y,unknown,no,no,telephone,jun,thu,113,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +49,admin.,married,university.degree,no,yes,yes,telephone,jun,thu,185,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +59,housemaid,married,high.school,unknown,no,no,telephone,jun,thu,331,12,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +24,blue-collar,married,basic.9y,no,no,yes,telephone,jun,thu,167,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,management,married,high.school,no,yes,no,telephone,jun,thu,30,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,services,married,high.school,no,yes,yes,telephone,jun,thu,77,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +56,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,136,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,technician,married,professional.course,no,no,no,telephone,jun,thu,320,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +27,admin.,divorced,high.school,no,no,no,telephone,jun,thu,138,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,technician,married,professional.course,unknown,no,no,telephone,jun,thu,10,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +58,services,married,basic.4y,no,no,no,telephone,jun,thu,75,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,unemployed,married,university.degree,no,yes,no,telephone,jun,thu,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +46,technician,married,university.degree,unknown,no,yes,telephone,jun,thu,993,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +40,blue-collar,single,basic.4y,no,yes,no,telephone,jun,thu,160,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +49,technician,married,professional.course,no,no,yes,telephone,jun,thu,138,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,admin.,single,university.degree,no,no,yes,telephone,jun,thu,122,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,blue-collar,married,basic.6y,no,no,no,telephone,jun,thu,919,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,technician,married,basic.9y,unknown,no,no,telephone,jun,thu,52,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,admin.,single,university.degree,unknown,no,no,telephone,jun,thu,80,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +52,blue-collar,single,basic.4y,no,yes,no,telephone,jun,thu,558,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,124,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,admin.,single,high.school,no,no,no,telephone,jun,thu,73,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,blue-collar,married,high.school,no,no,no,telephone,jun,thu,992,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +54,housemaid,married,basic.4y,unknown,no,no,telephone,jun,thu,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,services,married,basic.9y,no,no,yes,telephone,jun,thu,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,services,married,high.school,no,no,no,telephone,jun,thu,54,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +22,services,single,basic.4y,no,no,yes,telephone,jun,thu,58,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,technician,married,professional.course,unknown,no,no,telephone,jun,thu,81,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +33,management,single,university.degree,no,yes,no,telephone,jun,thu,118,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,management,married,university.degree,no,no,yes,telephone,jun,thu,127,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,309,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,871,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +49,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,577,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +39,entrepreneur,married,high.school,no,yes,no,telephone,jun,thu,582,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +29,services,married,professional.course,unknown,no,no,telephone,jun,thu,46,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +55,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,thu,270,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,technician,married,professional.course,no,no,no,telephone,jun,thu,317,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,technician,married,university.degree,no,no,no,telephone,jun,thu,281,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +46,entrepreneur,married,professional.course,no,yes,no,telephone,jun,thu,410,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,186,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +54,technician,married,university.degree,unknown,no,no,telephone,jun,thu,322,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,management,divorced,university.degree,no,yes,yes,telephone,jun,thu,37,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +52,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,283,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +49,technician,married,professional.course,no,yes,yes,telephone,jun,thu,88,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,technician,divorced,professional.course,no,yes,no,telephone,jun,thu,312,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,entrepreneur,married,high.school,no,no,no,telephone,jun,thu,1141,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +59,entrepreneur,divorced,high.school,unknown,yes,no,telephone,jun,thu,1268,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +36,services,married,high.school,no,yes,yes,telephone,jun,thu,602,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,services,single,high.school,no,yes,no,telephone,jun,thu,1178,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,self-employed,divorced,university.degree,no,yes,no,telephone,jun,thu,130,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,admin.,single,university.degree,no,yes,no,telephone,jun,thu,541,17,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +44,management,married,high.school,no,yes,no,telephone,jun,thu,226,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +37,blue-collar,married,basic.4y,no,no,yes,telephone,jun,thu,640,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,340,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,management,married,university.degree,unknown,yes,no,telephone,jun,thu,230,7,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +52,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,159,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +45,blue-collar,single,basic.6y,no,no,no,telephone,jun,thu,138,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,technician,single,professional.course,no,unknown,unknown,telephone,jun,thu,773,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +48,management,married,university.degree,no,yes,no,telephone,jun,thu,298,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,blue-collar,married,basic.4y,no,unknown,unknown,telephone,jun,thu,1618,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +48,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,361,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,blue-collar,married,unknown,no,no,no,telephone,jun,thu,100,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +29,blue-collar,married,high.school,unknown,no,no,telephone,jun,thu,124,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +50,admin.,married,university.degree,unknown,yes,no,telephone,jun,thu,153,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,67,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,services,married,high.school,no,yes,no,telephone,jun,thu,462,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +49,technician,married,professional.course,no,yes,no,telephone,jun,thu,320,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,management,single,university.degree,no,yes,no,telephone,jun,thu,69,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,admin.,married,high.school,unknown,yes,no,telephone,jun,thu,71,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,thu,190,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,entrepreneur,married,university.degree,unknown,yes,no,telephone,jun,thu,204,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,admin.,married,basic.9y,unknown,yes,no,telephone,jun,thu,85,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +25,admin.,single,high.school,no,yes,no,telephone,jun,thu,1243,7,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +47,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,130,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +54,blue-collar,divorced,unknown,unknown,yes,no,telephone,jun,thu,339,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,services,married,high.school,no,no,no,telephone,jun,thu,316,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +33,entrepreneur,married,university.degree,no,no,yes,telephone,jun,thu,166,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,technician,married,professional.course,no,no,no,telephone,jun,thu,168,8,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,technician,married,professional.course,no,no,yes,telephone,jun,thu,247,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +57,technician,married,basic.4y,unknown,no,no,telephone,jun,thu,243,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +37,technician,single,high.school,unknown,unknown,unknown,telephone,jun,thu,227,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,admin.,married,university.degree,no,yes,no,telephone,jun,thu,153,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,admin.,married,professional.course,unknown,yes,no,telephone,jun,thu,122,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +53,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,thu,232,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,unemployed,single,basic.6y,no,no,no,telephone,jun,thu,238,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,211,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,111,8,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,admin.,single,high.school,no,yes,no,telephone,jun,thu,161,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,admin.,single,university.degree,unknown,no,no,telephone,jun,thu,188,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +33,technician,married,university.degree,unknown,no,no,telephone,jun,thu,67,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,admin.,married,university.degree,no,no,no,telephone,jun,thu,361,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +48,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,454,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +48,blue-collar,married,high.school,no,yes,no,telephone,jun,thu,700,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,services,married,university.degree,no,yes,no,telephone,jun,mon,83,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,admin.,single,university.degree,no,yes,no,telephone,jun,mon,247,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +45,blue-collar,married,basic.6y,no,yes,no,telephone,jun,mon,252,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +60,admin.,married,university.degree,unknown,yes,no,telephone,jun,mon,62,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,self-employed,divorced,university.degree,no,no,no,telephone,jun,mon,559,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +33,admin.,married,university.degree,no,no,no,telephone,jun,mon,190,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,admin.,single,high.school,no,no,no,telephone,jun,mon,10,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +48,admin.,married,high.school,unknown,no,no,telephone,jun,mon,189,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jun,mon,109,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +46,admin.,married,high.school,unknown,unknown,unknown,telephone,jun,mon,148,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,107,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,unemployed,married,university.degree,no,yes,no,telephone,jun,mon,82,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +30,technician,single,university.degree,unknown,yes,no,telephone,jun,mon,405,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,103,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,unemployed,married,basic.9y,no,no,no,telephone,jun,mon,143,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,61,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +46,admin.,married,professional.course,no,no,no,telephone,jun,mon,424,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,blue-collar,married,high.school,no,no,no,telephone,jun,mon,140,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +39,management,married,university.degree,no,yes,no,telephone,jun,mon,157,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,157,29,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,110,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,mon,69,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,entrepreneur,married,university.degree,no,no,no,telephone,jun,mon,513,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +50,blue-collar,divorced,basic.4y,no,yes,no,telephone,jun,mon,241,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,admin.,married,university.degree,no,no,no,telephone,jun,mon,757,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,technician,single,high.school,no,no,no,telephone,jun,mon,68,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,technician,married,professional.course,no,no,no,telephone,jun,mon,171,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,blue-collar,married,professional.course,no,no,no,telephone,jun,mon,182,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +49,admin.,married,basic.9y,no,no,no,telephone,jun,mon,270,15,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,technician,married,basic.6y,unknown,no,yes,telephone,jun,mon,172,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +28,admin.,single,unknown,no,yes,no,telephone,jun,mon,177,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +33,technician,married,high.school,unknown,yes,no,telephone,jun,mon,119,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +37,technician,single,professional.course,unknown,no,yes,telephone,jun,mon,75,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,services,divorced,basic.9y,no,yes,no,telephone,jun,mon,192,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,admin.,divorced,high.school,no,no,no,telephone,jun,mon,686,11,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +40,blue-collar,married,basic.6y,no,yes,no,telephone,jun,mon,104,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +31,blue-collar,single,high.school,no,yes,yes,telephone,jun,mon,325,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,services,married,high.school,unknown,no,no,telephone,jun,mon,33,21,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,entrepreneur,single,professional.course,no,yes,no,telephone,jun,mon,144,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +48,services,married,high.school,no,yes,no,telephone,jun,mon,57,8,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,technician,divorced,university.degree,no,no,no,telephone,jun,mon,184,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,109,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +50,housemaid,single,unknown,no,no,no,telephone,jun,mon,741,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +40,admin.,single,high.school,unknown,no,no,telephone,jun,mon,349,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,admin.,divorced,high.school,no,no,no,telephone,jun,mon,100,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +47,services,married,high.school,unknown,yes,no,telephone,jun,mon,87,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,95,8,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,entrepreneur,married,basic.6y,no,no,no,telephone,jun,mon,114,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +33,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,109,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +37,management,married,university.degree,no,no,no,telephone,jun,mon,1323,9,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +52,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,186,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,admin.,divorced,university.degree,no,no,no,telephone,jun,mon,187,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +47,entrepreneur,married,university.degree,no,yes,no,telephone,jun,mon,580,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +39,services,divorced,high.school,no,yes,no,telephone,jun,mon,81,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,unknown,married,basic.4y,no,no,no,telephone,jun,mon,253,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,mon,75,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +39,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,jun,mon,144,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,blue-collar,divorced,basic.9y,no,unknown,unknown,telephone,jun,mon,276,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +49,retired,married,basic.4y,no,no,no,telephone,jun,mon,93,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,admin.,divorced,university.degree,no,no,no,telephone,jun,mon,106,10,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +47,technician,single,professional.course,unknown,no,no,telephone,jun,mon,90,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +28,admin.,single,university.degree,no,no,no,telephone,jun,mon,78,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,55,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +59,admin.,married,high.school,no,no,no,telephone,jun,mon,204,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +50,technician,divorced,professional.course,no,no,no,telephone,jun,mon,408,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,blue-collar,married,basic.6y,no,no,no,telephone,jun,mon,147,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,admin.,single,high.school,unknown,yes,no,telephone,jun,mon,287,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,management,married,university.degree,unknown,no,no,telephone,jun,mon,84,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,119,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +51,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,mon,133,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,195,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +28,admin.,married,high.school,no,no,no,telephone,jun,mon,108,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,technician,married,professional.course,no,no,no,telephone,jun,mon,92,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +50,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,mon,264,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +56,housemaid,divorced,basic.4y,unknown,no,no,telephone,jun,mon,123,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +45,admin.,married,basic.9y,unknown,no,no,telephone,jun,mon,73,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,mon,146,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,206,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +54,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,mon,100,17,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,mon,452,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,blue-collar,single,basic.6y,no,yes,yes,telephone,jun,mon,163,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,blue-collar,married,unknown,unknown,yes,no,telephone,jun,mon,69,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +25,technician,single,university.degree,no,yes,yes,telephone,jun,mon,35,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,blue-collar,married,unknown,unknown,no,no,telephone,jun,mon,215,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +44,management,divorced,university.degree,no,yes,no,telephone,jun,mon,96,8,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,services,married,university.degree,no,no,no,telephone,jun,mon,119,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,entrepreneur,married,university.degree,no,yes,yes,telephone,jun,mon,265,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,technician,married,professional.course,unknown,no,no,telephone,jun,mon,60,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,179,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +45,entrepreneur,single,university.degree,no,no,no,telephone,jun,mon,162,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +46,management,married,basic.4y,unknown,yes,no,telephone,jun,mon,227,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +33,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,41,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,technician,married,university.degree,no,no,no,telephone,jun,mon,1093,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +40,admin.,single,university.degree,unknown,no,yes,telephone,jun,mon,270,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,1395,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +35,student,single,university.degree,unknown,yes,no,telephone,jun,mon,178,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,services,single,high.school,no,no,no,telephone,jun,mon,223,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +56,blue-collar,single,basic.6y,unknown,no,no,telephone,jun,mon,35,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +28,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,mon,210,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +43,admin.,married,high.school,no,no,no,telephone,jun,mon,193,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,entrepreneur,married,basic.4y,no,no,no,telephone,jun,mon,822,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,unemployed,divorced,high.school,no,no,no,telephone,jun,mon,163,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +53,entrepreneur,married,basic.4y,no,no,no,telephone,jun,mon,339,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,blue-collar,married,high.school,no,no,yes,telephone,jun,mon,140,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +30,technician,married,university.degree,no,unknown,unknown,telephone,jun,mon,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,1238,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +47,services,married,unknown,unknown,no,no,telephone,jun,mon,32,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,116,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +59,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,mon,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +33,admin.,married,university.degree,no,no,yes,telephone,jun,mon,77,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jun,mon,73,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +56,services,divorced,basic.4y,no,no,no,telephone,jun,mon,42,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,admin.,divorced,high.school,no,no,no,telephone,jun,mon,24,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +46,unknown,married,basic.4y,unknown,yes,no,telephone,jun,mon,25,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +37,admin.,divorced,university.degree,no,no,no,telephone,jun,mon,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,145,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +57,services,divorced,high.school,unknown,yes,no,telephone,jun,mon,80,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +60,management,married,unknown,unknown,yes,no,telephone,jun,mon,35,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,mon,141,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,263,8,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,admin.,married,high.school,no,no,no,telephone,jun,mon,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,208,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +25,student,single,high.school,no,yes,yes,telephone,jun,mon,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +42,technician,married,university.degree,unknown,yes,no,telephone,jun,mon,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,admin.,single,basic.9y,unknown,no,no,telephone,jun,mon,1298,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,644,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +44,technician,divorced,professional.course,no,yes,no,telephone,jun,mon,289,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +43,self-employed,married,basic.9y,no,no,no,telephone,jun,mon,1089,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +51,management,married,basic.4y,no,yes,no,telephone,jun,mon,124,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jun,mon,157,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +33,self-employed,single,university.degree,no,no,no,telephone,jun,mon,226,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,entrepreneur,single,professional.course,no,yes,no,telephone,jun,mon,136,8,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +53,admin.,married,university.degree,no,no,no,telephone,jun,mon,541,19,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,unknown,single,unknown,unknown,no,no,telephone,jun,mon,242,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,blue-collar,married,basic.4y,no,no,no,telephone,jun,mon,50,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +44,management,divorced,basic.9y,unknown,yes,no,telephone,jun,mon,73,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,technician,married,professional.course,no,no,no,telephone,jun,mon,250,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +26,technician,married,professional.course,no,yes,no,telephone,jun,mon,181,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +30,blue-collar,married,high.school,no,yes,no,telephone,jun,mon,32,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,technician,married,professional.course,no,no,no,telephone,jun,mon,235,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,blue-collar,single,basic.9y,no,no,no,telephone,jun,mon,121,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +57,technician,married,basic.9y,no,yes,no,telephone,jun,mon,215,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,admin.,single,university.degree,no,no,no,telephone,jun,mon,320,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,technician,single,university.degree,no,no,no,telephone,jun,mon,382,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +53,unknown,married,high.school,unknown,yes,no,telephone,jun,mon,244,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,housemaid,married,basic.4y,no,no,no,telephone,jun,mon,286,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +26,admin.,married,high.school,no,no,yes,telephone,jun,mon,1021,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +45,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,jun,mon,167,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +31,entrepreneur,single,basic.9y,no,no,no,telephone,jun,mon,1248,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +32,admin.,single,university.degree,unknown,no,no,telephone,jun,mon,179,25,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,blue-collar,single,high.school,no,no,no,telephone,jun,mon,203,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,mon,273,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,telephone,jun,mon,209,12,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,39,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,162,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +46,admin.,single,high.school,no,no,no,telephone,jun,mon,418,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +37,entrepreneur,single,university.degree,no,yes,no,telephone,jun,mon,348,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,management,married,university.degree,no,yes,yes,telephone,jun,mon,135,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +28,student,single,high.school,unknown,yes,no,telephone,jun,mon,131,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,401,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +30,technician,divorced,professional.course,no,no,no,telephone,jun,mon,332,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,technician,single,university.degree,no,no,no,telephone,jun,mon,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +55,housemaid,married,professional.course,no,no,no,telephone,jun,mon,394,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +45,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,mon,287,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +24,unemployed,married,university.degree,no,yes,no,telephone,jun,mon,266,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +43,technician,single,high.school,no,no,no,telephone,jun,mon,153,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +46,technician,married,high.school,no,unknown,unknown,telephone,jun,mon,500,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +24,services,married,high.school,no,yes,no,telephone,jun,mon,298,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,blue-collar,single,basic.9y,unknown,yes,no,telephone,jun,mon,101,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +56,services,divorced,high.school,unknown,yes,no,telephone,jun,mon,13,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,blue-collar,divorced,basic.6y,no,no,no,telephone,jun,mon,66,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,admin.,married,professional.course,no,no,no,telephone,jun,mon,62,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +45,management,married,unknown,unknown,no,yes,telephone,jun,mon,73,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +26,admin.,divorced,high.school,no,yes,no,telephone,jun,mon,50,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +53,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,jun,mon,57,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +53,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,mon,193,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +37,admin.,married,high.school,no,yes,no,telephone,jun,mon,599,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,entrepreneur,married,university.degree,no,no,no,telephone,jun,mon,92,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,mon,52,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,92,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jun,mon,294,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,admin.,single,university.degree,no,yes,no,telephone,jun,mon,99,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +44,unknown,single,basic.9y,unknown,yes,no,telephone,jun,mon,76,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +31,blue-collar,divorced,high.school,no,no,yes,telephone,jun,mon,27,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +26,blue-collar,single,basic.4y,no,yes,yes,telephone,jun,mon,41,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,technician,married,professional.course,no,yes,yes,telephone,jun,mon,191,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +45,admin.,married,high.school,no,yes,yes,telephone,jun,mon,523,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +39,admin.,single,high.school,no,yes,no,telephone,jun,mon,358,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,mon,254,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +50,blue-collar,divorced,basic.4y,no,yes,no,telephone,jun,mon,46,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,112,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +43,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,mon,51,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jun,mon,359,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +42,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,88,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +30,technician,single,university.degree,no,yes,no,telephone,jun,mon,342,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,entrepreneur,married,high.school,no,no,no,telephone,jun,mon,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,services,married,high.school,no,yes,no,telephone,jun,mon,76,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +39,management,married,university.degree,no,no,no,telephone,jun,mon,721,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +60,management,divorced,university.degree,no,yes,no,telephone,jun,mon,420,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +30,services,single,unknown,no,no,no,telephone,jun,mon,163,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,services,single,high.school,no,no,no,telephone,jun,mon,41,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,technician,divorced,professional.course,no,no,no,telephone,jun,mon,442,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,admin.,divorced,university.degree,no,no,no,telephone,jun,mon,41,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,entrepreneur,married,basic.4y,unknown,yes,no,telephone,jun,mon,535,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +60,retired,married,basic.4y,unknown,no,no,telephone,jun,mon,155,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +25,self-employed,single,university.degree,no,no,no,telephone,jun,mon,178,7,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,admin.,single,high.school,no,no,no,telephone,jun,mon,36,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,services,single,high.school,no,yes,yes,telephone,jun,mon,20,21,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,admin.,divorced,high.school,no,no,yes,telephone,jun,mon,15,15,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +58,unemployed,single,basic.4y,unknown,no,no,telephone,jun,mon,170,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +37,technician,married,basic.6y,no,no,no,telephone,jun,mon,87,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +42,blue-collar,married,basic.6y,no,no,no,telephone,jun,mon,298,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,services,married,high.school,no,no,no,telephone,jun,mon,244,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +31,blue-collar,single,high.school,no,yes,no,telephone,jun,mon,750,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +30,technician,married,professional.course,no,no,yes,telephone,jun,mon,169,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +47,unknown,married,unknown,unknown,no,no,telephone,jun,mon,139,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jun,mon,14,14,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,admin.,married,university.degree,no,no,no,telephone,jun,mon,81,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +28,services,married,unknown,no,no,no,telephone,jun,mon,220,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +50,services,single,high.school,no,no,no,telephone,jun,mon,162,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +25,unemployed,single,high.school,unknown,yes,no,telephone,jun,mon,53,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,technician,married,university.degree,unknown,no,no,telephone,jun,mon,131,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,blue-collar,married,basic.9y,no,no,yes,telephone,jun,mon,18,30,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +24,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,607,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,retired,divorced,basic.4y,no,yes,no,telephone,jun,mon,111,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +59,retired,married,basic.4y,unknown,yes,no,telephone,jun,mon,216,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +26,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,102,35,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +55,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,mon,431,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,19,21,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +37,technician,single,high.school,no,no,no,telephone,jun,mon,394,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,management,single,university.degree,no,no,no,telephone,jun,mon,301,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +54,technician,married,university.degree,unknown,no,no,telephone,jun,mon,71,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +24,services,single,high.school,no,yes,no,telephone,jun,mon,341,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +53,technician,married,professional.course,unknown,no,no,telephone,jun,mon,54,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +28,admin.,married,university.degree,no,yes,no,telephone,jun,mon,406,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,technician,married,professional.course,no,yes,no,telephone,jun,mon,226,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +57,services,divorced,high.school,no,no,no,telephone,jun,mon,168,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +48,technician,married,high.school,no,unknown,unknown,telephone,jun,mon,221,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,mon,703,1,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +48,unemployed,divorced,basic.4y,no,no,yes,telephone,jun,mon,119,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +39,services,single,high.school,unknown,no,yes,telephone,jun,mon,126,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +33,admin.,married,high.school,no,no,no,telephone,jun,mon,314,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +37,technician,single,university.degree,no,no,no,telephone,jun,mon,182,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,blue-collar,married,high.school,unknown,no,no,telephone,jun,mon,353,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +42,admin.,single,high.school,no,no,no,telephone,jun,mon,362,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,mon,75,7,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +35,admin.,married,high.school,no,no,no,telephone,jun,mon,142,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +47,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,146,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +42,housemaid,married,unknown,unknown,yes,no,telephone,jun,mon,345,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +57,management,married,university.degree,unknown,no,no,telephone,jun,mon,103,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,17,25,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,2769,4,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,yes +49,management,married,high.school,no,yes,no,telephone,jun,mon,26,18,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,141,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +41,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,14,20,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,jun,mon,1009,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +39,entrepreneur,married,high.school,no,unknown,unknown,telephone,jun,mon,440,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,blue-collar,single,university.degree,unknown,no,no,telephone,jun,mon,323,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +30,technician,divorced,professional.course,no,yes,no,telephone,jun,mon,80,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,mon,154,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +38,blue-collar,single,basic.6y,unknown,yes,no,telephone,jun,mon,97,6,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +51,admin.,married,high.school,no,no,no,telephone,jun,mon,368,12,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +55,management,married,university.degree,no,yes,no,telephone,jun,mon,303,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +36,admin.,married,university.degree,no,unknown,unknown,telephone,jun,mon,375,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +54,technician,married,high.school,no,no,no,telephone,jun,mon,77,5,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +32,student,single,university.degree,no,yes,no,telephone,jun,mon,295,2,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +29,blue-collar,single,high.school,unknown,no,no,telephone,jun,mon,335,3,999,0,nonexistent,1.4,94.465,-41.8,4.96,5228.1,no +52,entrepreneur,divorced,basic.4y,no,no,no,telephone,jun,tue,69,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,admin.,divorced,university.degree,no,no,no,telephone,jun,tue,143,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,technician,married,university.degree,no,yes,no,telephone,jun,tue,153,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,technician,married,professional.course,no,no,no,telephone,jun,tue,83,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,single,basic.6y,no,yes,no,telephone,jun,tue,214,8,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,services,divorced,high.school,no,no,no,telephone,jun,tue,118,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,married,high.school,no,no,no,telephone,jun,tue,638,16,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,professional.course,unknown,no,no,telephone,jun,tue,78,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,services,married,high.school,no,no,yes,telephone,jun,tue,222,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,technician,married,professional.course,no,yes,no,telephone,jun,tue,78,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,professional.course,no,no,no,telephone,jun,tue,260,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jun,tue,150,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,services,married,high.school,unknown,no,no,telephone,jun,tue,49,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,management,divorced,high.school,no,no,no,telephone,jun,tue,62,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,divorced,basic.4y,no,yes,no,telephone,jun,tue,100,8,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,high.school,no,no,no,telephone,jun,tue,138,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,divorced,high.school,no,no,no,telephone,jun,tue,329,13,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,tue,338,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,331,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,technician,divorced,high.school,no,yes,yes,telephone,jun,tue,131,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,services,divorced,basic.6y,unknown,yes,no,telephone,jun,tue,319,8,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,technician,single,professional.course,no,no,no,telephone,jun,tue,315,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,services,married,high.school,no,no,no,telephone,jun,tue,37,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,technician,single,university.degree,no,yes,no,telephone,jun,tue,45,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,33,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,single,high.school,no,no,no,telephone,jun,tue,117,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,170,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,admin.,married,university.degree,unknown,unknown,unknown,telephone,jun,tue,104,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,admin.,divorced,high.school,no,yes,yes,telephone,jun,tue,287,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,single,university.degree,no,yes,yes,telephone,jun,tue,43,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,services,married,unknown,no,no,no,telephone,jun,tue,345,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,tue,168,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.9y,no,no,yes,telephone,jun,tue,110,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +59,retired,single,high.school,no,no,no,telephone,jun,tue,193,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,technician,divorced,university.degree,no,no,yes,telephone,jun,tue,187,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,admin.,single,university.degree,no,yes,no,telephone,jun,tue,198,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,divorced,high.school,no,no,no,telephone,jun,tue,256,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,self-employed,married,basic.9y,unknown,yes,no,telephone,jun,tue,145,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,entrepreneur,married,professional.course,unknown,yes,no,telephone,jun,tue,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,admin.,married,high.school,no,yes,no,telephone,jun,tue,285,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,technician,single,professional.course,no,yes,no,telephone,jun,tue,160,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,admin.,married,high.school,no,no,no,telephone,jun,tue,442,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,management,divorced,university.degree,no,yes,no,telephone,jun,tue,183,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,housemaid,married,basic.4y,unknown,no,yes,telephone,jun,tue,166,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,high.school,no,no,no,telephone,jun,tue,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,128,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,services,single,university.degree,no,yes,no,telephone,jun,tue,57,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,student,single,high.school,no,yes,no,telephone,jun,tue,173,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,single,basic.9y,no,no,no,telephone,jun,tue,145,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,admin.,married,basic.9y,no,no,no,telephone,jun,tue,116,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,technician,married,university.degree,no,no,no,telephone,jun,tue,126,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,blue-collar,married,basic.4y,no,yes,no,telephone,jun,tue,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.6y,no,no,no,telephone,jun,tue,196,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,admin.,divorced,high.school,no,unknown,unknown,telephone,jun,tue,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,admin.,married,university.degree,no,yes,yes,telephone,jun,tue,75,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,single,basic.4y,no,no,no,telephone,jun,tue,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,telephone,jun,tue,138,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,technician,married,basic.6y,unknown,yes,no,telephone,jun,tue,98,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,services,single,basic.4y,no,yes,no,telephone,jun,tue,355,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,services,divorced,high.school,no,no,no,telephone,jun,tue,115,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,blue-collar,single,basic.4y,no,no,no,telephone,jun,tue,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,professional.course,no,yes,no,telephone,jun,tue,133,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,divorced,basic.9y,no,no,yes,telephone,jun,tue,134,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,single,high.school,no,no,no,telephone,jun,tue,60,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,entrepreneur,married,basic.6y,no,yes,no,telephone,jun,tue,147,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,professional.course,no,yes,no,telephone,jun,tue,296,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,married,professional.course,no,no,no,telephone,jun,tue,70,8,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,527,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,blue-collar,married,basic.9y,no,no,yes,telephone,jun,tue,156,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,services,married,high.school,no,yes,no,telephone,jun,tue,187,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,admin.,married,high.school,no,yes,yes,telephone,jun,tue,269,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,admin.,married,high.school,unknown,yes,no,telephone,jun,tue,306,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,single,university.degree,unknown,no,no,telephone,jun,tue,556,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +29,admin.,single,university.degree,no,no,no,telephone,jun,tue,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,admin.,married,university.degree,no,no,no,telephone,jun,tue,483,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,services,unknown,unknown,no,yes,no,telephone,jun,tue,382,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.4y,no,no,no,telephone,jun,tue,881,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,404,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +24,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,218,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,121,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,admin.,married,high.school,no,no,no,telephone,jun,tue,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,self-employed,married,basic.9y,no,no,no,telephone,jun,tue,243,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,university.degree,no,no,no,telephone,jun,tue,181,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,admin.,single,university.degree,unknown,no,no,telephone,jun,tue,99,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,self-employed,single,university.degree,no,no,no,telephone,jun,tue,139,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,services,married,high.school,unknown,no,yes,telephone,jun,tue,214,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,services,divorced,university.degree,no,no,no,telephone,jun,tue,198,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,unemployed,married,university.degree,no,no,no,telephone,jun,tue,132,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,self-employed,married,professional.course,no,no,no,telephone,jun,tue,129,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,technician,married,high.school,unknown,no,no,telephone,jun,tue,491,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,135,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,university.degree,no,yes,yes,telephone,jun,tue,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,single,basic.4y,no,no,no,telephone,jun,tue,285,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,management,single,university.degree,no,no,no,telephone,jun,tue,255,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,housemaid,single,basic.4y,no,no,no,telephone,jun,tue,241,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,self-employed,married,professional.course,no,no,yes,telephone,jun,tue,705,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,technician,married,professional.course,unknown,no,no,telephone,jun,tue,134,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,admin.,single,high.school,unknown,yes,no,telephone,jun,tue,483,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,single,high.school,no,no,no,telephone,jun,tue,423,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,university.degree,no,yes,no,telephone,jun,tue,43,9,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,admin.,divorced,university.degree,no,unknown,unknown,telephone,jun,tue,23,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,technician,single,university.degree,no,no,no,telephone,jun,tue,48,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,single,basic.4y,unknown,no,no,telephone,jun,tue,254,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,unemployed,single,high.school,unknown,no,no,telephone,jun,tue,34,11,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,tue,388,9,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,university.degree,no,no,no,telephone,jun,tue,107,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,management,married,high.school,unknown,yes,no,telephone,jun,tue,135,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,technician,married,professional.course,no,yes,yes,telephone,jun,tue,61,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,technician,married,high.school,no,no,no,telephone,jun,tue,157,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,single,basic.6y,unknown,unknown,unknown,telephone,jun,tue,82,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,married,basic.6y,no,yes,yes,telephone,jun,tue,105,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,single,basic.9y,no,no,no,telephone,jun,tue,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,technician,married,university.degree,no,yes,no,telephone,jun,tue,189,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,unemployed,married,high.school,no,yes,no,telephone,jun,tue,652,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,technician,single,university.degree,no,no,no,telephone,jun,tue,206,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,tue,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,tue,30,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,management,married,university.degree,unknown,no,no,telephone,jun,tue,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,admin.,married,high.school,no,yes,no,telephone,jun,tue,174,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,management,married,university.degree,no,yes,no,telephone,jun,tue,150,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,tue,123,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,tue,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,technician,single,university.degree,no,no,no,telephone,jun,tue,91,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,management,married,high.school,unknown,yes,no,telephone,jun,tue,77,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,retired,single,professional.course,no,no,yes,telephone,jun,tue,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,79,31,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,85,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,divorced,high.school,no,no,no,telephone,jun,tue,139,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,management,married,university.degree,no,yes,no,telephone,jun,tue,89,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,services,married,high.school,no,yes,no,telephone,jun,tue,168,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,blue-collar,married,university.degree,no,yes,yes,telephone,jun,tue,436,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,technician,married,university.degree,no,no,no,telephone,jun,tue,88,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,admin.,married,high.school,no,unknown,unknown,telephone,jun,tue,43,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,tue,156,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,high.school,no,yes,no,telephone,jun,tue,171,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,services,married,high.school,unknown,yes,no,telephone,jun,tue,157,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,blue-collar,married,basic.6y,no,yes,no,telephone,jun,tue,130,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,technician,divorced,professional.course,no,no,yes,telephone,jun,tue,50,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,single,university.degree,no,yes,no,telephone,jun,tue,49,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,self-employed,married,basic.9y,no,unknown,unknown,telephone,jun,tue,120,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,entrepreneur,single,university.degree,no,no,no,telephone,jun,tue,259,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,79,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,tue,321,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,professional.course,unknown,yes,yes,telephone,jun,tue,192,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,married,high.school,no,no,no,telephone,jun,tue,128,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,jun,tue,108,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,entrepreneur,married,university.degree,no,yes,no,telephone,jun,tue,187,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,unknown,married,unknown,no,no,no,telephone,jun,tue,164,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,married,basic.6y,no,no,no,telephone,jun,tue,67,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,technician,single,unknown,no,yes,no,telephone,jun,tue,445,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,tue,41,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,management,single,university.degree,no,yes,no,telephone,jun,tue,344,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,married,high.school,no,yes,no,telephone,jun,tue,167,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,unemployed,married,basic.9y,unknown,yes,no,telephone,jun,tue,605,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,divorced,high.school,no,yes,no,telephone,jun,tue,226,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,technician,single,university.degree,no,no,no,telephone,jun,tue,179,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,unemployed,divorced,professional.course,no,yes,no,telephone,jun,tue,353,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,tue,34,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,technician,married,professional.course,no,no,no,telephone,jun,tue,161,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,housemaid,divorced,basic.4y,unknown,yes,no,telephone,jun,tue,77,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,university.degree,no,no,yes,telephone,jun,tue,346,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,tue,781,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +44,admin.,divorced,high.school,unknown,no,no,telephone,jun,tue,81,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,management,married,university.degree,no,yes,no,telephone,jun,tue,269,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,services,married,high.school,unknown,yes,yes,telephone,jun,tue,31,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,student,single,unknown,no,yes,no,telephone,jun,tue,367,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,technician,married,professional.course,no,yes,no,telephone,jun,tue,229,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,admin.,single,unknown,unknown,unknown,unknown,telephone,jun,tue,479,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,admin.,married,university.degree,no,no,yes,telephone,jun,tue,24,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,blue-collar,married,basic.9y,no,no,yes,telephone,jun,tue,16,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,technician,married,professional.course,no,no,no,telephone,jun,tue,88,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,714,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,admin.,divorced,university.degree,unknown,yes,no,telephone,jun,tue,205,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,married,professional.course,no,no,no,telephone,jun,tue,291,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,housemaid,married,basic.6y,unknown,no,no,telephone,jun,tue,986,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,self-employed,married,unknown,unknown,yes,no,telephone,jun,tue,279,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,admin.,married,high.school,no,yes,no,telephone,jun,tue,166,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.6y,no,no,no,telephone,jun,tue,92,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,retired,married,basic.4y,no,yes,no,telephone,jun,tue,254,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,management,divorced,university.degree,unknown,yes,yes,telephone,jun,tue,236,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,technician,single,professional.course,no,no,no,telephone,jun,tue,19,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,admin.,married,university.degree,unknown,yes,no,telephone,jun,tue,93,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,unemployed,married,basic.9y,unknown,yes,no,telephone,jun,tue,200,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,technician,married,university.degree,no,no,no,telephone,jun,tue,176,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,admin.,single,university.degree,no,yes,no,telephone,jun,tue,1162,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,tue,1848,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +30,self-employed,single,university.degree,no,no,yes,telephone,jun,tue,74,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,management,married,university.degree,no,no,no,telephone,jun,tue,490,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +50,services,divorced,high.school,no,no,no,telephone,jun,tue,291,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,tue,1051,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +27,housemaid,married,basic.9y,unknown,yes,no,telephone,jun,tue,614,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,services,single,high.school,unknown,yes,no,telephone,jun,tue,437,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +22,student,single,high.school,no,unknown,unknown,telephone,jun,tue,1199,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,209,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,high.school,unknown,yes,no,telephone,jun,tue,115,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,unemployed,single,high.school,unknown,yes,no,telephone,jun,tue,292,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,admin.,married,university.degree,no,yes,no,telephone,jun,tue,370,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,management,married,university.degree,unknown,yes,no,telephone,jun,tue,412,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jun,tue,108,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,admin.,single,high.school,no,no,yes,telephone,jun,tue,495,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,self-employed,married,professional.course,unknown,no,no,telephone,jun,tue,247,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,technician,married,professional.course,no,yes,no,telephone,jun,tue,57,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,services,married,high.school,unknown,yes,no,telephone,jun,tue,1345,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +55,retired,married,professional.course,no,no,yes,telephone,jun,tue,107,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,171,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,technician,single,professional.course,no,yes,no,telephone,jun,tue,66,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,unemployed,divorced,university.degree,unknown,yes,no,telephone,jun,tue,447,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,technician,married,professional.course,no,yes,no,telephone,jun,tue,167,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,blue-collar,married,basic.9y,no,no,yes,telephone,jun,tue,668,8,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,admin.,divorced,high.school,no,yes,no,telephone,jun,tue,204,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,student,single,high.school,unknown,no,no,telephone,jun,tue,256,9,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,blue-collar,divorced,high.school,no,no,no,telephone,jun,tue,676,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +27,services,single,high.school,no,yes,no,telephone,jun,tue,170,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,technician,single,professional.course,no,no,yes,telephone,jun,tue,63,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,technician,married,basic.9y,unknown,yes,no,telephone,jun,tue,168,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +59,blue-collar,married,basic.6y,no,yes,no,telephone,jun,tue,133,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,services,married,high.school,no,yes,no,telephone,jun,tue,153,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,tue,118,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,technician,married,professional.course,no,yes,no,telephone,jun,tue,117,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,technician,married,high.school,no,no,no,telephone,jun,tue,572,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,single,unknown,unknown,no,no,telephone,jun,tue,681,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,technician,married,professional.course,no,yes,no,telephone,jun,tue,59,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,services,divorced,high.school,no,yes,no,telephone,jun,tue,42,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,self-employed,married,basic.9y,no,yes,yes,telephone,jun,tue,408,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,blue-collar,married,unknown,unknown,yes,yes,telephone,jun,tue,127,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,high.school,no,yes,yes,telephone,jun,tue,314,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,admin.,married,university.degree,no,no,yes,telephone,jun,tue,277,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,entrepreneur,single,university.degree,no,no,no,telephone,jun,tue,140,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,entrepreneur,married,university.degree,no,no,no,telephone,jun,tue,424,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,single,high.school,no,yes,yes,telephone,jun,tue,159,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,entrepreneur,married,professional.course,no,yes,no,telephone,jun,tue,775,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +57,self-employed,married,university.degree,unknown,no,no,telephone,jun,tue,187,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,professional.course,unknown,yes,yes,telephone,jun,tue,102,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,self-employed,single,university.degree,no,yes,no,telephone,jun,tue,2621,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +33,admin.,married,high.school,no,no,no,telephone,jun,tue,96,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,admin.,married,high.school,no,yes,no,telephone,jun,tue,167,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,services,married,high.school,no,no,no,telephone,jun,tue,200,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,services,married,professional.course,no,no,no,telephone,jun,tue,75,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +22,services,single,basic.4y,no,yes,no,telephone,jun,tue,249,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,admin.,married,high.school,unknown,yes,no,telephone,jun,tue,85,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,management,married,university.degree,no,yes,no,telephone,jun,tue,134,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,admin.,married,university.degree,no,yes,no,telephone,jun,tue,50,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,university.degree,no,yes,no,telephone,jun,tue,173,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,self-employed,married,unknown,no,yes,no,telephone,jun,tue,60,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,unemployed,married,professional.course,unknown,no,no,telephone,jun,tue,320,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,professional.course,no,no,no,telephone,jun,tue,854,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,services,married,high.school,no,no,no,telephone,jun,tue,236,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,technician,married,basic.9y,no,yes,no,telephone,jun,tue,183,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,admin.,married,high.school,no,yes,no,telephone,jun,tue,185,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,technician,married,professional.course,no,yes,no,telephone,jun,tue,41,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,services,married,basic.6y,unknown,no,yes,telephone,jun,tue,39,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,services,married,basic.9y,no,no,no,telephone,jun,tue,138,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,admin.,married,university.degree,no,yes,no,telephone,jun,tue,411,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,retired,married,basic.4y,no,no,no,telephone,jun,tue,394,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,blue-collar,married,basic.9y,no,yes,no,telephone,jun,tue,209,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,admin.,married,high.school,no,yes,no,telephone,jun,tue,266,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,self-employed,married,university.degree,no,yes,no,telephone,jun,tue,134,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,university.degree,no,no,no,telephone,jun,tue,311,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,blue-collar,married,unknown,unknown,no,no,telephone,jun,tue,705,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,tue,89,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,married,high.school,no,no,no,telephone,jun,tue,93,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,management,married,basic.4y,unknown,no,no,telephone,jun,tue,847,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,admin.,married,high.school,unknown,no,no,telephone,jun,tue,675,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,housemaid,divorced,basic.4y,unknown,yes,yes,telephone,jun,tue,273,27,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,admin.,single,high.school,unknown,no,yes,telephone,jun,tue,162,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,admin.,divorced,university.degree,no,no,no,telephone,jun,tue,213,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jun,tue,641,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,admin.,single,university.degree,no,yes,no,telephone,jun,tue,61,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,student,married,high.school,no,no,yes,telephone,jun,tue,136,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,technician,single,high.school,no,no,no,telephone,jun,tue,187,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,332,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,entrepreneur,single,professional.course,no,no,no,telephone,jun,tue,76,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,services,single,high.school,no,no,no,telephone,jun,tue,406,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,admin.,married,university.degree,no,no,yes,telephone,jun,tue,544,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,self-employed,married,basic.9y,no,yes,no,telephone,jun,tue,363,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,tue,756,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,tue,117,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,entrepreneur,married,basic.4y,unknown,yes,no,telephone,jun,tue,76,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,management,married,basic.6y,no,no,yes,telephone,jun,tue,271,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,admin.,single,professional.course,unknown,no,no,telephone,jun,tue,203,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,university.degree,unknown,no,no,telephone,jun,tue,338,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,single,university.degree,no,no,no,telephone,jun,tue,70,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,admin.,married,university.degree,no,no,no,telephone,jun,tue,198,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,high.school,no,yes,no,telephone,jun,tue,398,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,admin.,married,high.school,unknown,no,no,telephone,jun,tue,956,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,technician,married,professional.course,unknown,yes,yes,telephone,jun,tue,76,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,tue,264,16,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jun,tue,979,9,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,married,basic.4y,no,no,no,telephone,jun,tue,89,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,entrepreneur,married,high.school,no,no,no,telephone,jun,tue,135,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,services,single,high.school,no,no,no,telephone,jun,tue,420,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,single,high.school,unknown,no,no,telephone,jun,tue,548,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,unemployed,married,high.school,no,yes,no,telephone,jun,tue,235,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,admin.,married,unknown,no,yes,no,telephone,jun,tue,87,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,blue-collar,married,basic.6y,no,yes,no,telephone,jun,tue,169,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,management,married,high.school,no,yes,yes,telephone,jun,tue,343,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,unemployed,married,professional.course,no,yes,no,telephone,jun,tue,88,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,admin.,single,basic.4y,no,yes,yes,telephone,jun,tue,68,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,services,married,high.school,no,no,no,telephone,jun,tue,77,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,management,married,basic.9y,no,yes,no,telephone,jun,tue,116,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,services,single,high.school,no,no,no,telephone,jun,tue,363,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,tue,116,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,tue,311,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,unknown,married,unknown,unknown,yes,yes,telephone,jun,tue,138,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,entrepreneur,married,basic.4y,unknown,no,no,telephone,jun,tue,48,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,married,high.school,unknown,no,no,telephone,jun,tue,390,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,management,married,high.school,unknown,no,no,telephone,jun,tue,61,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,tue,65,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,unemployed,divorced,basic.4y,no,yes,yes,telephone,jun,tue,637,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,single,university.degree,no,yes,no,telephone,jun,tue,117,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +24,admin.,single,university.degree,no,yes,no,telephone,jun,tue,128,21,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,technician,married,university.degree,unknown,no,no,telephone,jun,tue,130,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,blue-collar,married,basic.6y,unknown,yes,yes,telephone,jun,tue,193,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,technician,divorced,professional.course,no,yes,no,telephone,jun,tue,269,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,single,high.school,no,yes,no,telephone,jun,tue,150,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,admin.,divorced,high.school,no,no,no,telephone,jun,tue,132,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,blue-collar,divorced,basic.6y,no,yes,no,telephone,jun,tue,1208,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,management,married,university.degree,no,yes,no,telephone,jun,tue,228,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,technician,divorced,university.degree,no,no,yes,telephone,jun,tue,585,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,tue,334,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,single,university.degree,no,no,no,telephone,jun,tue,229,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,housemaid,married,university.degree,no,yes,no,telephone,jun,tue,441,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,divorced,basic.6y,no,yes,no,telephone,jun,wed,60,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +59,admin.,married,university.degree,no,yes,no,telephone,jun,wed,47,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,self-employed,divorced,professional.course,unknown,yes,no,telephone,jun,wed,235,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +58,blue-collar,married,high.school,no,no,no,telephone,jun,wed,270,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,wed,192,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +54,blue-collar,married,high.school,no,yes,yes,telephone,jun,wed,26,7,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,unemployed,married,basic.9y,unknown,yes,no,telephone,jun,wed,89,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,61,7,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,services,married,high.school,no,no,no,telephone,jun,wed,386,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,admin.,divorced,high.school,no,yes,no,telephone,jun,wed,54,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +52,admin.,married,university.degree,unknown,yes,no,telephone,jun,wed,272,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,technician,single,professional.course,no,unknown,unknown,telephone,jun,wed,35,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,admin.,single,high.school,no,no,no,telephone,jun,wed,284,8,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +46,technician,divorced,professional.course,no,no,no,telephone,jun,wed,53,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,housemaid,married,unknown,unknown,yes,no,telephone,jun,wed,311,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,no,yes,telephone,jun,wed,245,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,married,basic.9y,no,no,yes,telephone,jun,wed,151,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +50,services,married,high.school,no,yes,yes,telephone,jun,wed,64,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +39,services,single,high.school,no,yes,no,telephone,jun,wed,205,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +34,technician,married,university.degree,no,yes,no,telephone,jun,wed,250,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +30,management,single,university.degree,no,yes,no,telephone,jun,wed,66,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,technician,married,high.school,no,no,yes,telephone,jun,wed,137,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,admin.,married,high.school,unknown,no,no,telephone,jun,wed,30,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +26,admin.,single,high.school,no,no,no,telephone,jun,wed,72,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +35,admin.,married,university.degree,no,yes,no,telephone,jun,wed,284,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +24,entrepreneur,married,university.degree,no,yes,yes,telephone,jun,wed,126,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,blue-collar,divorced,basic.4y,no,no,no,telephone,jun,wed,120,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,unemployed,divorced,basic.4y,no,yes,no,telephone,jun,wed,48,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +45,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,wed,262,9,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +30,student,single,university.degree,no,yes,no,telephone,jun,wed,1062,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +46,unemployed,divorced,basic.9y,no,no,no,telephone,jun,wed,283,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +44,admin.,single,high.school,no,no,no,telephone,jun,wed,295,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +26,blue-collar,single,unknown,no,yes,yes,telephone,jun,wed,203,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,37,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +30,admin.,married,university.degree,no,no,yes,telephone,jun,wed,18,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,blue-collar,single,basic.9y,no,yes,no,telephone,jun,wed,18,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,350,7,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,blue-collar,single,basic.4y,unknown,no,no,telephone,jun,wed,190,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +57,retired,married,unknown,unknown,yes,no,telephone,jun,wed,54,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,blue-collar,single,high.school,no,yes,no,telephone,jun,wed,835,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +30,services,married,high.school,no,yes,no,telephone,jun,wed,421,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +40,blue-collar,divorced,basic.9y,unknown,unknown,unknown,telephone,jun,wed,104,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,services,married,professional.course,no,unknown,unknown,telephone,jun,wed,164,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +45,entrepreneur,married,unknown,no,no,no,telephone,jun,wed,89,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,technician,single,high.school,no,no,no,telephone,jun,wed,112,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +37,management,married,university.degree,no,yes,no,telephone,jun,wed,744,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +45,blue-collar,married,unknown,unknown,no,no,telephone,jun,wed,503,11,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +48,technician,married,professional.course,unknown,yes,no,telephone,jun,wed,321,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +35,admin.,divorced,basic.9y,unknown,yes,no,telephone,jun,wed,24,10,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jun,wed,102,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,technician,married,basic.6y,no,yes,no,telephone,jun,wed,261,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,admin.,single,high.school,unknown,no,no,telephone,jun,wed,213,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,technician,married,professional.course,no,no,no,telephone,jun,wed,371,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +38,admin.,single,university.degree,no,yes,no,telephone,jun,wed,190,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +30,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,114,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +54,housemaid,married,basic.4y,unknown,no,no,telephone,jun,wed,221,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,admin.,single,basic.9y,unknown,yes,no,telephone,jun,wed,247,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,blue-collar,single,basic.9y,no,no,no,telephone,jun,wed,680,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,services,single,professional.course,no,no,no,telephone,jun,wed,185,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,unemployed,divorced,university.degree,unknown,yes,yes,telephone,jun,wed,110,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +35,blue-collar,single,basic.4y,unknown,no,no,telephone,jun,wed,172,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,admin.,single,university.degree,no,no,no,telephone,jun,wed,156,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,services,married,high.school,no,unknown,unknown,telephone,jun,wed,347,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +35,technician,single,professional.course,no,no,no,telephone,jun,wed,394,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,blue-collar,single,basic.9y,unknown,yes,no,telephone,jun,wed,573,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,technician,single,university.degree,unknown,no,no,telephone,jun,wed,262,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +34,services,married,basic.9y,no,no,no,telephone,jun,wed,37,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +27,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,72,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,services,married,high.school,no,yes,no,telephone,jun,wed,417,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +35,technician,married,professional.course,no,no,no,telephone,jun,wed,1528,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +56,management,married,university.degree,no,no,no,telephone,jun,wed,154,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,services,single,basic.6y,no,no,no,telephone,jun,wed,533,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,blue-collar,divorced,basic.4y,no,yes,no,telephone,jun,wed,122,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +58,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,23,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,yes,telephone,jun,wed,82,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,services,married,high.school,unknown,yes,yes,telephone,jun,wed,55,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,67,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +56,retired,married,high.school,unknown,no,no,telephone,jun,wed,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,services,married,high.school,unknown,no,no,telephone,jun,wed,311,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,admin.,single,high.school,no,no,yes,telephone,jun,wed,113,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +55,technician,married,professional.course,unknown,yes,no,telephone,jun,wed,59,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,services,married,high.school,unknown,yes,no,telephone,jun,wed,551,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +56,retired,married,high.school,unknown,yes,no,telephone,jun,wed,367,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,blue-collar,married,high.school,no,no,no,telephone,jun,wed,220,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,15,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +52,self-employed,married,professional.course,unknown,no,yes,telephone,jun,wed,56,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,173,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,admin.,married,high.school,no,no,yes,telephone,jun,wed,97,8,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,admin.,divorced,high.school,no,yes,no,telephone,jun,wed,199,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +23,blue-collar,married,professional.course,unknown,no,no,telephone,jun,wed,94,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,blue-collar,divorced,unknown,unknown,no,no,telephone,jun,wed,15,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,services,single,high.school,no,no,no,telephone,jun,wed,142,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,blue-collar,divorced,unknown,unknown,no,no,telephone,jun,wed,220,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +35,technician,married,professional.course,no,no,no,telephone,jun,wed,417,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,192,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,services,married,high.school,no,yes,no,telephone,jun,wed,443,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,services,married,basic.9y,no,yes,no,telephone,jun,wed,115,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,self-employed,married,university.degree,unknown,yes,yes,telephone,jun,wed,1487,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +54,retired,single,basic.4y,unknown,no,no,telephone,jun,wed,68,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,admin.,single,high.school,no,yes,no,telephone,jun,wed,54,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,admin.,married,high.school,no,yes,no,telephone,jun,wed,159,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,admin.,married,high.school,no,yes,no,telephone,jun,wed,335,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,admin.,divorced,university.degree,no,no,no,telephone,jun,wed,104,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +35,entrepreneur,single,professional.course,no,no,no,telephone,jun,wed,236,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +50,management,married,university.degree,no,yes,no,telephone,jun,wed,300,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,telephone,jun,wed,163,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,admin.,married,high.school,no,yes,no,telephone,jun,wed,156,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,admin.,married,high.school,no,no,no,telephone,jun,wed,103,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,services,married,high.school,unknown,no,yes,telephone,jun,wed,269,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +39,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,wed,187,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,wed,41,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,blue-collar,married,basic.6y,no,yes,no,telephone,jun,wed,1540,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +39,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,wed,310,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,services,married,basic.9y,no,yes,no,telephone,jun,wed,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +34,admin.,single,high.school,no,no,yes,telephone,jun,wed,129,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,admin.,married,high.school,no,yes,yes,telephone,jun,wed,208,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,services,single,high.school,no,no,no,telephone,jun,wed,124,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +49,housemaid,divorced,basic.4y,no,no,no,telephone,jun,wed,67,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,1218,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,housemaid,married,basic.4y,no,no,no,telephone,jun,wed,362,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,management,married,university.degree,no,no,no,telephone,jun,wed,973,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +56,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,36,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +54,blue-collar,divorced,basic.4y,unknown,no,yes,telephone,jun,wed,138,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,admin.,married,high.school,no,yes,no,telephone,jun,wed,132,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +34,blue-collar,married,professional.course,unknown,no,no,telephone,jun,wed,1009,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +27,technician,married,university.degree,no,yes,yes,telephone,jun,wed,55,10,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,admin.,married,high.school,no,yes,no,telephone,jun,wed,105,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,blue-collar,divorced,unknown,unknown,unknown,unknown,telephone,jun,wed,339,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,admin.,single,university.degree,no,yes,no,telephone,jun,wed,355,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,management,single,basic.9y,no,no,no,telephone,jun,wed,466,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +26,blue-collar,married,basic.4y,no,no,no,telephone,jun,wed,94,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,services,married,high.school,no,yes,no,telephone,jun,wed,227,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +39,technician,married,professional.course,unknown,yes,yes,telephone,jun,wed,65,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,387,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,admin.,married,university.degree,no,yes,no,telephone,jun,wed,379,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +39,technician,married,professional.course,unknown,no,no,telephone,jun,wed,401,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +55,management,single,basic.4y,no,no,no,telephone,jun,wed,205,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,management,married,university.degree,no,no,no,telephone,jun,wed,332,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,management,married,university.degree,unknown,yes,yes,telephone,jun,wed,567,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,200,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +24,blue-collar,single,basic.4y,no,no,no,telephone,jun,wed,537,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +24,blue-collar,single,basic.4y,no,no,no,telephone,jun,wed,476,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +45,blue-collar,divorced,unknown,unknown,yes,no,telephone,jun,wed,29,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +20,services,single,high.school,no,yes,no,telephone,jun,wed,290,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +34,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,74,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,76,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,self-employed,married,professional.course,no,no,no,telephone,jun,wed,26,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,wed,27,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,self-employed,married,professional.course,no,no,no,telephone,jun,wed,632,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,316,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,blue-collar,married,basic.6y,no,yes,yes,telephone,jun,wed,440,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,admin.,single,university.degree,no,no,no,telephone,jun,wed,52,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,single,university.degree,unknown,yes,no,telephone,jun,wed,59,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,blue-collar,married,unknown,unknown,no,no,telephone,jun,wed,243,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +37,technician,single,university.degree,no,no,no,telephone,jun,wed,190,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,81,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +55,management,single,basic.4y,no,yes,no,telephone,jun,wed,58,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,admin.,single,high.school,no,yes,no,telephone,jun,wed,356,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,wed,320,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +24,services,single,high.school,no,yes,no,telephone,jun,wed,221,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +24,services,single,high.school,no,yes,no,telephone,jun,wed,453,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +55,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,345,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,146,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +40,admin.,married,university.degree,no,no,no,telephone,jun,wed,248,29,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,services,married,basic.9y,no,yes,no,telephone,jun,wed,324,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,entrepreneur,single,professional.course,no,no,no,telephone,jun,wed,609,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +58,management,unknown,university.degree,no,no,no,telephone,jun,wed,16,9,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,admin.,married,university.degree,no,no,no,telephone,jun,wed,392,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +57,unemployed,married,basic.9y,no,yes,no,telephone,jun,wed,422,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +57,housemaid,married,basic.4y,no,no,no,telephone,jun,wed,101,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,services,married,basic.4y,no,unknown,unknown,telephone,jun,wed,577,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,319,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,married,professional.course,no,no,no,telephone,jun,wed,112,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +56,technician,single,university.degree,no,yes,no,telephone,jun,wed,308,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +52,services,single,high.school,no,yes,no,telephone,jun,wed,43,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,technician,married,professional.course,no,yes,no,telephone,jun,wed,149,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,housemaid,married,professional.course,no,yes,no,telephone,jun,wed,36,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +52,services,single,high.school,no,yes,no,telephone,jun,wed,324,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,admin.,married,high.school,unknown,yes,no,telephone,jun,wed,100,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,student,single,university.degree,no,yes,no,telephone,jun,wed,209,12,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +26,technician,single,high.school,no,unknown,unknown,telephone,jun,wed,105,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,services,married,high.school,no,unknown,unknown,telephone,jun,wed,707,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +31,entrepreneur,divorced,high.school,no,yes,no,telephone,jun,wed,119,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,management,married,university.degree,no,yes,no,telephone,jun,wed,695,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +32,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,wed,13,11,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,technician,single,professional.course,no,yes,no,telephone,jun,wed,1255,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +29,technician,divorced,professional.course,no,yes,no,telephone,jun,wed,11,19,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +39,management,married,basic.9y,no,no,no,telephone,jun,wed,255,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,management,married,university.degree,no,no,no,telephone,jun,wed,50,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +50,unemployed,married,high.school,no,no,no,telephone,jun,wed,373,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +34,blue-collar,married,high.school,no,no,no,telephone,jun,wed,18,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,blue-collar,single,high.school,no,yes,no,telephone,jun,wed,108,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +44,entrepreneur,married,professional.course,no,no,yes,telephone,jun,wed,307,14,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,retired,married,professional.course,unknown,yes,no,telephone,jun,wed,142,17,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +48,technician,divorced,university.degree,no,yes,no,telephone,jun,wed,78,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,self-employed,married,basic.9y,no,yes,no,telephone,jun,wed,376,7,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +27,management,single,high.school,no,unknown,unknown,telephone,jun,wed,155,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +32,technician,married,professional.course,no,no,no,telephone,jun,wed,188,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,326,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +27,admin.,single,university.degree,no,no,no,telephone,jun,wed,443,7,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,admin.,married,university.degree,no,yes,yes,telephone,jun,wed,802,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,64,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +54,unemployed,married,high.school,no,no,no,telephone,jun,wed,36,16,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +52,blue-collar,divorced,high.school,no,no,no,telephone,jun,wed,18,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +55,management,single,basic.4y,no,yes,no,telephone,jun,wed,89,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,359,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,blue-collar,married,high.school,unknown,no,no,telephone,jun,wed,257,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +56,retired,married,basic.4y,no,yes,no,telephone,jun,wed,19,30,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,services,married,basic.9y,no,yes,no,telephone,jun,wed,404,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,services,married,high.school,unknown,yes,yes,telephone,jun,wed,146,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,blue-collar,married,unknown,unknown,no,no,telephone,jun,wed,234,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +40,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,13,14,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,services,single,high.school,no,no,no,telephone,jun,wed,297,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +46,entrepreneur,married,university.degree,unknown,unknown,unknown,telephone,jun,wed,156,9,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +53,management,divorced,university.degree,no,unknown,unknown,telephone,jun,wed,636,12,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,admin.,married,basic.6y,no,yes,no,telephone,jun,wed,300,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +59,retired,married,basic.9y,no,yes,no,telephone,jun,wed,2093,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +24,technician,single,professional.course,no,yes,no,telephone,jun,wed,37,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +44,admin.,single,high.school,no,no,no,telephone,jun,wed,61,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,793,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,704,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +28,technician,single,professional.course,no,yes,no,telephone,jun,wed,1195,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,61,23,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,admin.,married,basic.9y,no,yes,no,telephone,jun,wed,96,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,management,married,unknown,unknown,no,no,telephone,jun,wed,1066,9,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +35,admin.,divorced,university.degree,no,yes,no,telephone,jun,wed,399,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,entrepreneur,married,professional.course,unknown,no,yes,telephone,jun,wed,140,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +25,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,121,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +26,technician,single,professional.course,no,no,no,telephone,jun,wed,84,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +39,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,wed,87,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,entrepreneur,married,professional.course,no,no,no,telephone,jun,wed,108,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,management,married,high.school,no,no,no,telephone,jun,wed,48,10,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,technician,married,professional.course,no,no,no,telephone,jun,wed,129,10,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +50,management,married,university.degree,unknown,no,no,telephone,jun,wed,242,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,blue-collar,married,professional.course,no,no,no,telephone,jun,wed,230,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +45,technician,divorced,professional.course,no,yes,no,telephone,jun,wed,37,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,blue-collar,married,unknown,no,yes,yes,telephone,jun,wed,130,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +38,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,25,41,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,services,married,high.school,unknown,yes,yes,telephone,jun,wed,57,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,housemaid,married,high.school,no,unknown,unknown,telephone,jun,wed,154,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,entrepreneur,married,university.degree,no,yes,yes,telephone,jun,wed,77,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +44,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,wed,127,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,blue-collar,married,basic.4y,no,yes,no,telephone,jun,wed,313,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,management,divorced,university.degree,no,no,no,telephone,jun,wed,114,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +39,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,wed,119,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,admin.,single,university.degree,no,no,no,telephone,jun,wed,305,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +31,services,single,high.school,no,no,no,telephone,jun,wed,49,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +49,technician,married,professional.course,unknown,yes,no,telephone,jun,wed,429,13,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +44,blue-collar,married,high.school,unknown,yes,no,telephone,jun,wed,51,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,management,married,high.school,no,no,no,telephone,jun,wed,99,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,management,married,university.degree,no,no,no,telephone,jun,wed,771,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +57,blue-collar,divorced,unknown,unknown,unknown,unknown,telephone,jun,wed,41,8,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,378,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +49,unknown,married,basic.6y,no,no,no,telephone,jun,wed,152,9,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +44,technician,married,high.school,no,yes,yes,telephone,jun,wed,491,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +57,retired,divorced,professional.course,no,no,no,telephone,jun,wed,203,1,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,services,married,high.school,unknown,no,no,telephone,jun,wed,90,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +49,admin.,married,high.school,no,yes,no,telephone,jun,wed,135,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +36,blue-collar,married,high.school,no,no,no,telephone,jun,wed,626,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +51,management,married,university.degree,no,no,no,telephone,jun,wed,16,17,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +45,admin.,married,high.school,no,no,no,telephone,jun,wed,125,8,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +30,entrepreneur,married,high.school,no,unknown,unknown,telephone,jun,wed,120,8,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +46,admin.,married,basic.9y,unknown,yes,no,telephone,jun,wed,16,14,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +43,blue-collar,single,basic.9y,no,yes,no,telephone,jun,wed,354,21,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +23,blue-collar,single,basic.9y,no,yes,no,telephone,jun,wed,507,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +50,technician,married,professional.course,unknown,yes,no,telephone,jun,wed,18,20,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +41,admin.,single,high.school,unknown,yes,no,telephone,jun,wed,90,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +26,admin.,single,high.school,no,no,no,telephone,jun,wed,140,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,blue-collar,married,basic.6y,unknown,unknown,unknown,telephone,jun,wed,15,8,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +52,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,wed,23,7,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,self-employed,married,university.degree,no,no,no,telephone,jun,wed,113,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,admin.,single,university.degree,no,yes,no,telephone,jun,wed,249,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,blue-collar,married,unknown,unknown,no,no,telephone,jun,wed,445,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +42,blue-collar,married,unknown,unknown,no,no,telephone,jun,wed,82,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,blue-collar,married,basic.6y,no,no,no,telephone,jun,wed,1060,5,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +54,management,married,basic.6y,no,no,no,telephone,jun,wed,255,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +35,admin.,married,high.school,no,yes,no,telephone,jun,wed,55,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +60,admin.,married,university.degree,unknown,no,no,telephone,jun,wed,521,11,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +47,services,married,high.school,unknown,yes,yes,telephone,jun,wed,161,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +60,retired,married,high.school,no,yes,no,telephone,jun,wed,340,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +29,management,single,university.degree,unknown,yes,no,telephone,jun,wed,40,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +49,technician,married,high.school,no,no,no,telephone,jun,wed,156,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +56,retired,married,basic.4y,no,no,no,telephone,jun,wed,375,2,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +33,admin.,married,high.school,no,no,no,telephone,jun,wed,43,4,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +28,student,single,high.school,no,yes,yes,telephone,jun,wed,604,6,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,no +60,admin.,married,university.degree,no,no,no,telephone,jun,wed,1574,3,999,0,nonexistent,1.4,94.465,-41.8,4.962,5228.1,yes +34,admin.,married,high.school,no,no,no,telephone,jun,thu,29,11,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,thu,102,13,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,management,single,university.degree,no,yes,no,telephone,jun,thu,160,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,admin.,single,university.degree,no,no,no,telephone,jun,thu,136,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,entrepreneur,married,university.degree,no,yes,yes,telephone,jun,thu,82,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,admin.,single,professional.course,no,no,no,telephone,jun,thu,122,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,admin.,married,basic.9y,no,no,no,telephone,jun,thu,185,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,entrepreneur,married,basic.4y,no,no,no,telephone,jun,thu,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,thu,575,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,thu,39,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,single,high.school,unknown,no,no,telephone,jun,thu,675,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,admin.,single,university.degree,no,yes,no,telephone,jun,thu,172,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,services,married,high.school,unknown,no,no,telephone,jun,thu,97,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,admin.,single,university.degree,no,no,no,telephone,jun,thu,394,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,technician,single,professional.course,unknown,no,yes,telephone,jun,thu,127,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,student,single,basic.9y,no,yes,no,telephone,jun,thu,176,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,technician,married,university.degree,no,no,no,telephone,jun,thu,37,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,thu,266,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,student,single,university.degree,unknown,no,no,telephone,jun,thu,618,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +59,retired,married,basic.9y,no,no,no,telephone,jun,thu,297,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,management,divorced,university.degree,no,no,no,telephone,jun,thu,593,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,446,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,self-employed,married,high.school,no,no,no,telephone,jun,thu,340,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,thu,108,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,married,professional.course,no,unknown,unknown,telephone,jun,thu,638,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,blue-collar,divorced,basic.6y,no,unknown,unknown,telephone,jun,thu,45,9,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,admin.,married,university.degree,no,unknown,unknown,telephone,jun,thu,240,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,70,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,technician,married,professional.course,unknown,no,no,telephone,jun,thu,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,services,married,high.school,unknown,no,no,telephone,jun,thu,139,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,technician,single,professional.course,unknown,no,no,telephone,jun,thu,820,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,admin.,divorced,high.school,no,no,no,telephone,jun,thu,149,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,348,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,unknown,no,no,no,telephone,jun,thu,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,admin.,married,professional.course,unknown,no,no,telephone,jun,thu,168,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,573,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,management,divorced,university.degree,unknown,yes,no,telephone,jun,thu,209,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,admin.,married,university.degree,no,no,no,telephone,jun,thu,446,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,self-employed,single,university.degree,no,no,no,telephone,jun,thu,111,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.6y,no,no,no,telephone,jun,thu,34,31,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,self-employed,divorced,professional.course,no,no,no,telephone,jun,thu,197,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,admin.,divorced,high.school,no,yes,no,telephone,jun,thu,1224,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +46,blue-collar,married,basic.6y,no,no,no,telephone,jun,thu,144,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,services,married,high.school,unknown,yes,no,telephone,jun,thu,75,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,self-employed,divorced,professional.course,no,yes,no,telephone,jun,thu,430,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,housemaid,single,high.school,unknown,no,no,telephone,jun,thu,32,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,services,married,high.school,no,yes,no,telephone,jun,thu,268,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,services,divorced,basic.9y,unknown,no,no,telephone,jun,thu,73,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,203,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,admin.,married,professional.course,no,no,no,telephone,jun,thu,252,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,unemployed,married,high.school,unknown,yes,yes,telephone,jun,thu,188,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,services,married,high.school,no,no,no,telephone,jun,thu,395,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,retired,divorced,basic.4y,no,no,no,telephone,jun,thu,170,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,services,divorced,basic.9y,no,no,no,telephone,jun,thu,147,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,thu,127,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,technician,married,professional.course,no,yes,no,telephone,jun,thu,22,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,unemployed,married,professional.course,no,yes,no,telephone,jun,thu,109,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,technician,married,high.school,no,no,no,telephone,jun,thu,677,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,management,divorced,university.degree,no,no,no,telephone,jun,thu,167,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,married,university.degree,no,no,yes,telephone,jun,thu,105,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,services,married,basic.9y,no,no,no,telephone,jun,thu,57,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,technician,single,high.school,no,no,no,telephone,jun,thu,220,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,self-employed,married,basic.4y,unknown,no,no,telephone,jun,thu,140,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,admin.,single,university.degree,no,yes,no,telephone,jun,thu,1082,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,technician,single,professional.course,no,no,no,telephone,jun,thu,248,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,self-employed,single,high.school,no,no,no,telephone,jun,thu,11,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jun,thu,93,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,admin.,married,university.degree,no,no,no,telephone,jun,thu,161,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,services,married,high.school,no,no,no,telephone,jun,thu,653,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,admin.,married,high.school,no,no,no,telephone,jun,thu,193,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,management,married,basic.4y,no,no,yes,telephone,jun,thu,216,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,admin.,married,high.school,no,no,yes,telephone,jun,thu,291,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,admin.,single,high.school,no,no,no,telephone,jun,thu,223,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,married,professional.course,no,no,no,telephone,jun,thu,96,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,admin.,married,basic.4y,no,no,no,telephone,jun,thu,477,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,retired,married,basic.4y,unknown,no,no,telephone,jun,thu,327,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,admin.,single,high.school,no,no,no,telephone,jun,thu,446,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,technician,married,professional.course,no,no,no,telephone,jun,thu,159,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,admin.,married,high.school,no,yes,no,telephone,jun,thu,178,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,152,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,admin.,married,professional.course,unknown,no,no,telephone,jun,thu,169,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,single,professional.course,no,no,no,telephone,jun,thu,635,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,services,divorced,basic.6y,unknown,yes,no,telephone,jun,thu,122,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,admin.,married,university.degree,no,no,no,telephone,jun,thu,136,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,high.school,no,no,no,telephone,jun,thu,69,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,admin.,married,basic.9y,no,no,no,telephone,jun,thu,521,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,technician,married,professional.course,no,yes,no,telephone,jun,thu,201,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,admin.,married,university.degree,no,yes,yes,telephone,jun,thu,142,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,blue-collar,single,basic.6y,no,unknown,unknown,telephone,jun,thu,59,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,admin.,married,high.school,no,no,no,telephone,jun,thu,66,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,thu,512,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +45,housemaid,married,professional.course,unknown,yes,no,telephone,jun,thu,810,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,services,married,basic.6y,no,yes,yes,telephone,jun,thu,138,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,technician,single,professional.course,no,no,no,telephone,jun,thu,574,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,services,married,unknown,unknown,no,no,telephone,jun,thu,44,6,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,admin.,married,university.degree,no,no,no,telephone,jun,thu,145,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,thu,196,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,single,basic.4y,unknown,yes,yes,telephone,jun,thu,270,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,admin.,married,university.degree,unknown,no,no,telephone,jun,thu,252,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,management,married,basic.4y,unknown,yes,no,telephone,jun,thu,26,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,335,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,thu,89,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,330,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,entrepreneur,married,university.degree,unknown,unknown,unknown,telephone,jun,thu,91,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +54,admin.,married,high.school,no,no,no,telephone,jun,thu,361,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,entrepreneur,married,basic.9y,no,no,no,telephone,jun,thu,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,management,divorced,university.degree,no,no,no,telephone,jun,thu,221,12,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,84,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,services,married,unknown,no,yes,no,telephone,jun,thu,53,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,technician,single,university.degree,no,no,no,telephone,jun,thu,90,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,unknown,married,unknown,no,no,no,telephone,jun,thu,141,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,services,married,university.degree,no,no,no,telephone,jun,thu,254,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,263,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,212,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,149,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,technician,married,professional.course,no,no,no,telephone,jun,thu,77,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,services,married,high.school,no,no,yes,telephone,jun,thu,374,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,207,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,thu,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +41,admin.,divorced,high.school,no,unknown,unknown,telephone,jun,thu,289,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,entrepreneur,married,basic.9y,unknown,no,no,telephone,jun,thu,143,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,unknown,married,unknown,no,no,yes,telephone,jun,thu,188,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,unemployed,married,high.school,unknown,yes,no,telephone,jun,thu,106,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,single,high.school,no,yes,no,telephone,jun,thu,191,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,admin.,divorced,high.school,no,no,no,telephone,jun,thu,370,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,technician,married,basic.9y,unknown,yes,no,telephone,jun,thu,487,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,services,married,high.school,unknown,no,no,telephone,jun,thu,84,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,blue-collar,married,unknown,unknown,yes,no,telephone,jun,thu,118,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,56,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,admin.,married,university.degree,no,no,yes,telephone,jun,thu,253,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,blue-collar,married,basic.6y,no,yes,no,telephone,jun,thu,786,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +44,blue-collar,married,unknown,no,no,no,telephone,jun,thu,239,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,management,married,university.degree,no,no,no,telephone,jun,thu,136,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,admin.,married,high.school,no,no,no,telephone,jun,thu,162,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,management,married,university.degree,no,no,yes,telephone,jun,thu,219,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,unemployed,married,professional.course,unknown,yes,yes,telephone,jun,thu,135,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,married,high.school,no,no,no,telephone,jun,thu,177,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,technician,divorced,professional.course,no,no,no,telephone,jun,thu,252,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,retired,divorced,professional.course,no,no,no,telephone,jun,thu,416,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,unemployed,married,professional.course,no,yes,no,telephone,jun,thu,52,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,technician,single,high.school,no,no,no,telephone,jun,thu,32,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,217,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,student,married,high.school,unknown,no,no,telephone,jun,thu,145,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +24,technician,married,professional.course,no,no,no,telephone,jun,thu,93,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,services,married,high.school,unknown,yes,yes,telephone,jun,thu,61,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,blue-collar,single,unknown,no,no,yes,telephone,jun,thu,262,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,technician,married,high.school,no,no,no,telephone,jun,thu,246,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,admin.,single,high.school,no,unknown,unknown,telephone,jun,thu,92,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,blue-collar,single,high.school,no,yes,no,telephone,jun,thu,1318,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +23,services,single,high.school,no,no,no,telephone,jun,thu,197,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,management,married,basic.9y,unknown,unknown,unknown,telephone,jun,thu,282,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,922,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +45,technician,divorced,university.degree,no,yes,yes,telephone,jun,thu,163,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,retired,divorced,basic.4y,unknown,yes,yes,telephone,jun,thu,26,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,single,high.school,no,yes,no,telephone,jun,thu,63,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,technician,married,basic.9y,unknown,yes,no,telephone,jun,thu,176,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,67,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,high.school,no,no,no,telephone,jun,thu,605,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +27,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,thu,75,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,high.school,no,yes,no,telephone,jun,thu,1411,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,services,divorced,high.school,no,yes,no,telephone,jun,thu,83,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,services,divorced,high.school,no,unknown,unknown,telephone,jun,thu,297,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,high.school,no,yes,yes,telephone,jun,thu,2028,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +54,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,thu,211,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,thu,453,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,married,high.school,no,no,no,telephone,jun,thu,419,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,technician,married,university.degree,no,no,no,telephone,jun,thu,498,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,admin.,married,university.degree,no,no,no,telephone,jun,thu,202,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,management,married,university.degree,no,no,no,telephone,jun,thu,21,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,services,married,high.school,no,yes,yes,telephone,jun,thu,40,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +23,technician,single,professional.course,no,unknown,unknown,telephone,jun,thu,148,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,management,single,high.school,no,unknown,unknown,telephone,jun,thu,184,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,unemployed,married,basic.4y,unknown,no,no,telephone,jun,thu,55,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,admin.,married,high.school,no,no,no,telephone,jun,thu,952,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +36,blue-collar,single,basic.9y,no,no,yes,telephone,jun,thu,207,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,admin.,married,basic.9y,no,no,no,telephone,jun,thu,238,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,admin.,divorced,university.degree,no,yes,no,telephone,jun,thu,318,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,thu,232,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,retired,married,basic.4y,unknown,no,no,telephone,jun,thu,76,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,married,high.school,no,no,no,telephone,jun,thu,153,14,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +58,technician,married,high.school,unknown,no,no,telephone,jun,thu,525,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,97,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,management,married,university.degree,no,no,no,telephone,jun,thu,216,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,university.degree,no,no,no,telephone,jun,thu,142,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jun,thu,290,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,professional.course,unknown,yes,no,telephone,jun,thu,280,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,559,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,blue-collar,single,basic.9y,no,no,no,telephone,jun,thu,67,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +59,retired,married,unknown,unknown,yes,no,telephone,jun,thu,235,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,retired,single,basic.4y,no,yes,no,telephone,jun,thu,107,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,management,married,professional.course,unknown,yes,yes,telephone,jun,thu,368,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,blue-collar,single,basic.9y,no,yes,no,telephone,jun,thu,74,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,thu,1136,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +23,blue-collar,single,basic.9y,no,no,no,telephone,jun,thu,359,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,self-employed,single,basic.9y,unknown,no,no,telephone,jun,thu,64,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,technician,single,university.degree,no,no,no,telephone,jun,thu,73,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +51,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,16,9,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jun,thu,409,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,technician,married,university.degree,no,no,no,telephone,jun,thu,65,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,thu,69,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,services,married,basic.6y,no,no,no,telephone,jun,thu,722,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,entrepreneur,married,high.school,no,yes,no,telephone,jun,thu,133,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,management,married,university.degree,no,no,no,telephone,jun,thu,288,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,married,basic.9y,no,yes,no,telephone,jun,thu,120,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,entrepreneur,married,basic.4y,no,no,no,telephone,jun,thu,43,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,blue-collar,single,basic.4y,unknown,yes,no,telephone,jun,thu,78,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,technician,married,professional.course,unknown,no,no,telephone,jun,thu,166,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,admin.,married,university.degree,no,no,no,telephone,jun,thu,30,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,10,16,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,retired,married,professional.course,no,yes,no,telephone,jun,thu,219,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,164,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,admin.,married,university.degree,no,no,no,telephone,jun,thu,148,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,professional.course,no,no,no,telephone,jun,thu,11,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,married,basic.9y,no,yes,no,telephone,jun,thu,130,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,technician,married,unknown,unknown,no,no,telephone,jun,thu,208,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,140,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,blue-collar,single,professional.course,no,no,no,telephone,jun,thu,559,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,services,married,high.school,no,no,no,telephone,jun,thu,224,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,housemaid,married,basic.4y,unknown,yes,no,telephone,jun,thu,93,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,self-employed,divorced,basic.9y,no,yes,no,telephone,jun,thu,177,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,management,married,high.school,no,yes,no,telephone,jun,thu,405,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,management,single,basic.9y,no,yes,no,telephone,jun,thu,69,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,single,high.school,no,no,no,telephone,jun,thu,1017,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,technician,single,professional.course,no,no,yes,telephone,jun,thu,385,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,unknown,single,high.school,unknown,no,no,telephone,jun,thu,237,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +45,management,single,basic.9y,no,yes,no,telephone,jun,thu,237,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,university.degree,no,no,no,telephone,jun,thu,202,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,services,married,high.school,no,no,yes,telephone,jun,thu,153,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,management,divorced,university.degree,no,no,no,telephone,jun,thu,163,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +53,technician,married,professional.course,no,no,no,telephone,jun,thu,97,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +49,admin.,married,high.school,unknown,yes,no,telephone,jun,thu,216,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,technician,married,basic.6y,no,no,no,telephone,jun,thu,399,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,blue-collar,married,high.school,unknown,yes,no,telephone,jun,thu,234,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,blue-collar,single,basic.9y,no,yes,no,telephone,jun,thu,184,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +35,blue-collar,single,basic.4y,no,yes,no,telephone,jun,thu,155,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,housemaid,married,basic.4y,no,no,no,telephone,jun,thu,500,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +50,housemaid,married,unknown,no,yes,no,telephone,jun,thu,167,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,management,married,university.degree,no,yes,no,telephone,jun,thu,89,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,retired,married,basic.4y,no,no,no,telephone,jun,thu,92,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jun,thu,296,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,entrepreneur,married,university.degree,unknown,yes,no,telephone,jun,thu,563,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,146,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,management,married,university.degree,no,no,no,telephone,jun,thu,92,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,blue-collar,divorced,basic.9y,no,no,no,telephone,jun,thu,149,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +60,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,thu,80,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +40,blue-collar,married,basic.4y,no,no,no,telephone,jun,thu,354,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,telephone,jun,thu,106,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +42,services,divorced,high.school,unknown,no,no,telephone,jun,thu,111,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,services,married,high.school,unknown,no,no,telephone,jun,thu,136,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,blue-collar,married,basic.6y,no,yes,yes,telephone,jun,thu,549,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +34,housemaid,single,university.degree,no,no,no,telephone,jun,thu,267,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +48,self-employed,married,basic.9y,unknown,yes,no,telephone,jun,thu,461,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,thu,60,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,admin.,married,high.school,no,yes,no,telephone,jun,thu,117,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,unemployed,married,university.degree,unknown,no,no,telephone,jun,thu,21,8,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +43,technician,single,professional.course,no,unknown,unknown,telephone,jun,thu,104,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +29,admin.,single,high.school,no,yes,yes,telephone,jun,thu,15,10,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +37,blue-collar,married,basic.6y,no,yes,no,telephone,jun,thu,216,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,jun,thu,211,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,self-employed,married,basic.4y,unknown,no,yes,telephone,jun,thu,71,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,admin.,married,high.school,unknown,no,no,telephone,jun,thu,18,18,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +28,technician,married,basic.9y,no,yes,no,telephone,jun,thu,225,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,married,high.school,unknown,no,yes,telephone,jun,thu,59,8,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +47,services,single,basic.9y,no,unknown,unknown,telephone,jun,thu,835,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +37,technician,married,professional.course,no,yes,no,telephone,jun,thu,683,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +57,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jun,thu,258,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +55,retired,married,university.degree,unknown,yes,no,telephone,jun,thu,1012,1,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,yes +39,technician,married,professional.course,no,yes,no,telephone,jun,thu,233,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +38,technician,married,basic.9y,no,no,no,telephone,jun,thu,129,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +56,admin.,divorced,unknown,unknown,no,no,telephone,jun,thu,91,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,services,divorced,high.school,no,no,no,telephone,jun,thu,339,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +52,unemployed,married,high.school,no,unknown,unknown,telephone,jun,thu,90,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +39,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jun,thu,112,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +32,unknown,unknown,university.degree,no,no,no,telephone,jun,thu,36,7,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +25,blue-collar,single,basic.9y,no,yes,yes,telephone,jun,thu,112,4,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +31,technician,married,high.school,no,no,no,telephone,jun,thu,9,28,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,technician,divorced,professional.course,no,no,no,telephone,jun,thu,26,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,admin.,single,university.degree,no,yes,no,telephone,jun,thu,55,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +26,technician,single,university.degree,no,no,no,telephone,jun,thu,2635,3,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +46,admin.,divorced,university.degree,no,yes,no,telephone,jun,thu,138,9,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +30,technician,married,university.degree,unknown,yes,no,telephone,jun,thu,49,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +36,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jun,thu,318,2,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +33,services,single,high.school,no,yes,no,telephone,jun,thu,326,5,999,0,nonexistent,1.4,94.465,-41.8,4.961,5228.1,no +57,services,divorced,high.school,unknown,no,no,telephone,jun,fri,53,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,technician,married,professional.course,no,no,no,telephone,jun,fri,179,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,262,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,housemaid,married,high.school,no,yes,yes,telephone,jun,fri,168,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,193,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,admin.,divorced,university.degree,unknown,no,no,telephone,jun,fri,333,15,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,fri,241,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,76,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,technician,married,professional.course,no,no,no,telephone,jun,fri,37,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,technician,married,professional.course,no,yes,no,telephone,jun,fri,189,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,management,married,basic.9y,no,yes,no,telephone,jun,fri,89,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,divorced,university.degree,no,yes,no,telephone,jun,fri,112,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,admin.,married,high.school,no,no,no,telephone,jun,fri,489,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,retired,divorced,basic.9y,unknown,yes,no,telephone,jun,fri,141,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,services,married,high.school,no,yes,no,telephone,jun,fri,241,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,services,divorced,basic.4y,no,yes,no,telephone,jun,fri,60,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,technician,married,basic.6y,no,yes,no,telephone,jun,fri,61,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,self-employed,married,basic.6y,unknown,no,no,telephone,jun,fri,24,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,housemaid,divorced,basic.4y,no,yes,yes,telephone,jun,fri,62,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,entrepreneur,married,professional.course,no,yes,no,telephone,jun,fri,43,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,retired,married,basic.4y,unknown,no,no,telephone,jun,fri,75,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,services,married,high.school,unknown,yes,no,telephone,jun,fri,177,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,admin.,single,university.degree,no,yes,no,telephone,jun,fri,170,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,married,unknown,no,yes,no,telephone,jun,fri,42,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,admin.,married,high.school,no,no,no,telephone,jun,fri,22,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,services,single,high.school,no,no,yes,telephone,jun,fri,99,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,services,married,high.school,unknown,yes,no,telephone,jun,fri,139,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,unemployed,single,professional.course,no,no,no,telephone,jun,fri,394,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,management,married,university.degree,no,no,yes,telephone,jun,fri,42,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,services,married,high.school,unknown,yes,no,telephone,jun,fri,41,28,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,services,married,high.school,no,yes,yes,telephone,jun,fri,98,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,blue-collar,single,basic.9y,no,no,no,telephone,jun,fri,114,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,191,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,married,basic.6y,no,yes,no,telephone,jun,fri,167,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +54,housemaid,divorced,basic.4y,unknown,yes,no,telephone,jun,fri,238,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,services,married,high.school,unknown,no,no,telephone,jun,fri,73,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,technician,married,professional.course,no,no,no,telephone,jun,fri,206,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,services,married,high.school,no,no,no,telephone,jun,fri,160,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,fri,156,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,services,divorced,basic.6y,no,no,no,telephone,jun,fri,512,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,high.school,unknown,no,no,telephone,jun,fri,50,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,23,23,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,services,married,high.school,unknown,yes,no,telephone,jun,fri,106,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,unemployed,married,basic.4y,unknown,no,no,telephone,jun,fri,744,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,single,university.degree,no,no,no,telephone,jun,fri,109,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,management,divorced,university.degree,no,yes,no,telephone,jun,fri,99,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,entrepreneur,married,basic.9y,no,no,no,telephone,jun,fri,241,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,admin.,married,unknown,no,yes,no,telephone,jun,fri,246,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,single,basic.4y,no,yes,no,telephone,jun,fri,59,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,married,high.school,no,yes,yes,telephone,jun,fri,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,entrepreneur,divorced,university.degree,no,yes,yes,telephone,jun,fri,54,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,management,married,university.degree,no,yes,yes,telephone,jun,fri,87,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,admin.,married,basic.9y,unknown,no,no,telephone,jun,fri,973,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +36,management,married,university.degree,no,yes,no,telephone,jun,fri,122,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,375,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,technician,married,high.school,unknown,yes,yes,telephone,jun,fri,111,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,admin.,divorced,university.degree,no,no,no,telephone,jun,fri,50,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,technician,married,professional.course,unknown,no,no,telephone,jun,fri,35,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,services,married,high.school,no,no,no,telephone,jun,fri,124,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,services,married,high.school,no,yes,no,telephone,jun,fri,157,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,university.degree,no,no,no,telephone,jun,fri,45,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,technician,married,professional.course,no,yes,yes,telephone,jun,fri,577,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,admin.,married,university.degree,no,no,no,telephone,jun,fri,134,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,325,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,170,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.9y,no,no,yes,telephone,jun,fri,124,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,111,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,management,married,unknown,no,yes,no,telephone,jun,fri,170,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,housemaid,married,basic.4y,unknown,unknown,unknown,telephone,jun,fri,40,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,blue-collar,married,high.school,no,yes,no,telephone,jun,fri,368,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,single,university.degree,no,no,no,telephone,jun,fri,25,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,528,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,management,married,university.degree,no,yes,no,telephone,jun,fri,41,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,blue-collar,divorced,basic.6y,unknown,no,no,telephone,jun,fri,398,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,admin.,single,basic.9y,no,no,no,telephone,jun,fri,361,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,493,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,470,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,single,university.degree,no,yes,yes,telephone,jun,fri,282,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,blue-collar,divorced,basic.4y,no,yes,no,telephone,jun,fri,48,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,admin.,married,basic.9y,unknown,yes,no,telephone,jun,fri,856,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +49,admin.,divorced,university.degree,no,yes,no,telephone,jun,fri,606,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,management,married,university.degree,no,yes,no,telephone,jun,fri,74,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,self-employed,divorced,basic.4y,no,no,no,telephone,jun,fri,79,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,telephone,jun,fri,153,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,fri,1210,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +40,self-employed,married,professional.course,no,yes,yes,telephone,jun,fri,716,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +39,entrepreneur,married,university.degree,no,yes,no,telephone,jun,fri,513,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,technician,divorced,unknown,no,unknown,unknown,telephone,jun,fri,158,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,blue-collar,single,basic.9y,no,unknown,unknown,telephone,jun,fri,158,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,telephone,jun,fri,139,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,entrepreneur,married,high.school,no,yes,no,telephone,jun,fri,273,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,blue-collar,single,basic.9y,no,unknown,unknown,telephone,jun,fri,364,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,fri,218,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,services,married,high.school,no,no,no,telephone,jun,fri,115,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,management,married,university.degree,no,yes,no,telephone,jun,fri,280,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,entrepreneur,married,university.degree,no,no,no,telephone,jun,fri,109,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,115,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,jun,fri,25,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,retired,divorced,basic.4y,unknown,no,no,telephone,jun,fri,75,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,fri,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,technician,married,basic.9y,no,yes,no,telephone,jun,fri,235,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,university.degree,no,yes,yes,telephone,jun,fri,95,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,231,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,retired,divorced,basic.4y,unknown,yes,no,telephone,jun,fri,39,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,married,high.school,unknown,yes,no,telephone,jun,fri,21,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,housemaid,married,high.school,no,no,yes,telephone,jun,fri,31,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,838,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +40,management,married,university.degree,no,no,no,telephone,jun,fri,64,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,management,married,university.degree,no,no,no,telephone,jun,fri,1276,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,technician,married,basic.6y,no,yes,no,telephone,jun,fri,27,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,jun,fri,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,technician,divorced,university.degree,no,yes,yes,telephone,jun,fri,188,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,unknown,married,unknown,unknown,yes,no,telephone,jun,fri,141,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,married,unknown,unknown,no,no,telephone,jun,fri,144,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,services,divorced,professional.course,no,yes,no,telephone,jun,fri,329,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,admin.,divorced,basic.9y,no,yes,no,telephone,jun,fri,45,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,75,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,41,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,unknown,married,unknown,no,no,no,telephone,jun,fri,258,18,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,single,basic.4y,unknown,no,no,telephone,jun,fri,402,22,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,self-employed,divorced,basic.9y,no,no,no,telephone,jun,fri,60,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,technician,married,professional.course,no,no,no,telephone,jun,fri,269,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,services,single,basic.6y,no,yes,no,telephone,jun,fri,307,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,entrepreneur,divorced,high.school,no,no,no,telephone,jun,fri,485,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,services,married,high.school,unknown,no,no,telephone,jun,fri,174,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,services,married,high.school,no,unknown,unknown,telephone,jun,fri,283,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,fri,1098,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +49,admin.,divorced,high.school,no,yes,no,telephone,jun,fri,115,20,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,entrepreneur,married,university.degree,no,no,no,telephone,jun,fri,351,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,unemployed,married,high.school,unknown,no,no,telephone,jun,fri,89,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +24,entrepreneur,single,high.school,no,yes,no,telephone,jun,fri,113,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,retired,married,high.school,no,yes,yes,telephone,jun,fri,471,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,services,married,high.school,no,yes,no,telephone,jun,fri,256,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,services,married,basic.6y,no,no,no,telephone,jun,fri,108,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,services,married,basic.9y,no,unknown,unknown,telephone,jun,fri,48,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,76,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,blue-collar,married,basic.4y,unknown,no,yes,telephone,jun,fri,35,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,unemployed,married,basic.9y,unknown,no,no,telephone,jun,fri,375,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,63,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,services,married,high.school,no,no,no,telephone,jun,fri,166,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,123,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,management,single,university.degree,no,no,no,telephone,jun,fri,633,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,services,single,university.degree,no,no,no,telephone,jun,fri,160,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,entrepreneur,married,basic.9y,unknown,no,no,telephone,jun,fri,326,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,admin.,divorced,university.degree,no,yes,no,telephone,jun,fri,245,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +60,retired,divorced,university.degree,no,yes,no,telephone,jun,fri,98,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,management,married,basic.9y,no,yes,no,telephone,jun,fri,37,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,95,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,fri,19,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,married,high.school,no,no,no,telephone,jun,fri,374,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,university.degree,no,yes,yes,telephone,jun,fri,172,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,technician,married,professional.course,no,yes,no,telephone,jun,fri,74,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,174,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,admin.,single,basic.9y,no,no,yes,telephone,jun,fri,111,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,256,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,unemployed,married,professional.course,no,no,no,telephone,jun,fri,38,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,205,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,technician,married,unknown,no,yes,no,telephone,jun,fri,471,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,student,single,professional.course,no,no,no,telephone,jun,fri,168,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,housemaid,married,high.school,no,yes,no,telephone,jun,fri,19,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,retired,married,high.school,unknown,yes,no,telephone,jun,fri,211,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,admin.,married,high.school,no,yes,no,telephone,jun,fri,534,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,services,divorced,unknown,no,no,no,telephone,jun,fri,250,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,technician,single,university.degree,no,yes,yes,telephone,jun,fri,1149,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +50,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,343,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,retired,married,high.school,unknown,yes,yes,telephone,jun,fri,141,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,1573,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +52,retired,married,high.school,unknown,no,no,telephone,jun,fri,181,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,232,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,technician,married,professional.course,unknown,yes,yes,telephone,jun,fri,705,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +45,management,married,university.degree,no,no,no,telephone,jun,fri,126,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,self-employed,single,university.degree,no,no,no,telephone,jun,fri,237,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,174,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,admin.,married,basic.6y,no,no,no,telephone,jun,fri,26,17,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,fri,109,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,288,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,admin.,married,high.school,no,yes,no,telephone,jun,fri,84,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,management,married,basic.6y,unknown,no,yes,telephone,jun,fri,73,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,fri,11,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,management,married,university.degree,no,yes,no,telephone,jun,fri,415,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,married,basic.6y,no,yes,no,telephone,jun,fri,44,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,23,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,blue-collar,married,professional.course,no,yes,no,telephone,jun,fri,446,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,1663,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +32,blue-collar,married,professional.course,no,no,yes,telephone,jun,fri,459,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,management,married,university.degree,no,yes,no,telephone,jun,fri,398,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,560,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +41,management,married,university.degree,no,yes,no,telephone,jun,fri,248,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +54,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,fri,124,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,unemployed,married,high.school,no,no,no,telephone,jun,fri,154,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,technician,married,professional.course,no,yes,no,telephone,jun,fri,1617,1,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +39,technician,single,professional.course,no,yes,no,telephone,jun,fri,127,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,technician,married,professional.course,unknown,no,no,telephone,jun,fri,421,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,blue-collar,married,professional.course,no,yes,no,telephone,jun,fri,591,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,165,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,university.degree,no,yes,yes,telephone,jun,fri,170,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,services,married,high.school,no,yes,no,telephone,jun,fri,618,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,blue-collar,single,basic.9y,unknown,no,yes,telephone,jun,fri,70,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,1478,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,married,professional.course,no,no,no,telephone,jun,fri,110,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,management,married,basic.6y,no,no,no,telephone,jun,fri,40,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,570,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +50,admin.,divorced,high.school,no,no,no,telephone,jun,fri,519,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,admin.,divorced,university.degree,no,no,no,telephone,jun,fri,39,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,unemployed,married,basic.9y,unknown,yes,no,telephone,jun,fri,14,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,married,high.school,no,yes,no,telephone,jun,fri,36,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,technician,married,basic.9y,no,no,no,telephone,jun,fri,67,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,self-employed,divorced,basic.4y,no,no,no,telephone,jun,fri,825,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,263,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,admin.,married,high.school,no,no,no,telephone,jun,fri,1422,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +31,blue-collar,married,basic.6y,no,yes,no,telephone,jun,fri,55,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,services,married,high.school,no,yes,no,telephone,jun,fri,172,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,553,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,15,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,81,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,services,married,basic.6y,no,yes,yes,telephone,jun,fri,150,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,professional.course,unknown,yes,no,telephone,jun,fri,324,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,93,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,retired,married,basic.4y,unknown,no,yes,telephone,jun,fri,62,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,19,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +54,technician,married,high.school,no,yes,no,telephone,jun,fri,47,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jun,fri,16,20,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,admin.,single,university.degree,no,no,no,telephone,jun,fri,134,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,unemployed,married,basic.9y,no,no,no,telephone,jun,fri,9,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,management,divorced,high.school,no,yes,no,telephone,jun,fri,176,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,25,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,238,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,technician,married,high.school,no,yes,no,telephone,jun,fri,17,37,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,services,single,high.school,no,no,no,telephone,jun,fri,9,18,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,single,basic.9y,unknown,unknown,unknown,telephone,jun,fri,25,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,admin.,married,high.school,no,yes,yes,telephone,jun,fri,14,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,technician,divorced,professional.course,unknown,yes,no,telephone,jun,fri,365,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,admin.,single,high.school,no,no,no,telephone,jun,fri,267,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,11,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,admin.,single,university.degree,no,yes,no,telephone,jun,fri,12,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +54,unemployed,married,basic.9y,no,no,no,telephone,jun,fri,8,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,single,basic.6y,unknown,yes,no,telephone,jun,fri,55,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,university.degree,no,no,yes,telephone,jun,fri,76,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,married,high.school,no,no,no,telephone,jun,fri,9,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,single,university.degree,unknown,no,no,telephone,jun,fri,13,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,entrepreneur,single,high.school,no,no,no,telephone,jun,fri,28,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,blue-collar,married,basic.9y,unknown,no,yes,telephone,jun,fri,17,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,admin.,married,high.school,no,no,no,telephone,jun,fri,47,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,fri,31,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,services,married,basic.4y,unknown,no,no,telephone,jun,fri,8,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,management,married,basic.6y,unknown,no,no,telephone,jun,fri,8,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,fri,11,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,admin.,married,unknown,unknown,yes,no,telephone,jun,fri,158,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,single,basic.6y,no,no,no,telephone,jun,fri,81,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,management,married,unknown,unknown,yes,no,telephone,jun,fri,14,13,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,services,single,high.school,unknown,yes,yes,telephone,jun,fri,25,26,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,services,married,unknown,no,no,no,telephone,jun,fri,9,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,self-employed,single,basic.9y,unknown,no,no,telephone,jun,fri,154,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,married,unknown,no,no,no,telephone,jun,fri,34,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,technician,single,unknown,no,no,no,telephone,jun,fri,264,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,management,married,university.degree,no,no,no,telephone,jun,fri,29,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,self-employed,married,professional.course,no,no,no,telephone,jun,fri,20,18,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,admin.,single,university.degree,unknown,no,yes,telephone,jun,fri,13,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,retired,divorced,university.degree,no,yes,no,telephone,jun,fri,152,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,technician,married,basic.9y,unknown,no,no,telephone,jun,fri,44,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,telephone,jun,fri,29,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,services,married,high.school,no,yes,no,telephone,jun,fri,25,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,fri,34,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,admin.,single,professional.course,no,no,yes,telephone,jun,fri,10,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,single,university.degree,no,no,no,telephone,jun,fri,34,29,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,services,single,high.school,no,no,no,telephone,jun,fri,17,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,technician,single,professional.course,no,unknown,unknown,telephone,jun,fri,14,21,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,blue-collar,married,unknown,no,yes,no,telephone,jun,fri,29,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,housemaid,married,basic.4y,no,no,no,telephone,jun,fri,134,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,admin.,divorced,university.degree,no,yes,no,telephone,jun,fri,17,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,technician,married,professional.course,no,no,no,telephone,jun,fri,268,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jun,fri,22,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,admin.,married,high.school,no,yes,no,telephone,jun,fri,82,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,unemployed,married,high.school,unknown,no,no,telephone,jun,fri,10,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,fri,652,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,blue-collar,single,basic.9y,no,no,no,telephone,jun,fri,16,18,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,blue-collar,divorced,basic.6y,no,yes,yes,telephone,jun,fri,9,13,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,retired,married,professional.course,unknown,yes,no,telephone,jun,fri,435,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,admin.,married,high.school,no,no,no,telephone,jun,fri,10,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jun,fri,123,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,entrepreneur,divorced,university.degree,no,no,no,telephone,jun,fri,8,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,married,basic.4y,no,no,yes,telephone,jun,fri,16,22,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,admin.,married,high.school,no,no,no,telephone,jun,fri,179,21,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,13,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,retired,married,basic.4y,no,no,no,telephone,jun,fri,14,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,services,divorced,basic.9y,no,yes,no,telephone,jun,fri,524,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,retired,married,professional.course,unknown,no,no,telephone,jun,fri,74,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,management,divorced,university.degree,no,no,no,telephone,jun,fri,23,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,entrepreneur,married,basic.9y,unknown,yes,no,telephone,jun,fri,850,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,technician,married,basic.9y,unknown,yes,yes,telephone,jun,fri,818,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,married,basic.6y,no,no,no,telephone,jun,fri,126,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,services,single,high.school,no,no,no,telephone,jun,fri,15,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +54,services,married,high.school,no,no,no,telephone,jun,fri,7,20,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,fri,49,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,services,married,high.school,no,yes,no,telephone,jun,fri,40,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,blue-collar,married,professional.course,no,no,no,telephone,jun,fri,15,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,technician,married,university.degree,no,no,no,telephone,jun,fri,4,20,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,services,married,high.school,unknown,no,no,telephone,jun,fri,32,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,technician,single,basic.6y,unknown,no,no,telephone,jun,fri,8,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,retired,married,university.degree,no,yes,no,telephone,jun,fri,12,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,admin.,married,high.school,no,yes,no,telephone,jun,fri,77,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,retired,married,unknown,unknown,yes,no,telephone,jun,fri,9,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,married,high.school,unknown,yes,no,telephone,jun,fri,17,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,admin.,divorced,university.degree,unknown,unknown,unknown,telephone,jun,fri,8,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,divorced,high.school,no,yes,no,telephone,jun,fri,7,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,admin.,single,basic.9y,no,no,no,telephone,jun,fri,11,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,management,married,university.degree,no,no,yes,telephone,jun,fri,20,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,student,single,unknown,unknown,yes,no,telephone,jun,fri,16,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,fri,26,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jun,fri,10,27,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,high.school,no,no,no,telephone,jun,fri,285,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,technician,divorced,basic.9y,no,yes,no,telephone,jun,fri,39,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,single,high.school,unknown,yes,no,telephone,jun,fri,16,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,services,unknown,high.school,no,no,no,telephone,jun,fri,11,21,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,management,married,university.degree,no,yes,no,telephone,jun,fri,37,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,services,married,basic.9y,unknown,yes,no,telephone,jun,fri,9,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,admin.,married,high.school,no,yes,no,telephone,jun,fri,7,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,blue-collar,single,basic.6y,no,yes,yes,telephone,jun,fri,205,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,housemaid,married,basic.4y,unknown,yes,no,telephone,jun,fri,408,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,27,16,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,management,married,basic.9y,unknown,yes,no,telephone,jun,fri,376,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,admin.,divorced,high.school,no,yes,no,telephone,jun,fri,9,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,management,single,university.degree,unknown,yes,no,telephone,jun,fri,15,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,services,married,basic.6y,no,yes,no,telephone,jun,fri,46,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,admin.,married,university.degree,no,no,no,telephone,jun,fri,1023,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +40,housemaid,single,university.degree,no,yes,no,telephone,jun,fri,253,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,technician,married,professional.course,no,yes,no,telephone,jun,fri,10,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,blue-collar,single,basic.9y,unknown,no,yes,telephone,jun,fri,175,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,blue-collar,divorced,basic.9y,no,yes,no,telephone,jun,fri,220,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,retired,married,basic.6y,no,yes,no,telephone,jun,fri,51,19,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,retired,married,basic.4y,no,no,no,telephone,jun,fri,407,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,technician,married,university.degree,unknown,no,no,telephone,jun,fri,10,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,services,single,high.school,no,yes,no,telephone,jun,fri,9,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,blue-collar,single,basic.4y,no,no,no,telephone,jun,fri,110,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,fri,11,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,self-employed,married,professional.course,no,no,no,telephone,jun,fri,161,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,admin.,married,university.degree,no,no,no,telephone,jun,fri,44,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,13,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,management,married,university.degree,no,no,no,telephone,jun,fri,13,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,entrepreneur,married,university.degree,no,no,no,telephone,jun,fri,79,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,technician,divorced,professional.course,no,yes,no,telephone,jun,fri,212,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,admin.,married,high.school,no,no,yes,telephone,jun,fri,78,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,585,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +31,entrepreneur,single,basic.6y,unknown,yes,yes,telephone,jun,fri,8,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,self-employed,married,university.degree,no,no,no,telephone,jun,fri,129,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,admin.,married,university.degree,no,yes,no,telephone,jun,fri,65,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,services,married,high.school,no,no,no,telephone,jun,fri,9,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,admin.,divorced,high.school,no,yes,yes,telephone,jun,fri,100,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,self-employed,divorced,professional.course,unknown,no,no,telephone,jun,fri,12,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,blue-collar,single,professional.course,no,no,no,telephone,jun,fri,86,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,technician,married,professional.course,no,no,yes,telephone,jun,fri,809,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +38,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,693,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +44,admin.,married,university.degree,no,no,no,telephone,jun,fri,8,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,housemaid,married,university.degree,no,yes,no,telephone,jun,fri,258,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,blue-collar,married,basic.6y,no,yes,no,telephone,jun,fri,16,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,admin.,married,university.degree,no,yes,no,telephone,jun,fri,27,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,12,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,admin.,married,high.school,no,yes,no,telephone,jun,fri,11,15,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,services,divorced,high.school,no,no,no,telephone,jun,fri,155,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,married,professional.course,no,no,no,telephone,jun,fri,81,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,entrepreneur,single,university.degree,unknown,no,no,telephone,jun,fri,22,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,admin.,married,basic.9y,no,no,no,telephone,jun,fri,116,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,blue-collar,single,high.school,unknown,no,no,telephone,jun,fri,136,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,single,unknown,unknown,yes,no,telephone,jun,fri,8,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,self-employed,single,university.degree,no,no,no,telephone,jun,fri,10,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,unemployed,married,high.school,unknown,yes,no,telephone,jun,fri,157,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,single,basic.9y,unknown,no,no,telephone,jun,fri,10,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +60,self-employed,single,basic.9y,unknown,yes,no,telephone,jun,fri,11,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +43,services,married,high.school,no,no,no,telephone,jun,fri,16,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,blue-collar,divorced,basic.4y,no,yes,no,telephone,jun,fri,84,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,fri,10,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,admin.,married,basic.9y,no,no,yes,telephone,jun,fri,556,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +51,technician,married,unknown,no,yes,no,telephone,jun,fri,17,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,entrepreneur,married,professional.course,no,no,no,telephone,jun,fri,804,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,university.degree,no,unknown,unknown,telephone,jun,fri,71,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,housemaid,married,basic.4y,unknown,yes,no,telephone,jun,fri,38,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,technician,single,professional.course,no,no,yes,telephone,jun,fri,241,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,management,married,high.school,unknown,no,no,telephone,jun,fri,28,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,unknown,married,basic.4y,unknown,no,no,telephone,jun,fri,27,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,services,married,basic.6y,unknown,no,no,telephone,jun,fri,11,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,retired,divorced,basic.4y,no,yes,no,telephone,jun,fri,10,15,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,technician,married,university.degree,no,no,no,telephone,jun,fri,23,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,single,basic.9y,no,no,no,telephone,jun,fri,43,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,fri,14,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,technician,married,high.school,no,no,no,telephone,jun,fri,8,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,372,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,entrepreneur,married,professional.course,no,yes,no,telephone,jun,fri,291,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +49,management,married,high.school,no,no,no,telephone,jun,fri,9,13,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,29,27,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,technician,married,university.degree,no,yes,no,telephone,jun,fri,73,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,8,31,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,telephone,jun,fri,14,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,78,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,married,high.school,no,no,no,telephone,jun,fri,590,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,management,single,university.degree,unknown,no,no,telephone,jun,fri,100,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,admin.,divorced,high.school,no,no,no,telephone,jun,fri,13,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,entrepreneur,married,professional.course,no,yes,no,telephone,jun,fri,40,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,admin.,single,university.degree,unknown,yes,no,telephone,jun,fri,18,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,management,married,university.degree,unknown,yes,no,telephone,jun,fri,16,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,technician,married,unknown,no,no,no,telephone,jun,fri,196,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,retired,single,high.school,no,no,no,telephone,jun,fri,74,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,services,divorced,basic.9y,unknown,yes,no,telephone,jun,fri,34,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,fri,27,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,self-employed,married,professional.course,no,no,yes,telephone,jun,fri,13,40,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,management,single,high.school,no,yes,yes,telephone,jun,fri,23,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,retired,single,basic.4y,no,yes,yes,telephone,jun,fri,160,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,admin.,divorced,university.degree,no,yes,no,telephone,jun,fri,14,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,admin.,single,high.school,no,no,no,telephone,jun,fri,20,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,entrepreneur,married,university.degree,no,no,no,telephone,jun,fri,9,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,unemployed,single,high.school,unknown,no,no,telephone,jun,fri,287,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,technician,married,professional.course,no,no,no,telephone,jun,fri,26,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,entrepreneur,single,basic.6y,unknown,yes,no,telephone,jun,fri,12,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,retired,divorced,basic.4y,unknown,no,yes,telephone,jun,fri,13,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,services,single,high.school,no,no,no,telephone,jun,fri,48,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,services,single,high.school,no,no,no,telephone,jun,fri,13,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,unemployed,divorced,basic.9y,no,no,no,telephone,jun,fri,9,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,services,single,high.school,no,yes,no,telephone,jun,fri,13,14,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,services,married,high.school,no,no,no,telephone,jun,fri,55,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,single,high.school,no,yes,yes,telephone,jun,fri,10,13,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,retired,married,professional.course,no,no,no,telephone,jun,fri,41,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,services,married,high.school,unknown,yes,no,telephone,jun,fri,13,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,entrepreneur,married,basic.9y,no,yes,no,telephone,jun,fri,7,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,divorced,university.degree,no,no,no,telephone,jun,fri,92,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,blue-collar,unknown,basic.9y,unknown,no,no,telephone,jun,fri,180,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,retired,married,high.school,unknown,yes,no,telephone,jun,fri,1094,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +50,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,fri,160,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,management,married,university.degree,no,no,no,telephone,jun,fri,101,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,basic.9y,no,no,yes,telephone,jun,fri,75,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,married,university.degree,no,no,no,telephone,jun,fri,17,21,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +22,technician,single,professional.course,no,no,no,telephone,jun,fri,184,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,unemployed,married,high.school,no,yes,no,telephone,jun,fri,23,13,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,married,basic.9y,no,no,yes,telephone,jun,fri,78,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,management,married,university.degree,unknown,no,no,telephone,jun,fri,13,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,management,married,university.degree,no,no,no,telephone,jun,fri,601,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,83,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,retired,divorced,professional.course,unknown,yes,no,telephone,jun,fri,169,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,13,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +23,blue-collar,single,basic.4y,no,yes,no,telephone,jun,fri,31,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,management,single,basic.9y,no,yes,no,telephone,jun,fri,294,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,admin.,divorced,high.school,no,no,yes,telephone,jun,fri,36,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,blue-collar,married,unknown,unknown,no,yes,telephone,jun,fri,55,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,15,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,technician,single,professional.course,no,yes,no,telephone,jun,fri,87,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,management,married,unknown,no,no,yes,telephone,jun,fri,17,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,housemaid,married,basic.4y,unknown,yes,no,telephone,jun,fri,30,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,blue-collar,single,basic.9y,no,yes,no,telephone,jun,fri,38,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,self-employed,divorced,university.degree,unknown,yes,no,telephone,jun,fri,39,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,married,high.school,no,yes,no,telephone,jun,fri,61,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,63,15,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,technician,divorced,basic.9y,no,no,no,telephone,jun,fri,45,22,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +59,retired,married,basic.9y,unknown,no,no,telephone,jun,fri,25,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,admin.,married,university.degree,no,yes,yes,telephone,jun,fri,42,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,services,single,high.school,no,yes,no,telephone,jun,fri,23,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,252,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +21,student,single,high.school,no,no,no,telephone,jun,fri,24,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,services,married,high.school,no,no,no,telephone,jun,fri,152,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,services,married,high.school,unknown,no,no,telephone,jun,fri,33,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jun,fri,31,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,management,married,university.degree,no,yes,no,telephone,jun,fri,236,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +50,entrepreneur,married,basic.4y,no,no,no,telephone,jun,fri,20,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,single,high.school,no,yes,yes,telephone,jun,fri,14,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,telephone,jun,fri,21,18,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,single,basic.9y,unknown,yes,yes,telephone,jun,fri,13,15,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,entrepreneur,single,university.degree,unknown,yes,no,telephone,jun,fri,39,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,services,divorced,unknown,unknown,yes,no,telephone,jun,fri,16,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,retired,married,basic.6y,no,yes,yes,telephone,jun,fri,37,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,self-employed,married,professional.course,no,yes,yes,telephone,jun,fri,47,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,admin.,married,university.degree,no,no,no,telephone,jun,fri,34,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,services,married,basic.9y,no,yes,no,telephone,jun,fri,250,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,entrepreneur,married,basic.4y,no,yes,no,telephone,jun,fri,221,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,entrepreneur,married,university.degree,unknown,yes,no,telephone,jun,fri,216,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,high.school,no,yes,no,telephone,jun,fri,21,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,admin.,single,university.degree,no,yes,no,telephone,jun,fri,14,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,married,basic.4y,no,yes,no,telephone,jun,fri,94,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +30,services,single,high.school,no,unknown,unknown,telephone,jun,fri,709,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,entrepreneur,married,university.degree,unknown,no,no,telephone,jun,fri,8,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,technician,single,professional.course,unknown,no,no,telephone,jun,fri,43,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,divorced,high.school,no,no,no,telephone,jun,fri,111,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,self-employed,single,university.degree,no,unknown,unknown,telephone,jun,fri,38,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,self-employed,single,university.degree,no,yes,no,telephone,jun,fri,19,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,technician,single,high.school,no,yes,no,telephone,jun,fri,274,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,admin.,married,university.degree,no,no,no,telephone,jun,fri,819,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,technician,married,professional.course,unknown,yes,no,telephone,jun,fri,16,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,fri,19,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,services,married,high.school,unknown,yes,no,telephone,jun,fri,247,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,jun,fri,27,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,admin.,married,high.school,unknown,no,no,telephone,jun,fri,23,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,12,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,self-employed,single,basic.9y,unknown,yes,yes,telephone,jun,fri,375,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +60,self-employed,married,professional.course,unknown,yes,no,telephone,jun,fri,10,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,married,high.school,no,yes,no,telephone,jun,fri,21,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,married,high.school,no,yes,no,telephone,jun,fri,14,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,retired,married,university.degree,no,yes,no,telephone,jun,fri,11,12,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,admin.,married,basic.9y,no,yes,no,telephone,jun,fri,9,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +44,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,109,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,technician,married,professional.course,no,yes,no,telephone,jun,fri,21,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,admin.,married,high.school,no,yes,no,telephone,jun,fri,7,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,management,married,university.degree,no,yes,no,telephone,jun,fri,18,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,13,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,admin.,married,university.degree,no,no,no,telephone,jun,fri,24,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,technician,married,professional.course,no,yes,yes,telephone,jun,fri,61,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,unemployed,single,university.degree,no,no,no,telephone,jun,fri,6,17,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,114,10,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +25,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,11,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,married,university.degree,no,no,no,telephone,jun,fri,44,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,admin.,married,basic.9y,unknown,no,yes,telephone,jun,fri,24,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,blue-collar,married,university.degree,no,no,no,telephone,jun,fri,10,19,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,blue-collar,divorced,unknown,unknown,no,no,telephone,jun,fri,197,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,admin.,divorced,university.degree,no,no,no,telephone,jun,fri,26,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +57,self-employed,married,basic.9y,unknown,yes,no,telephone,jun,fri,185,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,admin.,single,university.degree,no,no,no,telephone,jun,fri,18,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,unknown,married,unknown,no,no,no,telephone,jun,fri,61,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,blue-collar,married,unknown,unknown,no,no,telephone,jun,fri,20,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,management,divorced,university.degree,no,no,no,telephone,jun,fri,8,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,admin.,single,high.school,no,yes,yes,telephone,jun,fri,15,26,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,technician,single,professional.course,no,yes,yes,telephone,jun,fri,39,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,admin.,divorced,high.school,unknown,no,yes,telephone,jun,fri,28,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +52,services,unknown,professional.course,no,yes,no,telephone,jun,fri,7,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,entrepreneur,single,university.degree,no,no,no,telephone,jun,fri,48,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,admin.,married,university.degree,no,no,no,telephone,jun,fri,18,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,admin.,single,university.degree,no,no,no,telephone,jun,fri,35,7,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,admin.,married,university.degree,no,no,no,telephone,jun,fri,13,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +28,admin.,single,high.school,no,no,no,telephone,jun,fri,22,16,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,management,married,high.school,unknown,no,no,telephone,jun,fri,18,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,unknown,no,unknown,unknown,telephone,jun,fri,83,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,admin.,married,university.degree,no,yes,no,telephone,jun,fri,11,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,admin.,married,high.school,no,yes,no,telephone,jun,fri,447,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,technician,married,professional.course,unknown,no,no,telephone,jun,fri,18,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,services,married,basic.9y,no,unknown,unknown,telephone,jun,fri,17,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,admin.,married,high.school,no,no,yes,telephone,jun,fri,492,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +58,admin.,married,university.degree,no,unknown,unknown,telephone,jun,fri,36,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +27,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,fri,34,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +26,technician,married,basic.6y,no,yes,no,telephone,jun,fri,11,20,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +29,admin.,married,university.degree,no,yes,no,telephone,jun,fri,9,16,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,admin.,married,high.school,no,yes,yes,telephone,jun,fri,9,19,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,unemployed,married,basic.9y,no,no,no,telephone,jun,fri,11,6,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +48,blue-collar,married,professional.course,no,yes,yes,telephone,jun,fri,12,24,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,management,married,university.degree,unknown,no,no,telephone,jun,fri,10,23,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,housemaid,married,basic.9y,no,no,no,telephone,jun,fri,86,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,46,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +55,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,jun,fri,32,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,admin.,married,professional.course,no,no,no,telephone,jun,fri,32,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,admin.,single,professional.course,unknown,no,yes,telephone,jun,fri,36,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,124,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,blue-collar,single,basic.4y,unknown,no,no,telephone,jun,fri,15,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +36,blue-collar,married,professional.course,unknown,yes,no,telephone,jun,fri,9,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +35,student,single,university.degree,unknown,no,no,telephone,jun,fri,10,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,services,divorced,high.school,no,yes,no,telephone,jun,fri,52,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +41,technician,married,high.school,no,yes,no,telephone,jun,fri,145,24,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,8,13,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +24,services,single,high.school,no,no,no,telephone,jun,fri,12,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,technician,divorced,university.degree,no,yes,no,telephone,jun,fri,16,28,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +32,admin.,single,university.degree,unknown,no,no,telephone,jun,fri,44,15,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +40,blue-collar,married,unknown,unknown,no,no,telephone,jun,fri,22,8,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,60,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +38,unknown,married,unknown,unknown,yes,no,telephone,jun,fri,13,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +53,technician,married,unknown,no,no,no,telephone,jun,fri,51,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +49,technician,married,professional.course,no,yes,no,telephone,jun,fri,41,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +42,management,married,high.school,no,no,no,telephone,jun,fri,20,5,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +37,blue-collar,single,unknown,unknown,no,yes,telephone,jun,fri,53,11,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +47,blue-collar,divorced,basic.4y,no,yes,yes,telephone,jun,fri,9,18,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +31,services,single,professional.course,no,yes,no,telephone,jun,fri,202,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +46,blue-collar,single,high.school,no,no,no,telephone,jun,fri,310,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +54,technician,married,high.school,no,no,no,telephone,jun,fri,204,2,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +39,unemployed,divorced,basic.9y,unknown,no,no,telephone,jun,fri,638,9,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +45,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,924,3,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +32,services,married,high.school,no,no,no,telephone,jun,fri,298,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,no +56,technician,married,unknown,no,no,yes,telephone,jun,fri,988,4,999,0,nonexistent,1.4,94.465,-41.8,4.959,5228.1,yes +29,services,single,high.school,unknown,no,no,telephone,jun,mon,123,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,admin.,single,university.degree,no,yes,no,telephone,jun,mon,85,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,admin.,single,university.degree,no,no,no,telephone,jun,mon,498,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +39,management,single,university.degree,no,no,no,telephone,jun,mon,670,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +25,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,82,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +26,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,72,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +46,management,married,basic.9y,no,no,no,telephone,jun,mon,53,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +26,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,123,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +54,blue-collar,married,professional.course,no,no,no,telephone,jun,mon,364,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,655,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +40,management,divorced,university.degree,unknown,unknown,unknown,telephone,jun,mon,88,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,self-employed,single,university.degree,no,yes,yes,telephone,jun,mon,640,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,technician,married,basic.9y,no,no,no,telephone,jun,mon,339,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,blue-collar,single,basic.9y,no,yes,no,telephone,jun,mon,662,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +58,management,married,university.degree,unknown,no,no,telephone,jun,mon,25,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +47,admin.,married,university.degree,no,no,no,telephone,jun,mon,216,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +52,management,married,basic.4y,no,no,no,telephone,jun,tue,165,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,blue-collar,single,high.school,no,yes,no,telephone,jun,tue,137,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,services,married,high.school,no,yes,no,telephone,jun,tue,62,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +26,admin.,single,high.school,no,no,no,telephone,jun,tue,56,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +58,services,married,high.school,no,yes,no,telephone,jun,tue,790,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,self-employed,divorced,university.degree,unknown,yes,no,telephone,jun,tue,363,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,telephone,jun,tue,481,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +46,blue-collar,married,basic.6y,no,no,no,telephone,jun,tue,32,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jun,tue,183,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,self-employed,married,professional.course,no,yes,no,telephone,jun,tue,214,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +37,services,married,high.school,unknown,yes,no,telephone,jun,tue,146,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +51,admin.,divorced,unknown,no,yes,no,telephone,jun,tue,528,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,yes +37,services,married,high.school,no,yes,yes,telephone,jun,tue,351,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +35,admin.,divorced,university.degree,no,no,no,telephone,jun,tue,51,8,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +55,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,tue,103,6,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,89,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +29,entrepreneur,single,university.degree,no,no,no,telephone,jun,wed,347,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +58,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,372,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,wed,411,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,blue-collar,married,unknown,no,yes,no,telephone,jun,wed,151,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,self-employed,married,university.degree,unknown,yes,no,telephone,jun,wed,157,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,blue-collar,married,professional.course,unknown,yes,no,telephone,jun,wed,43,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +32,blue-collar,single,basic.9y,no,yes,no,telephone,jun,wed,75,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +52,technician,married,basic.9y,no,no,yes,telephone,jun,wed,249,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,268,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +38,blue-collar,married,basic.9y,no,no,no,telephone,jun,wed,333,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,technician,married,basic.9y,unknown,yes,no,telephone,jun,wed,155,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +33,unknown,married,unknown,unknown,yes,no,telephone,jun,wed,247,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,services,married,basic.6y,unknown,yes,no,telephone,jun,wed,100,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jun,wed,67,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,services,married,basic.9y,no,yes,no,telephone,jun,wed,162,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +30,services,married,unknown,unknown,no,no,telephone,jun,wed,93,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +29,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,wed,231,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +34,technician,married,professional.course,no,no,no,telephone,jun,wed,67,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +41,admin.,single,basic.6y,no,no,no,telephone,jun,wed,168,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +51,entrepreneur,married,university.degree,no,no,no,telephone,jun,wed,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +28,admin.,married,high.school,no,no,no,telephone,jun,wed,151,1,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +31,housemaid,married,basic.4y,no,no,no,telephone,jun,wed,91,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +46,services,divorced,professional.course,unknown,yes,no,telephone,jun,wed,292,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +29,admin.,married,university.degree,no,yes,yes,telephone,jun,wed,281,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +33,services,single,high.school,no,no,no,telephone,jun,wed,375,2,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +42,management,married,university.degree,no,no,no,telephone,jun,wed,168,8,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +36,blue-collar,married,unknown,unknown,no,no,telephone,jun,wed,456,3,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,wed,103,5,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +39,blue-collar,married,basic.4y,no,no,no,telephone,jun,wed,305,4,999,0,nonexistent,1.4,94.465,-41.8,4.958,5228.1,no +44,admin.,married,university.degree,unknown,yes,yes,telephone,jun,thu,91,4,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +45,admin.,married,high.school,no,yes,no,telephone,jun,thu,650,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +28,services,single,basic.9y,no,no,no,telephone,jun,thu,178,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +59,retired,married,basic.9y,no,no,yes,telephone,jun,thu,465,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +42,services,single,unknown,no,yes,no,telephone,jun,thu,626,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +58,services,married,basic.4y,no,no,no,telephone,jun,thu,322,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +51,services,married,professional.course,unknown,no,no,telephone,jun,thu,177,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +31,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,thu,519,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,yes +49,unemployed,married,basic.9y,no,yes,yes,telephone,jun,thu,271,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +48,blue-collar,married,high.school,no,yes,yes,telephone,jun,thu,677,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,yes +52,technician,married,basic.9y,no,yes,yes,telephone,jun,thu,138,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +29,blue-collar,single,basic.6y,no,yes,no,telephone,jun,thu,215,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +60,self-employed,married,professional.course,no,yes,no,telephone,jun,thu,318,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +28,admin.,single,professional.course,no,no,yes,telephone,jun,thu,253,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +30,admin.,married,high.school,no,unknown,unknown,telephone,jun,thu,344,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +30,admin.,single,university.degree,no,no,no,telephone,jun,thu,301,4,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +36,blue-collar,married,high.school,no,no,no,telephone,jun,thu,197,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +56,admin.,divorced,high.school,no,yes,no,telephone,jun,thu,71,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +29,blue-collar,married,basic.9y,no,no,yes,telephone,jun,thu,190,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +45,technician,single,professional.course,unknown,yes,yes,telephone,jun,thu,116,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +51,management,married,university.degree,unknown,no,yes,telephone,jun,thu,93,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +35,self-employed,married,professional.course,unknown,yes,no,telephone,jun,thu,29,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +30,services,divorced,high.school,unknown,yes,no,telephone,jun,thu,133,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,jun,thu,150,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +25,technician,single,professional.course,no,no,yes,telephone,jun,thu,150,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +36,blue-collar,single,basic.4y,no,yes,no,telephone,jun,thu,182,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +38,blue-collar,single,high.school,unknown,no,no,telephone,jun,thu,277,1,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +29,admin.,married,university.degree,no,no,no,telephone,jun,thu,176,7,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +36,blue-collar,single,basic.9y,no,yes,yes,telephone,jun,thu,762,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,yes +37,admin.,single,university.degree,unknown,yes,no,telephone,jun,thu,179,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +42,admin.,divorced,high.school,unknown,no,no,telephone,jun,thu,105,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +58,retired,single,professional.course,no,yes,no,telephone,jun,thu,565,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +49,services,divorced,high.school,no,no,no,telephone,jun,thu,138,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +55,technician,unknown,unknown,unknown,no,no,telephone,jun,thu,667,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +58,retired,married,high.school,no,yes,no,telephone,jun,thu,3183,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,yes +34,admin.,single,university.degree,no,no,no,telephone,jun,thu,406,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +29,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jun,thu,243,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +46,unknown,married,basic.4y,unknown,yes,no,telephone,jun,thu,110,3,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +38,blue-collar,married,high.school,unknown,no,no,telephone,jun,thu,113,5,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +27,technician,single,unknown,no,yes,no,telephone,jun,thu,174,8,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +39,self-employed,divorced,professional.course,no,yes,no,telephone,jun,thu,529,4,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +60,retired,divorced,basic.4y,unknown,yes,no,telephone,jun,thu,45,2,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,thu,75,5,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jun,thu,122,6,999,0,nonexistent,1.4,94.465,-41.8,4.955,5228.1,no +31,services,single,high.school,no,no,no,telephone,jun,fri,422,6,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,yes +34,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,381,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +38,blue-collar,single,high.school,unknown,yes,no,telephone,jun,fri,856,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,yes +39,services,married,basic.9y,unknown,no,no,telephone,jun,fri,97,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +33,services,married,high.school,no,no,no,telephone,jun,fri,59,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jun,fri,198,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +32,management,married,university.degree,no,no,no,telephone,jun,fri,80,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +29,admin.,single,high.school,no,no,no,telephone,jun,fri,433,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +44,blue-collar,married,basic.6y,no,yes,no,telephone,jun,fri,159,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +50,admin.,married,high.school,no,no,no,telephone,jun,fri,513,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +59,housemaid,married,basic.6y,no,no,no,telephone,jun,fri,207,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +26,admin.,married,high.school,no,no,no,telephone,jun,fri,120,6,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +29,services,married,high.school,no,yes,yes,telephone,jun,fri,121,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +34,admin.,married,high.school,no,yes,no,telephone,jun,fri,95,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +39,self-employed,married,basic.6y,unknown,no,yes,telephone,jun,fri,213,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +24,technician,single,basic.9y,no,no,no,telephone,jun,fri,111,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,fri,302,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +37,admin.,married,high.school,no,no,no,telephone,jun,fri,212,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +27,self-employed,single,university.degree,no,no,no,telephone,jun,fri,911,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,yes +30,technician,married,high.school,no,no,no,telephone,jun,fri,154,6,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +58,services,married,high.school,no,no,no,telephone,jun,fri,181,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +58,services,married,high.school,no,yes,no,telephone,jun,fri,32,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +40,services,married,high.school,no,no,no,telephone,jun,fri,392,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +37,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,124,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +40,management,married,basic.9y,no,yes,yes,telephone,jun,fri,162,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +33,technician,single,professional.course,no,no,no,telephone,jun,fri,634,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +32,services,single,high.school,no,no,no,telephone,jun,fri,79,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +34,admin.,single,basic.9y,no,yes,no,telephone,jun,fri,148,5,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +27,admin.,single,professional.course,no,yes,yes,telephone,jun,fri,103,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +27,admin.,single,professional.course,no,yes,yes,telephone,jun,fri,141,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +27,self-employed,single,university.degree,no,yes,no,telephone,jun,fri,244,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +36,blue-collar,single,basic.4y,no,yes,no,telephone,jun,fri,250,8,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +42,admin.,single,high.school,no,no,no,telephone,jun,fri,140,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +51,services,married,high.school,no,unknown,unknown,telephone,jun,fri,133,5,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +30,blue-collar,married,basic.9y,unknown,no,no,telephone,jun,fri,191,28,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +28,blue-collar,married,high.school,no,no,no,telephone,jun,fri,216,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +58,technician,married,basic.4y,unknown,yes,yes,telephone,jun,fri,269,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +29,blue-collar,married,unknown,unknown,no,no,telephone,jun,fri,139,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +35,technician,single,professional.course,no,no,no,telephone,jun,fri,397,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +29,blue-collar,single,basic.9y,no,yes,no,telephone,jun,fri,76,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +41,blue-collar,married,professional.course,unknown,no,yes,telephone,jun,fri,244,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +59,technician,divorced,basic.4y,no,yes,no,telephone,jun,fri,135,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +35,admin.,married,high.school,no,yes,no,telephone,jun,fri,131,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +42,blue-collar,married,basic.9y,no,yes,yes,telephone,jun,fri,102,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +58,blue-collar,married,basic.4y,unknown,no,no,telephone,jun,fri,326,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +30,entrepreneur,married,basic.9y,no,no,no,telephone,jun,fri,153,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +42,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,fri,151,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +40,blue-collar,married,basic.9y,unknown,yes,no,telephone,jun,fri,349,5,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +54,admin.,married,university.degree,no,yes,no,telephone,jun,fri,291,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +47,blue-collar,married,basic.9y,no,yes,no,telephone,jun,fri,185,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +30,blue-collar,single,basic.6y,unknown,yes,no,telephone,jun,fri,169,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +35,blue-collar,married,basic.6y,no,no,no,telephone,jun,fri,281,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +49,housemaid,divorced,basic.4y,no,no,no,telephone,jun,fri,114,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +49,housemaid,married,basic.4y,no,no,yes,telephone,jun,fri,183,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +45,technician,single,professional.course,unknown,yes,no,telephone,jun,fri,293,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +36,admin.,married,high.school,no,yes,yes,telephone,jun,fri,111,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +29,services,divorced,high.school,no,yes,no,telephone,jun,fri,56,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +30,entrepreneur,divorced,university.degree,no,no,no,telephone,jun,fri,101,5,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +44,blue-collar,single,basic.6y,no,no,no,telephone,jun,fri,247,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +28,technician,single,university.degree,no,no,no,telephone,jun,mon,125,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +40,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,mon,322,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +39,technician,single,professional.course,no,yes,no,telephone,jun,mon,182,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +49,blue-collar,married,basic.4y,no,yes,no,telephone,jun,mon,117,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jun,mon,198,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +37,blue-collar,married,basic.9y,no,no,no,telephone,jun,mon,123,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +52,self-employed,married,professional.course,no,no,no,telephone,jun,mon,45,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +23,services,single,high.school,no,no,no,telephone,jun,mon,85,5,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +40,entrepreneur,divorced,university.degree,no,no,no,telephone,jun,mon,146,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +40,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,mon,93,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +28,admin.,single,university.degree,no,no,no,telephone,jun,mon,103,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +55,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,jun,mon,54,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +35,admin.,married,university.degree,no,no,no,telephone,jun,mon,27,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +38,admin.,married,high.school,no,no,no,telephone,jun,mon,117,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +42,admin.,married,university.degree,no,no,no,telephone,jun,mon,124,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jun,mon,165,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +33,self-employed,married,professional.course,no,yes,no,telephone,jun,mon,141,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +28,management,married,university.degree,no,no,no,telephone,jun,mon,138,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +41,blue-collar,married,basic.6y,unknown,no,no,telephone,jun,mon,385,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +23,admin.,married,professional.course,no,no,yes,telephone,jun,mon,266,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +58,retired,married,basic.4y,unknown,yes,no,telephone,jun,mon,50,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +39,unemployed,married,basic.4y,no,no,no,telephone,jun,mon,203,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +32,self-employed,divorced,professional.course,no,yes,no,telephone,jun,mon,118,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +41,blue-collar,single,unknown,unknown,no,no,telephone,jun,mon,780,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +39,admin.,single,high.school,no,yes,yes,telephone,jun,mon,98,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jun,mon,202,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +39,admin.,single,high.school,no,no,yes,telephone,jun,mon,158,1,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +27,technician,single,university.degree,no,yes,no,telephone,jun,mon,224,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +28,self-employed,single,university.degree,no,yes,no,telephone,jun,mon,73,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +54,technician,divorced,basic.9y,no,yes,no,telephone,jun,mon,111,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +29,admin.,single,high.school,no,unknown,unknown,telephone,jun,mon,444,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +29,blue-collar,married,basic.6y,no,no,no,telephone,jun,mon,69,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +37,self-employed,single,university.degree,unknown,no,yes,telephone,jun,mon,88,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +38,technician,single,university.degree,no,yes,no,telephone,jun,mon,104,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +44,technician,married,university.degree,no,no,no,telephone,jun,mon,252,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +53,technician,married,basic.9y,no,no,no,telephone,jun,mon,1049,6,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,yes +39,blue-collar,married,basic.6y,unknown,yes,no,telephone,jun,mon,132,4,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +31,housemaid,married,basic.4y,no,no,no,telephone,jun,mon,260,3,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +41,blue-collar,married,basic.4y,no,yes,yes,telephone,jun,mon,450,2,999,0,nonexistent,1.4,94.465,-41.8,4.947,5228.1,no +41,entrepreneur,married,university.degree,no,yes,yes,telephone,jul,tue,381,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +49,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,tue,158,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +25,services,married,high.school,no,yes,no,telephone,jul,tue,479,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,yes +41,blue-collar,married,basic.4y,no,yes,no,telephone,jul,tue,281,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +53,management,married,university.degree,no,no,yes,telephone,jul,tue,128,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,tue,471,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +56,retired,married,basic.4y,no,yes,no,telephone,jul,tue,58,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +41,services,single,high.school,no,yes,no,telephone,jul,tue,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +35,blue-collar,married,unknown,no,yes,no,telephone,jul,tue,140,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +28,admin.,married,high.school,no,yes,no,telephone,jul,tue,54,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +28,admin.,married,high.school,no,no,no,telephone,jul,tue,249,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +33,blue-collar,married,basic.4y,no,yes,no,telephone,jul,tue,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +29,self-employed,married,university.degree,no,no,no,telephone,jul,tue,215,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +54,blue-collar,married,basic.6y,unknown,yes,no,telephone,jul,tue,34,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +31,blue-collar,married,basic.4y,unknown,no,no,telephone,jul,tue,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,jul,tue,428,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +34,technician,single,professional.course,no,yes,no,telephone,jul,tue,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +37,technician,married,professional.course,no,yes,no,telephone,jul,tue,242,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +28,blue-collar,single,basic.6y,no,no,no,telephone,jul,tue,117,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +45,blue-collar,married,basic.9y,no,yes,no,telephone,jul,tue,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +28,blue-collar,married,basic.6y,no,no,no,telephone,jul,tue,36,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,telephone,jul,tue,89,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +26,unemployed,single,high.school,no,no,no,telephone,jul,tue,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +38,blue-collar,married,basic.4y,no,no,no,telephone,jul,tue,150,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +38,blue-collar,married,basic.4y,no,no,no,telephone,jul,tue,292,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +44,admin.,divorced,unknown,no,no,no,telephone,jul,tue,183,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +27,unemployed,married,basic.9y,unknown,no,no,telephone,jul,tue,200,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +56,services,divorced,high.school,no,no,yes,telephone,jul,tue,150,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +52,technician,married,professional.course,unknown,no,no,telephone,jul,tue,304,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +42,unemployed,married,basic.9y,unknown,yes,no,telephone,jul,tue,163,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,telephone,jul,tue,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +36,technician,married,high.school,no,no,no,telephone,jul,tue,426,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +58,management,married,university.degree,no,no,no,telephone,jul,tue,55,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +41,housemaid,married,high.school,no,no,yes,telephone,jul,tue,86,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +43,technician,single,professional.course,no,yes,yes,telephone,jul,tue,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +37,admin.,married,high.school,no,no,no,telephone,jul,tue,305,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +38,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jul,tue,110,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +55,blue-collar,married,basic.4y,no,yes,no,telephone,jul,tue,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +55,blue-collar,married,basic.4y,no,yes,no,telephone,jul,tue,86,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +33,services,married,high.school,unknown,yes,no,telephone,jul,tue,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +53,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,tue,39,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +42,admin.,married,basic.6y,no,no,no,telephone,jul,tue,340,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +37,services,divorced,high.school,no,no,no,telephone,jul,tue,125,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +41,blue-collar,married,unknown,no,no,no,telephone,jul,tue,529,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +35,blue-collar,married,basic.6y,no,no,no,telephone,jul,tue,196,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +47,retired,married,basic.4y,no,no,no,telephone,jul,tue,484,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +32,admin.,married,university.degree,no,no,no,telephone,jul,tue,56,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +47,blue-collar,divorced,basic.9y,no,no,no,telephone,jul,tue,245,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +57,retired,divorced,university.degree,no,no,no,telephone,jul,tue,156,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +57,self-employed,married,professional.course,no,yes,yes,telephone,jul,tue,221,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +54,retired,married,high.school,no,yes,yes,telephone,jul,tue,1992,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +41,services,single,professional.course,no,yes,no,telephone,jul,tue,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +35,admin.,married,high.school,no,yes,yes,telephone,jul,tue,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +27,entrepreneur,single,university.degree,no,yes,no,telephone,jul,tue,420,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +40,blue-collar,married,basic.9y,no,no,yes,telephone,jul,tue,1135,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,yes +40,admin.,married,high.school,no,no,yes,telephone,jul,tue,289,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +53,technician,married,professional.course,no,yes,no,telephone,jul,tue,307,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +53,services,married,basic.9y,no,yes,no,telephone,jul,tue,723,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,no +42,management,married,university.degree,no,no,yes,telephone,jul,tue,650,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.955,5228.1,yes +43,blue-collar,single,basic.4y,no,no,no,telephone,jul,wed,660,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +26,blue-collar,married,university.degree,no,no,no,telephone,jul,wed,63,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +40,admin.,divorced,high.school,no,no,no,telephone,jul,wed,96,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +39,blue-collar,married,unknown,unknown,no,no,telephone,jul,wed,218,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +46,housemaid,married,basic.4y,no,yes,no,telephone,jul,wed,220,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +41,blue-collar,married,basic.6y,no,no,no,telephone,jul,wed,144,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +36,technician,single,high.school,no,no,no,telephone,jul,wed,97,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +38,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,wed,32,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +43,technician,single,professional.course,no,no,no,telephone,jul,wed,44,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +50,blue-collar,divorced,basic.9y,no,no,no,telephone,jul,wed,79,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,wed,306,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +30,blue-collar,single,high.school,no,no,no,telephone,jul,wed,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +47,technician,married,professional.course,no,no,no,telephone,jul,wed,348,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +49,technician,single,high.school,no,yes,no,telephone,jul,wed,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +28,unemployed,single,high.school,no,yes,no,telephone,jul,wed,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +31,services,single,high.school,no,no,no,telephone,jul,wed,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +51,services,married,high.school,unknown,no,no,telephone,jul,wed,372,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +28,services,married,high.school,no,no,no,telephone,jul,wed,60,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +28,management,married,university.degree,no,yes,no,telephone,jul,wed,134,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +28,admin.,single,university.degree,no,yes,yes,telephone,jul,wed,108,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +38,services,divorced,basic.9y,no,yes,no,telephone,jul,wed,33,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +30,self-employed,married,university.degree,no,yes,yes,telephone,jul,wed,957,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +46,services,married,high.school,no,no,no,telephone,jul,wed,83,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.956,5228.1,no +40,admin.,divorced,professional.course,unknown,no,no,telephone,jul,thu,343,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +51,services,married,high.school,no,yes,no,telephone,jul,thu,158,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +45,management,single,university.degree,no,no,yes,telephone,jul,thu,269,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +36,retired,married,unknown,no,no,no,telephone,jul,thu,269,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +46,admin.,married,high.school,unknown,no,no,telephone,jul,thu,375,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +48,entrepreneur,married,basic.6y,no,yes,no,telephone,jul,thu,202,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +32,housemaid,married,basic.9y,no,no,no,telephone,jul,thu,149,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +30,blue-collar,divorced,basic.4y,no,yes,yes,telephone,jul,thu,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +56,management,married,university.degree,no,yes,no,telephone,jul,thu,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jul,thu,211,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +43,blue-collar,married,basic.9y,no,yes,no,telephone,jul,thu,24,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +29,technician,single,university.degree,no,yes,no,telephone,jul,thu,109,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +42,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jul,thu,472,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +39,technician,single,professional.course,no,yes,no,telephone,jul,thu,452,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +52,retired,divorced,professional.course,no,no,no,telephone,jul,thu,269,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +39,technician,single,professional.course,no,no,no,telephone,jul,thu,206,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,jul,thu,228,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +53,blue-collar,married,basic.9y,no,no,no,telephone,jul,thu,183,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +30,blue-collar,single,basic.4y,no,no,no,telephone,jul,thu,267,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,telephone,jul,thu,414,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +28,blue-collar,married,high.school,no,yes,no,telephone,jul,thu,60,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +37,blue-collar,married,basic.6y,unknown,yes,no,telephone,jul,thu,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,telephone,jul,thu,85,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +38,blue-collar,married,high.school,no,yes,no,telephone,jul,thu,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +48,blue-collar,married,basic.6y,unknown,no,no,telephone,jul,thu,256,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +45,admin.,married,high.school,no,no,no,telephone,jul,thu,172,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +58,technician,married,university.degree,no,no,no,telephone,jul,thu,84,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +41,admin.,married,high.school,no,no,no,telephone,jul,thu,412,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +35,unemployed,married,basic.9y,unknown,no,no,telephone,jul,thu,88,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +42,blue-collar,married,basic.9y,no,no,no,telephone,jul,thu,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +53,technician,divorced,professional.course,no,no,no,telephone,jul,thu,115,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +38,technician,single,university.degree,unknown,yes,yes,telephone,jul,thu,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +55,admin.,married,basic.9y,unknown,yes,no,telephone,jul,thu,197,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +54,admin.,divorced,unknown,unknown,no,no,telephone,jul,thu,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +50,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,jul,thu,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +57,housemaid,divorced,basic.6y,no,yes,no,telephone,jul,thu,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jul,thu,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jul,thu,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +39,admin.,single,high.school,no,no,no,telephone,jul,thu,97,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +43,management,married,university.degree,no,no,yes,telephone,jul,thu,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +35,admin.,divorced,university.degree,unknown,no,no,telephone,jul,thu,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +36,retired,married,unknown,no,no,no,telephone,jul,thu,88,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +36,retired,married,unknown,no,no,no,telephone,jul,thu,88,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jul,thu,42,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +37,technician,married,basic.9y,no,yes,no,telephone,jul,thu,991,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +34,admin.,divorced,university.degree,no,no,no,telephone,jul,thu,676,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,yes +34,management,married,university.degree,no,yes,no,telephone,jul,thu,652,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +29,blue-collar,divorced,high.school,no,yes,no,telephone,jul,thu,178,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +52,housemaid,single,basic.4y,no,yes,no,telephone,jul,thu,306,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +24,admin.,single,high.school,no,yes,yes,telephone,jul,thu,354,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +27,services,married,basic.9y,no,no,no,telephone,jul,thu,100,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +30,technician,married,professional.course,no,yes,no,telephone,jul,thu,501,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +34,blue-collar,married,basic.6y,no,yes,no,telephone,jul,thu,93,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +41,services,single,high.school,unknown,no,yes,telephone,jul,thu,504,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +57,housemaid,married,basic.4y,no,yes,no,telephone,jul,thu,381,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +32,services,married,high.school,no,yes,no,telephone,jul,thu,251,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +37,technician,married,basic.9y,no,no,no,telephone,jul,thu,515,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +38,blue-collar,married,basic.6y,no,yes,no,telephone,jul,thu,389,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +50,entrepreneur,married,professional.course,no,yes,no,telephone,jul,thu,155,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +28,management,single,unknown,no,no,no,telephone,jul,thu,135,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +39,blue-collar,married,basic.9y,unknown,no,yes,telephone,jul,thu,74,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,jul,thu,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +30,services,married,basic.9y,no,no,yes,telephone,jul,thu,172,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +25,services,single,high.school,no,yes,no,telephone,jul,thu,202,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +43,blue-collar,married,basic.4y,no,yes,no,telephone,jul,thu,155,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +26,technician,married,professional.course,no,yes,no,telephone,jul,thu,277,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,thu,746,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +29,entrepreneur,single,university.degree,no,yes,no,telephone,jul,thu,167,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +23,technician,single,professional.course,no,yes,no,telephone,jul,thu,194,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +55,blue-collar,married,basic.4y,unknown,no,no,telephone,jul,thu,385,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.966,5228.1,no +36,management,married,basic.6y,unknown,yes,no,telephone,jul,fri,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +46,self-employed,married,high.school,unknown,yes,no,telephone,jul,fri,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +32,technician,single,professional.course,no,no,no,telephone,jul,fri,566,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +46,blue-collar,married,unknown,no,yes,no,telephone,jul,fri,257,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +31,technician,married,high.school,no,yes,no,telephone,jul,fri,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +24,blue-collar,single,basic.9y,unknown,no,no,telephone,jul,fri,270,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +37,admin.,single,university.degree,no,no,no,telephone,jul,fri,43,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +27,services,single,high.school,no,yes,no,telephone,jul,fri,433,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +56,self-employed,married,basic.9y,unknown,no,no,telephone,jul,fri,523,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +55,technician,married,university.degree,no,yes,no,telephone,jul,fri,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +32,blue-collar,married,basic.6y,unknown,no,yes,telephone,jul,fri,191,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +26,admin.,single,high.school,no,no,yes,telephone,jul,fri,634,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +45,management,married,university.degree,unknown,no,yes,telephone,jul,fri,355,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +45,management,married,university.degree,unknown,no,yes,telephone,jul,fri,31,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +29,blue-collar,single,high.school,no,yes,no,telephone,jul,fri,52,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +46,services,married,high.school,no,yes,no,telephone,jul,fri,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +32,technician,divorced,professional.course,no,yes,yes,telephone,jul,fri,99,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +32,blue-collar,married,basic.6y,no,yes,no,telephone,jul,fri,133,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +43,management,married,high.school,no,no,yes,telephone,jul,fri,169,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +32,housemaid,married,basic.6y,no,no,no,telephone,jul,fri,68,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +30,admin.,single,high.school,no,no,no,telephone,jul,fri,30,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +39,admin.,married,high.school,no,no,no,telephone,jul,fri,246,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +39,admin.,married,high.school,no,yes,no,telephone,jul,fri,219,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +32,blue-collar,single,high.school,no,no,no,telephone,jul,fri,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +43,technician,married,university.degree,no,yes,no,telephone,jul,fri,105,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +40,blue-collar,single,high.school,no,no,no,telephone,jul,fri,217,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +31,unemployed,single,professional.course,no,no,no,telephone,jul,fri,538,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +36,entrepreneur,married,university.degree,no,no,no,telephone,jul,fri,164,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +50,blue-collar,married,basic.4y,unknown,no,yes,telephone,jul,fri,5,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +28,admin.,single,university.degree,no,no,no,telephone,jul,fri,46,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +31,admin.,single,university.degree,no,yes,no,telephone,jul,fri,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +30,admin.,single,high.school,no,yes,no,telephone,jul,fri,105,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +30,admin.,single,high.school,no,yes,no,telephone,jul,fri,253,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +27,services,married,high.school,unknown,no,no,telephone,jul,fri,584,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,yes +35,blue-collar,married,high.school,no,no,no,telephone,jul,fri,260,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,jul,fri,126,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +30,admin.,single,university.degree,no,yes,no,telephone,jul,fri,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +41,entrepreneur,married,basic.4y,no,no,no,telephone,jul,fri,101,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +43,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jul,fri,195,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +31,admin.,single,university.degree,no,yes,no,telephone,jul,fri,400,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +35,blue-collar,married,basic.4y,no,yes,no,telephone,jul,fri,178,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +53,blue-collar,married,basic.4y,no,yes,no,telephone,jul,fri,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +57,admin.,single,university.degree,unknown,no,no,telephone,jul,fri,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jul,fri,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,fri,742,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +31,admin.,divorced,university.degree,no,yes,no,telephone,jul,fri,692,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +37,unemployed,married,university.degree,no,no,yes,telephone,jul,fri,85,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +26,admin.,single,high.school,no,yes,no,telephone,jul,fri,678,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +38,services,single,high.school,no,no,no,telephone,jul,fri,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +34,technician,single,high.school,no,yes,no,telephone,jul,fri,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +32,admin.,divorced,university.degree,no,no,yes,telephone,jul,fri,137,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +53,housemaid,married,basic.4y,no,no,no,telephone,jul,fri,53,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +41,entrepreneur,married,basic.4y,no,yes,no,telephone,jul,fri,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +45,admin.,married,university.degree,no,no,no,telephone,jul,fri,45,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +33,technician,married,university.degree,no,unknown,unknown,telephone,jul,fri,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +45,blue-collar,married,basic.4y,no,no,no,telephone,jul,fri,407,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +34,technician,single,professional.course,unknown,yes,no,telephone,jul,fri,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,telephone,jul,fri,426,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +42,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,fri,61,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +29,entrepreneur,married,basic.6y,no,yes,yes,telephone,jul,fri,286,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +30,services,single,high.school,no,yes,no,telephone,jul,fri,1576,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +43,technician,single,professional.course,no,yes,no,telephone,jul,fri,468,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +59,retired,married,basic.4y,unknown,no,no,telephone,jul,fri,150,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +27,admin.,married,university.degree,no,yes,yes,telephone,jul,fri,178,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +28,blue-collar,divorced,basic.4y,no,no,no,telephone,jul,fri,327,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +29,admin.,single,university.degree,no,unknown,unknown,telephone,jul,fri,212,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +49,blue-collar,married,basic.9y,no,no,no,telephone,jul,fri,235,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +49,blue-collar,married,basic.9y,no,yes,no,telephone,jul,fri,333,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,297,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +29,entrepreneur,married,high.school,no,yes,no,cellular,jul,fri,668,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +46,services,married,high.school,no,yes,no,telephone,jul,fri,65,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +33,technician,married,basic.9y,unknown,yes,no,cellular,jul,fri,436,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +41,management,married,university.degree,no,yes,no,cellular,jul,fri,1044,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +31,technician,single,professional.course,no,no,no,telephone,jul,fri,141,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +30,services,divorced,high.school,no,yes,yes,cellular,jul,fri,39,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +58,retired,married,professional.course,unknown,yes,no,cellular,jul,fri,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +31,blue-collar,married,basic.9y,no,unknown,unknown,cellular,jul,fri,135,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +30,admin.,married,high.school,no,yes,no,cellular,jul,fri,53,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +40,blue-collar,divorced,basic.6y,unknown,unknown,unknown,cellular,jul,fri,138,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +33,services,married,high.school,no,yes,no,cellular,jul,fri,548,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +38,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,95,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +29,admin.,married,basic.9y,no,yes,no,cellular,jul,fri,273,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +40,blue-collar,married,basic.9y,no,no,no,telephone,jul,fri,304,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +48,blue-collar,married,basic.4y,no,no,yes,cellular,jul,fri,425,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +51,retired,married,basic.9y,unknown,no,no,cellular,jul,fri,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +51,retired,married,basic.9y,unknown,yes,no,cellular,jul,fri,276,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +34,technician,married,high.school,unknown,yes,no,cellular,jul,fri,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +46,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,407,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +34,unemployed,married,high.school,no,no,no,cellular,jul,fri,339,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.959,5228.1,no +55,admin.,married,high.school,no,yes,no,cellular,jul,mon,92,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,admin.,married,university.degree,unknown,unknown,unknown,cellular,jul,mon,135,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,107,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,admin.,divorced,high.school,no,no,no,cellular,jul,mon,148,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,admin.,divorced,high.school,no,no,yes,cellular,jul,mon,125,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,admin.,married,illiterate,unknown,no,no,cellular,jul,mon,151,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,management,married,professional.course,no,yes,no,cellular,jul,mon,491,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +59,retired,married,professional.course,unknown,yes,yes,cellular,jul,mon,494,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +33,self-employed,married,basic.9y,no,yes,no,cellular,jul,mon,181,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,admin.,married,high.school,no,yes,yes,cellular,jul,mon,615,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +48,admin.,married,university.degree,no,yes,no,cellular,jul,mon,99,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +57,admin.,divorced,basic.9y,no,yes,yes,cellular,jul,mon,518,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,technician,single,university.degree,no,no,yes,cellular,jul,mon,164,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +53,self-employed,divorced,university.degree,no,no,no,cellular,jul,mon,397,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,technician,married,university.degree,unknown,no,no,cellular,jul,mon,17,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,unemployed,divorced,university.degree,no,yes,no,cellular,jul,mon,148,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,mon,128,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,services,married,high.school,unknown,no,no,cellular,jul,mon,160,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,89,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +45,admin.,married,basic.9y,no,yes,yes,cellular,jul,mon,181,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,technician,single,professional.course,no,yes,yes,cellular,jul,mon,111,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,married,basic.9y,unknown,yes,yes,cellular,jul,mon,119,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,227,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,jul,mon,107,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,unemployed,married,high.school,unknown,yes,no,cellular,jul,mon,149,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,services,married,professional.course,unknown,no,no,cellular,jul,mon,134,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,1434,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,blue-collar,married,basic.6y,no,no,no,telephone,jul,mon,176,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,179,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,blue-collar,married,basic.6y,no,no,no,telephone,jul,mon,63,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,management,married,unknown,no,no,yes,cellular,jul,mon,86,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,113,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,self-employed,married,unknown,no,yes,no,cellular,jul,mon,685,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,management,divorced,university.degree,no,no,no,cellular,jul,mon,200,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,mon,196,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,technician,divorced,professional.course,no,no,no,cellular,jul,mon,250,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,technician,married,university.degree,unknown,no,no,cellular,jul,mon,185,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,technician,married,professional.course,unknown,no,no,cellular,jul,mon,75,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,services,married,high.school,unknown,yes,no,cellular,jul,mon,136,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,married,basic.9y,unknown,yes,no,telephone,jul,mon,229,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +57,management,divorced,university.degree,unknown,no,yes,cellular,jul,mon,200,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,139,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,services,married,basic.6y,no,no,yes,cellular,jul,mon,161,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,technician,married,basic.9y,unknown,no,no,cellular,jul,mon,141,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,self-employed,married,university.degree,no,yes,no,cellular,jul,mon,39,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,mon,49,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,technician,married,professional.course,no,no,no,cellular,jul,mon,66,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,entrepreneur,married,basic.6y,no,yes,yes,cellular,jul,mon,782,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +45,management,married,unknown,unknown,no,no,cellular,jul,mon,321,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,admin.,single,university.degree,no,yes,yes,cellular,jul,mon,118,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,116,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,jul,mon,128,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,management,married,basic.4y,no,no,no,cellular,jul,mon,104,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,mon,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,admin.,married,basic.9y,unknown,no,no,cellular,jul,mon,87,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,management,married,high.school,no,no,no,cellular,jul,mon,1272,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +45,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,107,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,admin.,single,university.degree,no,no,no,cellular,jul,mon,401,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,services,single,basic.9y,no,no,no,cellular,jul,mon,64,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,blue-collar,single,basic.4y,no,yes,no,cellular,jul,mon,758,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,self-employed,single,basic.4y,no,unknown,unknown,cellular,jul,mon,277,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,blue-collar,single,basic.4y,no,unknown,unknown,cellular,jul,mon,107,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,mon,111,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +23,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,360,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,housemaid,divorced,basic.4y,unknown,no,no,cellular,jul,mon,461,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,admin.,divorced,basic.6y,no,yes,no,cellular,jul,mon,239,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,housemaid,married,basic.4y,no,no,no,cellular,jul,mon,240,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,housemaid,divorced,high.school,no,yes,no,cellular,jul,mon,127,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,412,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,technician,married,high.school,no,yes,no,cellular,jul,mon,244,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,management,married,university.degree,unknown,no,no,cellular,jul,mon,240,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,technician,married,basic.9y,no,no,no,cellular,jul,mon,62,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,self-employed,married,high.school,unknown,yes,no,telephone,jul,mon,46,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,blue-collar,single,basic.9y,no,yes,yes,telephone,jul,mon,41,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,services,married,high.school,no,yes,no,cellular,jul,mon,559,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,unemployed,single,high.school,no,yes,no,cellular,jul,mon,300,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,services,single,high.school,no,no,no,cellular,jul,mon,722,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +25,admin.,married,high.school,no,no,yes,cellular,jul,mon,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,technician,married,professional.course,no,no,no,cellular,jul,mon,328,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,retired,married,basic.4y,no,yes,no,cellular,jul,mon,621,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +31,services,single,high.school,no,yes,yes,cellular,jul,mon,232,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,blue-collar,divorced,basic.9y,no,no,no,telephone,jul,mon,259,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,blue-collar,divorced,high.school,no,yes,yes,cellular,jul,mon,629,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +41,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,1103,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,317,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,entrepreneur,married,university.degree,unknown,no,yes,telephone,jul,mon,126,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,management,single,university.degree,no,no,no,telephone,jul,mon,66,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,technician,married,university.degree,no,yes,yes,cellular,jul,mon,385,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +35,blue-collar,married,basic.9y,no,no,no,telephone,jul,mon,1356,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +44,services,married,high.school,no,no,no,cellular,jul,mon,190,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,services,married,high.school,unknown,yes,no,telephone,jul,mon,173,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,jul,mon,61,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,unemployed,married,high.school,no,no,no,cellular,jul,mon,74,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,mon,86,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,housemaid,single,basic.6y,no,no,no,cellular,jul,mon,94,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,mon,56,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +23,admin.,single,university.degree,no,yes,yes,telephone,jul,mon,69,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,unemployed,divorced,basic.9y,unknown,no,no,cellular,jul,mon,326,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,497,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,admin.,divorced,high.school,no,no,no,cellular,jul,mon,21,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,housemaid,married,basic.4y,no,yes,no,cellular,jul,mon,223,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,mon,179,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +45,services,single,basic.9y,unknown,no,yes,cellular,jul,mon,236,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,mon,87,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,services,divorced,unknown,no,no,no,cellular,jul,mon,66,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,services,married,basic.6y,no,yes,no,cellular,jul,mon,207,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,unemployed,divorced,basic.9y,no,unknown,unknown,cellular,jul,mon,385,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,housemaid,married,university.degree,no,yes,no,cellular,jul,mon,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,admin.,single,high.school,no,no,no,cellular,jul,mon,459,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,entrepreneur,married,high.school,no,no,no,cellular,jul,mon,217,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,entrepreneur,married,high.school,no,yes,no,cellular,jul,mon,247,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,technician,married,university.degree,no,no,no,cellular,jul,mon,289,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,blue-collar,married,high.school,no,yes,yes,cellular,jul,mon,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,admin.,single,university.degree,no,no,no,cellular,jul,mon,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,332,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,services,divorced,high.school,no,unknown,unknown,cellular,jul,mon,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,technician,married,basic.9y,unknown,no,no,cellular,jul,mon,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,services,married,high.school,no,yes,no,cellular,jul,mon,94,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,blue-collar,divorced,basic.4y,unknown,yes,yes,cellular,jul,mon,169,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,services,single,high.school,no,no,no,cellular,jul,mon,385,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,admin.,single,university.degree,unknown,yes,no,cellular,jul,mon,248,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,married,high.school,no,no,no,cellular,jul,mon,889,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +43,admin.,married,high.school,no,yes,no,cellular,jul,mon,118,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,no,no,cellular,jul,mon,240,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,admin.,divorced,high.school,no,yes,no,cellular,jul,mon,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,services,married,high.school,no,yes,no,cellular,jul,mon,556,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +55,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,jul,mon,199,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +59,technician,divorced,university.degree,no,no,no,cellular,jul,mon,39,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,blue-collar,married,basic.4y,no,no,yes,telephone,jul,mon,256,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,entrepreneur,married,basic.9y,unknown,yes,no,cellular,jul,mon,174,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,management,married,university.degree,no,yes,yes,cellular,jul,mon,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,admin.,married,basic.9y,no,yes,no,cellular,jul,mon,461,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,self-employed,married,high.school,no,no,no,cellular,jul,mon,187,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,married,high.school,no,yes,no,cellular,jul,mon,201,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,services,married,high.school,no,yes,no,cellular,jul,mon,206,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,technician,married,basic.9y,unknown,unknown,unknown,cellular,jul,mon,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,self-employed,divorced,university.degree,unknown,yes,no,cellular,jul,mon,643,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,297,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,entrepreneur,married,unknown,unknown,yes,no,cellular,jul,mon,44,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,retired,married,basic.4y,unknown,no,no,cellular,jul,mon,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,technician,married,professional.course,no,no,yes,cellular,jul,mon,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,technician,married,high.school,no,unknown,unknown,cellular,jul,mon,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,admin.,divorced,high.school,no,no,no,cellular,jul,mon,480,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,blue-collar,married,basic.9y,unknown,no,yes,cellular,jul,mon,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,admin.,divorced,high.school,no,no,no,cellular,jul,mon,532,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +60,blue-collar,married,basic.9y,unknown,unknown,unknown,cellular,jul,mon,575,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,retired,married,basic.4y,no,no,no,cellular,jul,mon,445,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,technician,single,professional.course,no,yes,yes,cellular,jul,mon,554,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,admin.,divorced,high.school,unknown,no,no,cellular,jul,mon,129,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,jul,mon,46,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,entrepreneur,married,basic.6y,no,yes,no,cellular,jul,mon,254,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,blue-collar,married,unknown,no,no,no,cellular,jul,mon,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +54,management,married,university.degree,no,yes,no,cellular,jul,mon,224,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,married,university.degree,no,yes,no,telephone,jul,mon,118,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,housemaid,married,high.school,unknown,yes,no,cellular,jul,mon,1200,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +45,services,divorced,high.school,no,no,no,cellular,jul,mon,295,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +57,entrepreneur,married,university.degree,unknown,unknown,unknown,cellular,jul,mon,268,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,technician,married,university.degree,no,yes,no,cellular,jul,mon,174,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,admin.,married,unknown,unknown,no,no,cellular,jul,mon,630,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,services,married,basic.6y,unknown,no,no,cellular,jul,mon,209,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,243,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,technician,married,professional.course,no,yes,no,cellular,jul,mon,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,services,married,professional.course,no,yes,no,cellular,jul,mon,451,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,admin.,single,university.degree,unknown,no,no,cellular,jul,mon,192,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,admin.,single,high.school,no,no,no,cellular,jul,mon,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,services,married,high.school,no,no,yes,cellular,jul,mon,162,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +53,entrepreneur,single,basic.9y,no,no,no,cellular,jul,mon,933,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,blue-collar,married,high.school,no,no,no,cellular,jul,mon,110,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +58,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,86,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,technician,married,basic.9y,no,yes,no,cellular,jul,mon,448,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,admin.,single,high.school,unknown,no,no,cellular,jul,mon,261,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,entrepreneur,married,basic.4y,no,yes,no,cellular,jul,mon,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,151,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,management,married,university.degree,no,yes,no,cellular,jul,mon,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,mon,94,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,97,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,entrepreneur,married,basic.4y,no,no,no,cellular,jul,mon,531,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,services,married,basic.9y,unknown,no,no,cellular,jul,mon,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,services,married,basic.9y,unknown,yes,no,cellular,jul,mon,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,admin.,married,university.degree,no,no,no,telephone,jul,mon,41,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,mon,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,retired,divorced,high.school,unknown,no,no,cellular,jul,mon,210,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,technician,single,high.school,no,yes,no,telephone,jul,mon,130,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,management,married,high.school,no,yes,no,cellular,jul,mon,599,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +50,management,married,university.degree,no,yes,no,cellular,jul,mon,236,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,532,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,mon,849,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +34,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,technician,single,high.school,unknown,no,no,cellular,jul,mon,500,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,mon,212,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,services,married,high.school,no,yes,no,cellular,jul,mon,337,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,jul,mon,1467,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,jul,mon,246,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,117,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,services,single,university.degree,no,no,no,cellular,jul,mon,234,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,basic.9y,no,no,yes,cellular,jul,mon,387,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,married,high.school,unknown,yes,no,cellular,jul,mon,353,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,entrepreneur,married,high.school,no,no,no,cellular,jul,mon,500,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,admin.,married,university.degree,no,no,no,telephone,jul,mon,267,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,entrepreneur,married,basic.9y,unknown,yes,no,cellular,jul,mon,387,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,313,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,535,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +45,technician,married,unknown,unknown,yes,no,cellular,jul,mon,326,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,self-employed,married,university.degree,no,no,no,cellular,jul,mon,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,entrepreneur,married,basic.6y,unknown,no,no,cellular,jul,mon,973,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +60,retired,married,high.school,no,no,no,telephone,jul,mon,188,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,admin.,divorced,basic.6y,no,no,no,telephone,jul,mon,141,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,technician,married,basic.6y,no,yes,no,cellular,jul,mon,422,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,services,married,high.school,no,yes,no,cellular,jul,mon,354,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,self-employed,single,basic.9y,unknown,yes,no,cellular,jul,mon,835,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,unknown,married,basic.4y,unknown,yes,no,cellular,jul,mon,511,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,admin.,married,professional.course,no,no,no,cellular,jul,mon,209,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,admin.,married,high.school,no,yes,no,telephone,jul,mon,194,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,jul,mon,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,1165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,services,single,high.school,no,yes,no,cellular,jul,mon,113,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,services,single,high.school,no,yes,no,cellular,jul,mon,98,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,190,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +23,services,single,high.school,no,no,no,cellular,jul,mon,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,mon,88,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +23,services,single,high.school,no,no,no,cellular,jul,mon,316,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,married,university.degree,no,no,no,telephone,jul,mon,211,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,services,married,high.school,unknown,no,no,cellular,jul,mon,455,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,technician,married,professional.course,no,no,no,cellular,jul,mon,830,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +47,technician,married,professional.course,no,no,no,cellular,jul,mon,208,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +59,retired,married,university.degree,unknown,no,no,telephone,jul,mon,95,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,jul,mon,167,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,jul,mon,108,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,blue-collar,married,unknown,unknown,unknown,unknown,cellular,jul,mon,375,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,housemaid,single,basic.4y,unknown,no,no,cellular,jul,mon,457,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,self-employed,married,professional.course,unknown,no,yes,cellular,jul,mon,216,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,technician,divorced,basic.9y,no,yes,no,cellular,jul,mon,299,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,unknown,single,basic.9y,unknown,no,no,cellular,jul,mon,366,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,admin.,married,high.school,no,yes,no,cellular,jul,mon,238,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,admin.,single,university.degree,no,yes,no,cellular,jul,mon,281,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,admin.,single,high.school,no,no,no,cellular,jul,mon,270,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,blue-collar,single,high.school,no,no,no,cellular,jul,mon,234,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,admin.,married,high.school,no,no,no,cellular,jul,mon,68,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,107,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,management,married,university.degree,unknown,no,no,cellular,jul,mon,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,admin.,divorced,professional.course,no,no,no,cellular,jul,mon,159,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,technician,divorced,university.degree,no,yes,no,cellular,jul,mon,247,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,mon,97,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,228,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,mon,293,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,services,married,basic.9y,no,no,no,cellular,jul,mon,88,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,entrepreneur,single,professional.course,no,no,no,telephone,jul,mon,143,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,unemployed,married,high.school,no,no,no,cellular,jul,mon,273,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,152,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,married,high.school,no,no,no,cellular,jul,mon,87,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,telephone,jul,mon,339,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,services,single,high.school,no,no,no,cellular,jul,mon,98,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,technician,married,professional.course,no,yes,yes,telephone,jul,mon,70,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +59,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,244,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,management,single,high.school,no,no,no,cellular,jul,mon,264,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,blue-collar,married,professional.course,no,no,no,cellular,jul,mon,280,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,single,university.degree,no,unknown,unknown,cellular,jul,mon,116,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,jul,mon,164,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,entrepreneur,married,basic.4y,no,no,no,cellular,jul,mon,25,30,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,married,basic.9y,no,yes,no,cellular,jul,mon,196,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +54,services,married,high.school,unknown,yes,no,cellular,jul,mon,36,33,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,mon,214,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,services,divorced,unknown,no,no,yes,cellular,jul,mon,277,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,95,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,housemaid,married,basic.4y,no,no,yes,cellular,jul,mon,116,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,blue-collar,single,basic.6y,no,yes,yes,cellular,jul,mon,305,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,single,unknown,no,yes,no,cellular,jul,mon,15,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,technician,married,professional.course,unknown,no,no,telephone,jul,mon,237,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,jul,mon,263,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,technician,married,professional.course,unknown,no,no,cellular,jul,mon,224,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,married,high.school,no,yes,no,cellular,jul,mon,210,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,married,professional.course,no,yes,no,cellular,jul,mon,333,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,married,high.school,no,yes,no,cellular,jul,mon,627,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,100,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,technician,married,high.school,no,no,no,cellular,jul,mon,75,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,blue-collar,single,high.school,no,yes,no,telephone,jul,mon,416,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,unemployed,divorced,professional.course,unknown,yes,no,cellular,jul,mon,221,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,services,married,basic.9y,no,no,yes,cellular,jul,mon,51,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,unemployed,married,unknown,no,yes,no,cellular,jul,mon,199,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,mon,576,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,blue-collar,married,unknown,unknown,no,no,cellular,jul,mon,340,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,blue-collar,married,unknown,unknown,yes,no,cellular,jul,mon,377,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,mon,260,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,management,divorced,university.degree,unknown,no,no,cellular,jul,mon,255,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,married,high.school,no,no,no,cellular,jul,mon,160,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,divorced,high.school,no,no,no,cellular,jul,mon,96,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,services,married,basic.9y,no,yes,no,telephone,jul,mon,543,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,admin.,married,professional.course,no,no,no,cellular,jul,mon,182,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,unemployed,single,basic.9y,no,yes,yes,cellular,jul,mon,104,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,management,divorced,university.degree,no,no,no,cellular,jul,mon,13,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,mon,167,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,technician,single,professional.course,unknown,yes,no,cellular,jul,mon,224,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,blue-collar,married,high.school,no,yes,no,cellular,jul,mon,317,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,admin.,single,unknown,no,yes,no,cellular,jul,mon,179,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,admin.,married,high.school,no,no,no,cellular,jul,mon,74,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,divorced,high.school,no,yes,no,cellular,jul,mon,422,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,mon,447,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,single,basic.6y,no,no,yes,cellular,jul,mon,380,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,371,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,blue-collar,married,basic.6y,no,yes,no,cellular,jul,mon,122,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,159,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,divorced,basic.9y,no,yes,no,cellular,jul,mon,79,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,married,professional.course,no,yes,no,cellular,jul,mon,261,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,mon,140,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,blue-collar,married,basic.4y,no,unknown,unknown,telephone,jul,mon,360,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,mon,500,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,blue-collar,single,high.school,no,yes,yes,cellular,jul,mon,234,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,blue-collar,married,basic.9y,no,no,yes,telephone,jul,mon,146,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,services,divorced,university.degree,no,no,no,cellular,jul,mon,407,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,jul,mon,416,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,technician,single,university.degree,no,no,no,cellular,jul,mon,756,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,blue-collar,divorced,basic.6y,unknown,no,yes,telephone,jul,mon,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,admin.,married,high.school,unknown,yes,no,cellular,jul,mon,339,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,services,single,high.school,no,no,no,cellular,jul,mon,500,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,admin.,divorced,high.school,no,no,no,telephone,jul,mon,352,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,management,married,university.degree,unknown,yes,no,cellular,jul,mon,16,34,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,admin.,married,high.school,unknown,yes,no,cellular,jul,mon,288,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,technician,single,university.degree,no,yes,no,cellular,jul,mon,164,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,entrepreneur,married,high.school,no,yes,no,cellular,jul,mon,100,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,unemployed,single,high.school,no,yes,no,telephone,jul,mon,245,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,technician,married,university.degree,no,no,no,cellular,jul,mon,95,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,blue-collar,married,unknown,unknown,yes,no,cellular,jul,mon,285,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,housemaid,married,basic.4y,no,yes,no,cellular,jul,mon,88,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,housemaid,divorced,high.school,no,yes,no,cellular,jul,mon,78,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,services,single,high.school,no,no,no,cellular,jul,mon,422,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,admin.,single,university.degree,unknown,yes,no,cellular,jul,mon,719,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +40,services,married,high.school,no,yes,no,telephone,jul,mon,167,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +53,services,married,high.school,no,no,no,telephone,jul,mon,336,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,technician,married,professional.course,unknown,no,no,telephone,jul,mon,89,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,blue-collar,single,basic.4y,no,no,no,cellular,jul,mon,112,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +45,management,married,university.degree,unknown,no,no,cellular,jul,mon,208,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,services,married,high.school,no,no,no,cellular,jul,mon,221,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,services,married,high.school,no,no,no,cellular,jul,mon,624,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,admin.,single,high.school,unknown,no,no,cellular,jul,mon,252,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +60,management,married,unknown,unknown,no,no,cellular,jul,mon,230,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,entrepreneur,married,basic.4y,unknown,no,no,cellular,jul,mon,482,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,single,unknown,no,yes,no,telephone,jul,mon,564,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,married,high.school,no,yes,no,cellular,jul,mon,53,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,jul,mon,279,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,married,high.school,no,yes,no,cellular,jul,mon,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,married,high.school,no,yes,no,cellular,jul,mon,242,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,technician,married,professional.course,no,yes,no,cellular,jul,mon,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,technician,married,professional.course,no,yes,no,telephone,jul,mon,9,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,admin.,married,high.school,no,no,yes,cellular,jul,mon,205,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,entrepreneur,single,basic.9y,no,no,no,cellular,jul,mon,131,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,married,university.degree,no,no,yes,cellular,jul,mon,15,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,technician,married,professional.course,no,no,no,cellular,jul,mon,192,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,housemaid,married,high.school,no,yes,yes,cellular,jul,mon,118,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,219,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,technician,married,unknown,unknown,yes,no,cellular,jul,mon,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,admin.,divorced,university.degree,unknown,no,no,cellular,jul,tue,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,university.degree,unknown,no,no,cellular,jul,tue,262,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,tue,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,basic.4y,unknown,yes,no,cellular,jul,tue,290,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,342,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,services,married,high.school,no,yes,no,cellular,jul,tue,140,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,services,married,high.school,no,no,no,cellular,jul,tue,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,services,married,high.school,no,no,no,cellular,jul,tue,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,services,divorced,high.school,unknown,yes,yes,cellular,jul,tue,47,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,entrepreneur,married,unknown,unknown,yes,yes,cellular,jul,tue,163,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,services,married,basic.9y,no,no,no,cellular,jul,tue,491,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,services,married,high.school,no,no,no,cellular,jul,tue,220,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,tue,104,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,basic.6y,unknown,yes,no,telephone,jul,tue,54,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,unemployed,divorced,professional.course,no,no,no,telephone,jul,tue,141,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,109,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,tue,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,jul,tue,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,services,married,high.school,no,yes,no,cellular,jul,tue,24,26,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,jul,tue,216,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,divorced,high.school,no,yes,no,telephone,jul,tue,58,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,services,divorced,high.school,no,no,no,cellular,jul,tue,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,services,divorced,high.school,no,yes,no,cellular,jul,tue,146,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,married,professional.course,unknown,yes,no,cellular,jul,tue,362,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,basic.9y,unknown,yes,no,cellular,jul,tue,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,services,divorced,high.school,no,yes,yes,cellular,jul,tue,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,unknown,no,no,cellular,jul,tue,509,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +42,unemployed,married,university.degree,unknown,yes,no,cellular,jul,tue,431,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,married,basic.4y,unknown,no,no,cellular,jul,tue,160,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,divorced,university.degree,no,yes,no,cellular,jul,tue,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,tue,178,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,tue,186,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,divorced,university.degree,no,yes,no,cellular,jul,tue,395,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,admin.,married,high.school,unknown,yes,no,cellular,jul,tue,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,married,high.school,unknown,yes,no,cellular,jul,tue,740,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +56,services,married,basic.4y,unknown,no,no,cellular,jul,tue,534,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +60,admin.,married,high.school,unknown,no,no,cellular,jul,tue,201,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,admin.,married,high.school,unknown,no,no,cellular,jul,tue,320,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,services,divorced,high.school,no,yes,no,cellular,jul,tue,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,professional.course,no,yes,no,cellular,jul,tue,425,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,tue,59,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,entrepreneur,married,university.degree,no,no,no,telephone,jul,tue,208,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,yes,no,cellular,jul,tue,85,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,single,unknown,no,no,no,cellular,jul,tue,290,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,services,married,basic.6y,unknown,no,no,cellular,jul,tue,31,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,single,unknown,no,no,no,cellular,jul,tue,393,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,professional.course,no,no,yes,cellular,jul,tue,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,single,high.school,no,yes,no,cellular,jul,tue,523,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,tue,136,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,married,high.school,unknown,no,no,cellular,jul,tue,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,married,high.school,no,yes,yes,cellular,jul,tue,144,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,university.degree,no,yes,yes,cellular,jul,tue,152,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,university.degree,no,no,yes,cellular,jul,tue,119,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,management,divorced,university.degree,no,yes,no,cellular,jul,tue,732,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +43,admin.,married,university.degree,no,no,no,cellular,jul,tue,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,married,high.school,unknown,no,no,cellular,jul,tue,733,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,self-employed,single,professional.course,no,yes,no,cellular,jul,tue,85,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,university.degree,no,no,no,cellular,jul,tue,524,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,university.degree,no,yes,yes,telephone,jul,tue,377,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,single,high.school,no,yes,no,cellular,jul,tue,286,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,management,married,basic.6y,unknown,yes,no,cellular,jul,tue,304,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,admin.,married,high.school,no,no,no,cellular,jul,tue,42,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,jul,tue,711,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,married,high.school,unknown,yes,no,cellular,jul,tue,97,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,management,single,unknown,no,yes,no,cellular,jul,tue,288,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,99,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,single,university.degree,no,yes,no,cellular,jul,tue,238,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,single,high.school,no,no,no,cellular,jul,tue,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,tue,367,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,tue,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,531,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +43,management,married,basic.9y,no,no,no,cellular,jul,tue,217,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,retired,divorced,high.school,unknown,yes,no,cellular,jul,tue,256,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,tue,634,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +26,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,married,high.school,no,no,no,cellular,jul,tue,260,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,technician,single,university.degree,no,no,no,cellular,jul,tue,460,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +38,entrepreneur,married,basic.9y,unknown,no,yes,cellular,jul,tue,133,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,services,single,high.school,unknown,no,no,cellular,jul,tue,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,single,unknown,no,yes,no,cellular,jul,tue,1046,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,married,high.school,unknown,no,no,cellular,jul,tue,143,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,management,married,high.school,no,no,no,cellular,jul,tue,116,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,technician,single,professional.course,unknown,yes,no,cellular,jul,tue,265,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,married,high.school,no,no,no,telephone,jul,tue,176,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,high.school,no,yes,yes,cellular,jul,tue,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,high.school,no,no,no,cellular,jul,tue,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,services,divorced,high.school,no,unknown,unknown,cellular,jul,tue,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,high.school,no,no,no,cellular,jul,tue,272,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,management,married,university.degree,no,yes,no,cellular,jul,tue,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,management,married,high.school,no,no,no,cellular,jul,tue,705,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +47,technician,married,professional.course,unknown,no,yes,cellular,jul,tue,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,single,professional.course,no,yes,no,cellular,jul,tue,185,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,high.school,no,yes,no,cellular,jul,tue,992,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +47,technician,married,professional.course,unknown,no,no,cellular,jul,tue,455,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,single,university.degree,no,no,no,cellular,jul,tue,253,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,tue,187,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,management,married,high.school,no,no,no,cellular,jul,tue,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,management,single,university.degree,no,yes,no,cellular,jul,tue,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,management,single,university.degree,no,yes,no,cellular,jul,tue,201,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,unknown,no,no,no,cellular,jul,tue,574,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,housemaid,married,basic.4y,unknown,unknown,unknown,cellular,jul,tue,202,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,professional.course,no,no,no,cellular,jul,tue,46,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,university.degree,unknown,yes,yes,cellular,jul,tue,401,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,student,single,high.school,unknown,no,no,cellular,jul,tue,86,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,no,cellular,jul,tue,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,single,university.degree,no,no,no,cellular,jul,tue,362,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,high.school,no,yes,no,telephone,jul,tue,287,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,management,single,university.degree,unknown,yes,yes,cellular,jul,tue,92,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,high.school,no,no,no,cellular,jul,tue,574,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +43,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,220,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,249,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,high.school,no,no,no,cellular,jul,tue,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,entrepreneur,married,professional.course,no,yes,no,cellular,jul,tue,113,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,entrepreneur,married,professional.course,no,yes,no,cellular,jul,tue,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,jul,tue,443,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,jul,tue,402,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,high.school,no,no,no,cellular,jul,tue,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,tue,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,telephone,jul,tue,190,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,technician,divorced,professional.course,no,no,no,cellular,jul,tue,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,services,married,basic.9y,no,no,no,telephone,jul,tue,186,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,basic.4y,unknown,yes,no,cellular,jul,tue,325,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,services,married,high.school,no,no,no,cellular,jul,tue,1767,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +34,admin.,married,university.degree,no,no,no,cellular,jul,tue,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,jul,tue,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,jul,tue,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,services,married,basic.9y,no,no,no,cellular,jul,tue,630,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,high.school,no,no,no,cellular,jul,tue,116,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,divorced,professional.course,no,yes,no,cellular,jul,tue,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,basic.4y,no,no,no,cellular,jul,tue,545,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,married,high.school,no,yes,no,cellular,jul,tue,681,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +30,unemployed,single,basic.4y,unknown,no,yes,cellular,jul,tue,489,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,university.degree,no,yes,yes,cellular,jul,tue,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,professional.course,no,yes,no,cellular,jul,tue,483,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,services,married,basic.6y,no,yes,no,cellular,jul,tue,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,admin.,married,university.degree,no,no,no,cellular,jul,tue,197,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,245,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,single,university.degree,no,yes,yes,cellular,jul,tue,113,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,single,university.degree,no,no,no,cellular,jul,tue,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,tue,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,single,university.degree,no,no,yes,cellular,jul,tue,1082,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +30,technician,single,professional.course,no,yes,no,cellular,jul,tue,206,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,730,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +33,services,single,high.school,no,yes,no,cellular,jul,tue,143,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,self-employed,married,unknown,no,no,no,cellular,jul,tue,125,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,jul,tue,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,jul,tue,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,single,university.degree,unknown,yes,yes,cellular,jul,tue,70,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,tue,211,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,jul,tue,163,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,management,single,basic.9y,no,yes,no,cellular,jul,tue,123,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,jul,tue,716,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +39,services,married,high.school,no,no,no,cellular,jul,tue,297,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,technician,divorced,professional.course,no,yes,no,cellular,jul,tue,86,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,technician,divorced,professional.course,no,no,no,cellular,jul,tue,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,single,university.degree,no,no,no,cellular,jul,tue,116,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,250,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,single,basic.6y,no,no,no,cellular,jul,tue,338,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,university.degree,no,no,no,cellular,jul,tue,212,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,admin.,single,high.school,no,no,yes,cellular,jul,tue,586,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,tue,77,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,tue,413,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,technician,single,professional.course,unknown,no,no,cellular,jul,tue,97,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,services,married,high.school,no,unknown,unknown,cellular,jul,tue,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,self-employed,divorced,professional.course,unknown,no,no,cellular,jul,tue,361,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,technician,single,university.degree,no,no,yes,cellular,jul,tue,293,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.4y,no,yes,yes,cellular,jul,tue,528,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,admin.,single,high.school,no,no,no,cellular,jul,tue,220,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,professional.course,no,no,no,cellular,jul,tue,803,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +54,retired,divorced,basic.4y,unknown,yes,no,cellular,jul,tue,141,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,retired,divorced,basic.4y,unknown,yes,no,cellular,jul,tue,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,management,married,university.degree,no,yes,no,cellular,jul,tue,604,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,single,university.degree,no,no,no,cellular,jul,tue,159,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,retired,divorced,basic.4y,unknown,yes,no,cellular,jul,tue,498,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,single,university.degree,no,yes,no,cellular,jul,tue,220,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +20,blue-collar,married,basic.4y,no,no,yes,cellular,jul,tue,285,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,married,university.degree,unknown,yes,no,cellular,jul,tue,231,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,married,university.degree,unknown,no,no,cellular,jul,tue,305,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,student,single,high.school,unknown,yes,no,cellular,jul,tue,154,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,single,professional.course,no,no,no,cellular,jul,tue,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,221,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,services,divorced,high.school,unknown,yes,no,cellular,jul,tue,454,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,tue,353,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.9y,no,no,yes,cellular,jul,tue,215,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,basic.9y,no,yes,no,cellular,jul,tue,163,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,yes,no,cellular,jul,tue,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,no,no,cellular,jul,tue,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,no,no,cellular,jul,tue,297,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,266,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,no,no,cellular,jul,tue,491,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,tue,303,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,services,single,high.school,no,yes,no,telephone,jul,tue,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,retired,married,basic.6y,unknown,no,no,cellular,jul,tue,61,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,entrepreneur,married,university.degree,no,yes,no,cellular,jul,tue,306,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,tue,1027,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,entrepreneur,married,high.school,no,no,no,cellular,jul,tue,831,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +26,entrepreneur,married,basic.4y,unknown,no,no,cellular,jul,tue,510,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,professional.course,no,no,no,cellular,jul,tue,338,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,management,married,university.degree,unknown,unknown,unknown,cellular,jul,tue,107,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,tue,138,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,services,divorced,basic.6y,no,yes,yes,cellular,jul,tue,210,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,entrepreneur,married,professional.course,no,no,no,cellular,jul,tue,58,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,married,high.school,no,yes,no,cellular,jul,tue,305,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,entrepreneur,single,basic.9y,unknown,yes,no,cellular,jul,tue,349,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,management,single,university.degree,unknown,no,no,cellular,jul,tue,312,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,entrepreneur,married,professional.course,no,yes,no,cellular,jul,tue,283,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,55,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,divorced,professional.course,no,yes,no,cellular,jul,tue,360,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,no,no,cellular,jul,tue,216,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,327,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,no,no,cellular,jul,tue,317,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,management,single,university.degree,no,yes,yes,cellular,jul,tue,76,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,tue,202,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,tue,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,married,unknown,no,yes,yes,cellular,jul,tue,301,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,married,unknown,no,yes,no,telephone,jul,tue,460,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,admin.,married,university.degree,no,yes,no,cellular,jul,tue,194,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,married,high.school,no,no,yes,cellular,jul,tue,165,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,technician,single,professional.course,no,yes,no,cellular,jul,tue,64,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,single,basic.9y,no,no,yes,cellular,jul,tue,141,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,retired,divorced,high.school,unknown,yes,no,cellular,jul,tue,84,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,married,unknown,no,no,no,cellular,jul,tue,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,technician,married,professional.course,no,yes,no,cellular,jul,tue,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,married,unknown,no,yes,no,cellular,jul,tue,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,married,unknown,no,no,yes,cellular,jul,tue,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,retired,married,basic.6y,no,no,no,cellular,jul,tue,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,high.school,no,yes,yes,cellular,jul,tue,54,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,retired,married,basic.6y,unknown,yes,yes,cellular,jul,tue,632,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,no,no,cellular,jul,tue,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,no,no,cellular,jul,tue,192,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,yes,yes,cellular,jul,tue,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,divorced,high.school,no,yes,no,cellular,jul,tue,251,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,basic.9y,unknown,unknown,unknown,cellular,jul,tue,319,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,married,professional.course,no,yes,yes,cellular,jul,tue,635,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +35,blue-collar,married,professional.course,no,no,no,cellular,jul,tue,584,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,married,professional.course,no,yes,no,cellular,jul,tue,157,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,management,married,university.degree,unknown,no,yes,cellular,jul,tue,606,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,services,married,high.school,no,yes,no,cellular,jul,tue,78,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,119,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,basic.4y,unknown,unknown,unknown,cellular,jul,tue,192,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,divorced,high.school,no,yes,yes,cellular,jul,tue,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,married,professional.course,unknown,no,yes,cellular,jul,tue,1720,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,355,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,married,university.degree,no,yes,yes,cellular,jul,tue,452,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,jul,tue,819,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +30,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,623,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +29,technician,married,professional.course,no,no,no,cellular,jul,tue,294,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,single,basic.9y,no,yes,yes,telephone,jul,tue,63,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,married,professional.course,no,yes,no,cellular,jul,tue,280,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,professional.course,no,no,yes,cellular,jul,tue,518,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,management,married,university.degree,no,yes,no,telephone,jul,tue,336,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,171,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,services,married,basic.6y,unknown,yes,no,cellular,jul,tue,326,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,services,divorced,high.school,unknown,yes,no,cellular,jul,tue,55,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,services,married,high.school,no,no,yes,cellular,jul,tue,302,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,university.degree,unknown,no,no,cellular,jul,tue,323,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,single,basic.9y,no,no,no,telephone,jul,tue,346,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,entrepreneur,married,basic.9y,no,no,no,cellular,jul,tue,291,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.4y,no,yes,yes,cellular,jul,tue,426,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,telephone,jul,tue,107,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,483,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,tue,289,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,tue,262,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,technician,single,professional.course,no,no,no,cellular,jul,tue,52,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,management,single,university.degree,no,no,no,cellular,jul,tue,517,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,no,telephone,jul,tue,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,tue,554,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,tue,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,no,cellular,jul,tue,59,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,university.degree,no,yes,no,cellular,jul,tue,228,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,self-employed,married,university.degree,no,yes,no,cellular,jul,tue,242,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,basic.4y,unknown,yes,no,cellular,jul,tue,150,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,154,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,divorced,high.school,no,yes,no,cellular,jul,tue,658,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +34,technician,single,university.degree,no,no,no,cellular,jul,tue,117,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,married,professional.course,unknown,yes,no,cellular,jul,tue,362,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,no,cellular,jul,tue,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,single,basic.4y,no,yes,no,cellular,jul,tue,145,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,professional.course,no,yes,no,cellular,jul,tue,1061,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +37,entrepreneur,married,basic.9y,no,unknown,unknown,cellular,jul,tue,268,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,237,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,yes,cellular,jul,tue,378,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,tue,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,no,cellular,jul,tue,286,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,professional.course,unknown,unknown,unknown,cellular,jul,tue,392,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,jul,tue,218,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,tue,21,35,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,single,basic.9y,no,no,no,telephone,jul,tue,116,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,university.degree,unknown,yes,yes,cellular,jul,tue,201,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,services,married,high.school,no,yes,no,cellular,jul,tue,1344,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +27,admin.,single,professional.course,no,yes,yes,cellular,jul,tue,520,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,137,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,single,high.school,no,no,no,cellular,jul,tue,82,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,single,basic.9y,no,yes,yes,cellular,jul,tue,687,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +30,admin.,married,university.degree,no,yes,yes,telephone,jul,tue,212,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,divorced,professional.course,no,yes,no,telephone,jul,tue,243,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,services,married,high.school,no,unknown,unknown,cellular,jul,tue,160,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,single,basic.4y,no,yes,no,telephone,jul,tue,49,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,married,high.school,no,no,yes,telephone,jul,tue,65,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,no,cellular,jul,tue,376,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,university.degree,no,yes,no,cellular,jul,tue,476,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,entrepreneur,married,university.degree,unknown,yes,yes,telephone,jul,tue,379,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,divorced,basic.9y,unknown,no,no,cellular,jul,tue,141,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,services,divorced,high.school,no,yes,no,cellular,jul,tue,155,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,high.school,no,yes,no,cellular,jul,tue,90,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,high.school,no,no,no,telephone,jul,tue,17,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,tue,140,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,university.degree,no,no,no,cellular,jul,tue,187,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,jul,tue,136,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,management,single,unknown,no,no,no,cellular,jul,tue,416,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,married,professional.course,no,yes,no,telephone,jul,tue,389,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,283,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,retired,married,basic.6y,unknown,yes,no,telephone,jul,tue,554,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,tue,17,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,management,married,high.school,no,yes,no,cellular,jul,tue,22,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,entrepreneur,single,basic.9y,no,yes,no,cellular,jul,tue,38,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,tue,109,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,jul,tue,480,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,141,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,yes,no,cellular,jul,tue,212,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,married,professional.course,no,yes,no,cellular,jul,tue,249,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,227,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,services,divorced,high.school,no,yes,no,cellular,jul,tue,256,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,admin.,single,high.school,no,yes,no,cellular,jul,tue,141,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,yes,telephone,jul,tue,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,single,university.degree,no,no,no,cellular,jul,tue,120,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,no,cellular,jul,tue,333,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,self-employed,single,professional.course,no,yes,no,cellular,jul,tue,279,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.6y,no,yes,yes,cellular,jul,tue,241,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,no,no,telephone,jul,tue,103,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,single,professional.course,no,yes,no,cellular,jul,tue,861,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,technician,married,unknown,no,yes,no,telephone,jul,tue,114,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,student,single,high.school,unknown,no,no,cellular,jul,tue,284,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,single,high.school,no,no,yes,telephone,jul,tue,127,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,married,professional.course,no,yes,no,cellular,jul,tue,136,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,250,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,technician,single,professional.course,no,no,no,cellular,jul,tue,529,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,entrepreneur,married,unknown,unknown,yes,no,cellular,jul,tue,244,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,student,single,high.school,unknown,no,no,cellular,jul,tue,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.4y,no,no,no,telephone,jul,tue,104,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,services,single,high.school,no,no,no,cellular,jul,tue,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,admin.,married,high.school,no,yes,no,cellular,jul,tue,369,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,services,single,high.school,no,no,no,cellular,jul,tue,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,services,single,high.school,no,no,no,cellular,jul,tue,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,technician,divorced,basic.9y,no,yes,no,cellular,jul,tue,195,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,unemployed,divorced,professional.course,no,yes,no,cellular,jul,tue,214,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,student,single,high.school,unknown,no,no,cellular,jul,tue,1111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,technician,divorced,professional.course,no,no,no,cellular,jul,tue,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,jul,tue,183,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,entrepreneur,married,basic.9y,unknown,yes,no,telephone,jul,tue,258,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,professional.course,no,no,no,cellular,jul,tue,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,services,married,high.school,no,no,no,cellular,jul,tue,329,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,technician,single,university.degree,no,no,no,cellular,jul,tue,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,university.degree,unknown,no,no,cellular,jul,tue,210,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,married,basic.9y,no,no,no,telephone,jul,tue,320,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,management,married,university.degree,unknown,yes,yes,cellular,jul,tue,1011,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,tue,142,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,basic.9y,no,no,no,telephone,jul,tue,280,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,jul,wed,75,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,jul,wed,353,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,wed,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,high.school,no,unknown,unknown,cellular,jul,wed,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,technician,married,professional.course,no,yes,no,cellular,jul,wed,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,477,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,unknown,no,yes,no,cellular,jul,wed,131,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,married,high.school,no,yes,no,cellular,jul,wed,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,85,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,self-employed,single,university.degree,no,no,no,cellular,jul,wed,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,married,high.school,no,no,no,cellular,jul,wed,254,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,technician,married,professional.course,no,no,no,cellular,jul,wed,394,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,divorced,university.degree,unknown,unknown,unknown,cellular,jul,wed,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,technician,divorced,basic.9y,unknown,no,no,cellular,jul,wed,80,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,retired,married,professional.course,no,yes,no,cellular,jul,wed,53,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,unknown,no,no,no,cellular,jul,wed,618,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,entrepreneur,married,basic.9y,no,yes,no,cellular,jul,wed,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,divorced,university.degree,no,yes,no,cellular,jul,wed,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,divorced,university.degree,no,no,no,cellular,jul,wed,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,divorced,university.degree,no,no,no,cellular,jul,wed,265,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,services,married,high.school,no,no,no,telephone,jul,wed,250,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,services,married,high.school,no,no,no,cellular,jul,wed,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,management,single,university.degree,no,yes,no,cellular,jul,wed,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,wed,1272,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,management,married,university.degree,no,no,no,cellular,jul,wed,182,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,wed,207,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,admin.,married,high.school,no,no,no,cellular,jul,wed,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,married,basic.4y,unknown,yes,yes,cellular,jul,wed,253,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,services,single,high.school,unknown,yes,no,cellular,jul,wed,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,single,university.degree,unknown,yes,no,cellular,jul,wed,132,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,technician,single,university.degree,no,yes,no,cellular,jul,wed,259,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,261,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,admin.,married,university.degree,unknown,no,no,cellular,jul,wed,815,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +53,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,205,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,services,married,basic.9y,no,yes,no,cellular,jul,wed,537,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +40,technician,married,professional.course,no,yes,yes,cellular,jul,wed,323,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,services,married,basic.9y,no,no,no,cellular,jul,wed,679,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +29,blue-collar,married,high.school,no,yes,no,telephone,jul,wed,42,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,university.degree,no,yes,yes,cellular,jul,wed,63,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,2122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +53,admin.,married,university.degree,no,yes,no,cellular,jul,wed,618,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,yes,no,cellular,jul,wed,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,199,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,yes,no,cellular,jul,wed,296,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,206,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,basic.9y,unknown,yes,no,cellular,jul,wed,133,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,yes,no,cellular,jul,wed,317,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,yes,no,cellular,jul,wed,107,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,yes,no,cellular,jul,wed,97,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,wed,75,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,296,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,74,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,yes,no,cellular,jul,wed,402,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,management,married,university.degree,no,yes,no,cellular,jul,wed,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,divorced,high.school,no,yes,no,cellular,jul,wed,389,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,self-employed,married,university.degree,no,yes,no,cellular,jul,wed,99,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,jul,wed,99,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,management,married,university.degree,no,yes,no,cellular,jul,wed,194,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,management,married,university.degree,no,yes,no,cellular,jul,wed,420,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,management,married,university.degree,no,no,no,cellular,jul,wed,191,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,no,yes,cellular,jul,wed,697,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,management,married,university.degree,no,yes,no,cellular,jul,wed,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,divorced,basic.9y,no,yes,no,telephone,jul,wed,138,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,management,married,university.degree,no,no,yes,cellular,jul,wed,110,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,services,single,professional.course,no,yes,no,cellular,jul,wed,55,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.9y,no,no,yes,cellular,jul,wed,45,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,management,married,university.degree,no,no,no,cellular,jul,wed,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,services,single,professional.course,no,yes,no,cellular,jul,wed,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,no,yes,cellular,jul,wed,153,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,services,single,professional.course,no,yes,no,cellular,jul,wed,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,services,single,professional.course,no,yes,no,cellular,jul,wed,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,jul,wed,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,services,single,professional.course,no,yes,no,cellular,jul,wed,349,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,unemployed,married,basic.6y,unknown,yes,no,cellular,jul,wed,62,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,unemployed,married,basic.6y,unknown,no,no,cellular,jul,wed,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,single,high.school,no,yes,no,cellular,jul,wed,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,jul,wed,570,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +34,technician,married,professional.course,no,yes,no,cellular,jul,wed,99,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,technician,single,university.degree,no,yes,yes,cellular,jul,wed,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,272,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,married,high.school,no,yes,no,cellular,jul,wed,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,single,high.school,no,yes,no,cellular,jul,wed,42,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,single,high.school,no,no,no,cellular,jul,wed,127,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,single,high.school,no,yes,no,cellular,jul,wed,85,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,jul,wed,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,technician,married,high.school,no,yes,no,cellular,jul,wed,761,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +48,entrepreneur,married,university.degree,no,yes,no,telephone,jul,wed,42,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,206,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,blue-collar,married,basic.9y,no,unknown,unknown,cellular,jul,wed,781,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +26,services,single,high.school,no,unknown,unknown,cellular,jul,wed,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,management,married,university.degree,no,yes,no,cellular,jul,wed,113,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,wed,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.6y,no,yes,no,telephone,jul,wed,16,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,university.degree,no,no,no,cellular,jul,wed,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,university.degree,unknown,yes,yes,cellular,jul,wed,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,205,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,wed,125,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,university.degree,unknown,yes,yes,cellular,jul,wed,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,university.degree,no,yes,yes,cellular,jul,wed,91,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,university.degree,unknown,yes,no,cellular,jul,wed,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,university.degree,no,no,no,cellular,jul,wed,194,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,147,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,wed,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,basic.9y,unknown,yes,no,telephone,jul,wed,25,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,single,high.school,no,yes,no,cellular,jul,wed,85,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,wed,285,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,management,single,university.degree,no,yes,yes,cellular,jul,wed,61,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,entrepreneur,divorced,basic.4y,no,no,no,cellular,jul,wed,174,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,42,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,unemployed,married,basic.9y,unknown,no,no,cellular,jul,wed,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,married,professional.course,no,no,no,cellular,jul,wed,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,high.school,unknown,yes,no,cellular,jul,wed,44,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,high.school,unknown,no,no,cellular,jul,wed,145,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,married,university.degree,no,no,no,telephone,jul,wed,238,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,160,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,management,single,university.degree,no,no,no,cellular,jul,wed,645,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +32,blue-collar,married,basic.4y,unknown,no,yes,telephone,jul,wed,990,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +31,technician,divorced,professional.course,no,unknown,unknown,cellular,jul,wed,254,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,technician,divorced,professional.course,no,no,no,cellular,jul,wed,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,blue-collar,single,basic.4y,no,no,no,cellular,jul,wed,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,unemployed,married,basic.9y,unknown,no,yes,cellular,jul,wed,113,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,technician,divorced,professional.course,no,yes,no,cellular,jul,wed,662,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +31,technician,divorced,professional.course,no,yes,no,cellular,jul,wed,625,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +28,technician,married,university.degree,no,yes,no,cellular,jul,wed,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,unemployed,married,basic.9y,unknown,yes,no,cellular,jul,wed,189,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,married,university.degree,no,yes,no,cellular,jul,wed,321,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,technician,single,professional.course,unknown,no,no,cellular,jul,wed,482,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,basic.4y,no,yes,yes,cellular,jul,wed,215,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,727,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +55,admin.,divorced,high.school,no,no,no,cellular,jul,wed,189,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,admin.,divorced,high.school,no,yes,no,cellular,jul,wed,127,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,technician,married,university.degree,no,yes,no,telephone,jul,wed,196,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,divorced,basic.4y,no,no,no,cellular,jul,wed,87,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,wed,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,university.degree,unknown,yes,no,cellular,jul,wed,290,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,married,high.school,no,yes,no,cellular,jul,wed,310,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,retired,married,professional.course,no,yes,no,cellular,jul,wed,389,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,wed,294,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,professional.course,no,yes,no,cellular,jul,wed,611,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,wed,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,single,basic.4y,no,yes,yes,cellular,jul,wed,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,wed,275,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,jul,wed,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,technician,married,high.school,no,no,no,cellular,jul,wed,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,technician,married,high.school,no,yes,no,cellular,jul,wed,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,management,married,professional.course,no,no,no,cellular,jul,wed,222,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,technician,married,university.degree,no,yes,no,cellular,jul,wed,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,divorced,high.school,no,yes,yes,cellular,jul,wed,148,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,366,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,jul,wed,138,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,wed,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,jul,wed,337,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,236,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,jul,wed,52,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,wed,90,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,jul,wed,426,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +29,technician,married,professional.course,no,yes,no,cellular,jul,wed,332,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,jul,wed,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,basic.4y,no,no,no,cellular,jul,wed,127,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,186,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,housemaid,married,basic.9y,no,yes,no,cellular,jul,wed,219,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,single,high.school,no,yes,no,cellular,jul,wed,180,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,wed,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,married,high.school,no,yes,yes,cellular,jul,wed,273,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +22,student,single,high.school,no,no,yes,cellular,jul,wed,349,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,590,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +32,technician,single,university.degree,no,no,yes,cellular,jul,wed,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,wed,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,jul,wed,899,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,single,basic.4y,unknown,unknown,unknown,cellular,jul,wed,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,unemployed,married,university.degree,unknown,yes,no,cellular,jul,wed,113,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,unemployed,married,university.degree,unknown,yes,no,telephone,jul,wed,54,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,1121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +36,admin.,divorced,university.degree,no,yes,no,cellular,jul,wed,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,retired,married,basic.9y,unknown,unknown,unknown,cellular,jul,wed,628,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,high.school,no,yes,no,cellular,jul,wed,118,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,unemployed,single,university.degree,no,yes,no,cellular,jul,wed,119,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,basic.9y,no,no,no,cellular,jul,wed,1139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +44,admin.,married,high.school,no,yes,no,cellular,jul,wed,97,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,services,divorced,high.school,no,yes,no,cellular,jul,wed,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,housemaid,single,high.school,no,no,no,cellular,jul,wed,1156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,management,married,university.degree,no,no,no,cellular,jul,wed,71,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,single,high.school,no,yes,yes,cellular,jul,wed,668,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,services,married,high.school,no,no,no,cellular,jul,wed,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,technician,married,professional.course,no,yes,no,cellular,jul,wed,128,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,single,high.school,no,yes,no,cellular,jul,wed,171,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,wed,76,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,divorced,high.school,no,no,no,cellular,jul,wed,89,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,services,divorced,high.school,no,yes,no,cellular,jul,wed,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,high.school,no,no,no,cellular,jul,wed,869,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +24,services,single,high.school,no,yes,no,cellular,jul,wed,242,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,entrepreneur,married,university.degree,no,no,no,cellular,jul,wed,98,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,entrepreneur,married,university.degree,no,no,no,cellular,jul,wed,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,married,professional.course,no,yes,no,telephone,jul,wed,87,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,services,married,basic.9y,no,no,no,cellular,jul,wed,100,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,jul,wed,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,married,high.school,no,no,yes,telephone,jul,wed,31,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,205,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,married,professional.course,no,yes,no,cellular,jul,wed,167,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,wed,108,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,management,married,university.degree,unknown,yes,no,cellular,jul,wed,180,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,jul,wed,31,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,jul,wed,494,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,single,university.degree,no,no,no,cellular,jul,wed,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,self-employed,married,basic.4y,unknown,no,no,cellular,jul,wed,133,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,jul,wed,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,management,married,university.degree,no,no,no,cellular,jul,wed,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,services,married,high.school,no,unknown,unknown,cellular,jul,wed,136,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,145,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,532,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,married,high.school,no,yes,no,telephone,jul,wed,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,91,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,management,divorced,basic.6y,unknown,yes,yes,cellular,jul,wed,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,wed,279,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,married,basic.6y,unknown,no,yes,cellular,jul,wed,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,wed,98,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,married,professional.course,no,yes,no,cellular,jul,wed,178,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,wed,103,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,self-employed,married,basic.9y,no,yes,no,cellular,jul,wed,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,single,university.degree,no,yes,no,cellular,jul,wed,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,jul,wed,144,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,self-employed,married,basic.9y,no,yes,yes,cellular,jul,wed,332,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,married,university.degree,no,yes,no,telephone,jul,wed,693,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,married,professional.course,no,yes,no,cellular,jul,wed,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,professional.course,no,yes,no,cellular,jul,wed,289,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,basic.9y,no,yes,yes,telephone,jul,wed,224,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,entrepreneur,divorced,university.degree,no,yes,no,cellular,jul,wed,224,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,single,high.school,no,no,no,cellular,jul,wed,118,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,entrepreneur,divorced,university.degree,no,no,yes,cellular,jul,wed,362,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,management,single,high.school,no,yes,no,cellular,jul,wed,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,university.degree,no,no,no,telephone,jul,wed,672,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,management,single,university.degree,unknown,yes,no,cellular,jul,wed,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,219,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,high.school,no,yes,no,cellular,jul,wed,192,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,technician,married,professional.course,no,yes,no,cellular,jul,wed,160,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,divorced,high.school,unknown,yes,no,cellular,jul,wed,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,wed,360,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,no,yes,cellular,jul,wed,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,94,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,high.school,unknown,yes,yes,cellular,jul,wed,172,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,divorced,professional.course,unknown,no,no,cellular,jul,wed,176,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,divorced,professional.course,unknown,yes,no,cellular,jul,wed,74,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,378,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,services,single,university.degree,no,yes,no,cellular,jul,wed,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,single,high.school,no,yes,no,cellular,jul,wed,294,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,services,married,basic.6y,unknown,yes,no,telephone,jul,wed,183,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,728,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,services,single,high.school,no,no,no,cellular,jul,wed,643,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,divorced,high.school,no,yes,no,cellular,jul,wed,111,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,basic.9y,unknown,no,no,cellular,jul,wed,131,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,jul,wed,203,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,basic.9y,unknown,no,no,cellular,jul,wed,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,entrepreneur,divorced,basic.4y,no,yes,yes,cellular,jul,wed,1317,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,services,married,high.school,no,no,no,cellular,jul,wed,313,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,divorced,high.school,no,no,no,cellular,jul,wed,364,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,technician,single,professional.course,no,yes,no,cellular,jul,wed,171,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,technician,married,professional.course,no,no,no,cellular,jul,wed,290,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,unknown,married,basic.4y,unknown,yes,no,cellular,jul,wed,659,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,unemployed,married,high.school,no,no,no,cellular,jul,wed,140,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,services,married,high.school,no,no,no,cellular,jul,wed,83,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,87,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,single,university.degree,no,no,no,cellular,jul,wed,176,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,entrepreneur,married,professional.course,no,no,no,cellular,jul,wed,736,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,single,university.degree,no,yes,no,cellular,jul,wed,458,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.4y,no,no,no,cellular,jul,wed,384,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,single,university.degree,no,yes,no,cellular,jul,wed,174,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,no,telephone,jul,wed,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,high.school,no,yes,no,cellular,jul,wed,295,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,self-employed,single,university.degree,no,no,no,cellular,jul,wed,312,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,management,married,university.degree,unknown,no,no,cellular,jul,wed,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,services,single,high.school,no,yes,no,telephone,jul,wed,206,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,services,married,high.school,unknown,no,no,telephone,jul,wed,304,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.9y,no,no,no,telephone,jul,wed,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,181,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.9y,no,yes,no,telephone,jul,wed,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,601,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,housemaid,married,university.degree,no,yes,no,cellular,jul,wed,113,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +21,blue-collar,single,basic.9y,no,no,no,cellular,jul,wed,219,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +21,blue-collar,single,basic.9y,no,unknown,unknown,cellular,jul,wed,208,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +21,blue-collar,single,basic.9y,no,unknown,unknown,cellular,jul,wed,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,housemaid,married,university.degree,no,no,no,cellular,jul,wed,388,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,jul,wed,397,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,431,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,university.degree,no,yes,no,cellular,jul,wed,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,480,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,single,basic.9y,no,no,no,cellular,jul,wed,218,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.4y,no,yes,no,cellular,jul,wed,676,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,university.degree,no,no,no,telephone,jul,wed,74,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,admin.,divorced,university.degree,no,yes,no,cellular,jul,wed,240,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,married,basic.6y,no,no,no,telephone,jul,wed,292,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,blue-collar,married,basic.4y,unknown,no,no,telephone,jul,wed,83,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,391,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,blue-collar,married,basic.4y,unknown,no,yes,telephone,jul,wed,271,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,131,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,single,high.school,no,yes,no,telephone,jul,wed,233,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,high.school,no,yes,no,cellular,jul,wed,293,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,high.school,no,no,no,cellular,jul,wed,391,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,high.school,no,no,yes,cellular,jul,wed,432,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,high.school,no,yes,yes,cellular,jul,wed,411,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +20,admin.,single,high.school,no,no,no,cellular,jul,wed,208,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,61,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,high.school,no,no,no,cellular,jul,wed,359,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +41,unemployed,single,high.school,no,no,no,cellular,jul,wed,197,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,management,married,university.degree,no,unknown,unknown,cellular,jul,wed,530,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,unemployed,single,high.school,no,yes,no,cellular,jul,wed,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,unemployed,married,basic.6y,unknown,no,yes,telephone,jul,wed,399,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,university.degree,unknown,yes,yes,cellular,jul,wed,328,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,technician,married,university.degree,no,unknown,unknown,telephone,jul,wed,446,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,jul,wed,266,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.4y,no,yes,no,cellular,jul,wed,211,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,technician,married,professional.course,no,no,no,cellular,jul,wed,263,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,jul,wed,226,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,technician,married,university.degree,no,unknown,unknown,cellular,jul,wed,364,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,married,professional.course,no,yes,no,cellular,jul,wed,231,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,technician,married,university.degree,no,no,no,telephone,jul,wed,60,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,retired,married,basic.9y,no,no,no,cellular,jul,wed,171,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,divorced,professional.course,no,yes,no,cellular,jul,wed,243,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,telephone,jul,wed,137,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,university.degree,no,yes,no,cellular,jul,wed,593,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,married,high.school,no,no,no,cellular,jul,wed,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,divorced,basic.9y,no,no,no,telephone,jul,wed,246,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,high.school,no,no,no,cellular,jul,wed,445,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,entrepreneur,married,university.degree,no,no,no,telephone,jul,wed,337,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,married,basic.4y,no,no,no,cellular,jul,wed,1014,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +36,services,single,high.school,no,no,no,cellular,jul,wed,399,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,no,no,telephone,jul,wed,85,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,married,university.degree,no,no,no,telephone,jul,wed,19,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,wed,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jul,wed,10,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,single,professional.course,no,yes,yes,telephone,jul,wed,17,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,professional.course,no,no,no,cellular,jul,wed,1290,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +55,management,divorced,basic.6y,unknown,no,no,telephone,jul,wed,297,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,management,married,university.degree,no,yes,no,cellular,jul,wed,281,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,married,university.degree,no,yes,no,telephone,jul,wed,193,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,admin.,married,university.degree,no,no,no,telephone,jul,wed,76,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,single,university.degree,no,no,no,cellular,jul,wed,128,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,unemployed,married,basic.9y,unknown,yes,no,telephone,jul,wed,73,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,jul,wed,39,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,wed,300,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,technician,single,university.degree,no,yes,yes,telephone,jul,wed,16,43,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,technician,married,professional.course,no,no,no,telephone,jul,wed,20,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,single,university.degree,no,yes,no,cellular,jul,wed,115,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,unknown,no,no,cellular,jul,wed,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,university.degree,no,no,no,cellular,jul,wed,607,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.9y,unknown,yes,no,telephone,jul,wed,236,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,unknown,unknown,unknown,cellular,jul,wed,150,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,technician,married,professional.course,no,no,no,telephone,jul,wed,56,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,jul,wed,799,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,divorced,basic.9y,no,no,no,telephone,jul,wed,372,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,wed,1439,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +41,admin.,married,basic.9y,no,yes,no,telephone,jul,wed,120,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,divorced,basic.9y,no,no,no,telephone,jul,wed,119,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,university.degree,no,no,no,cellular,jul,wed,919,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +45,technician,married,professional.course,unknown,no,no,telephone,jul,wed,130,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,wed,227,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,divorced,basic.9y,no,yes,no,cellular,jul,wed,497,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,services,single,university.degree,no,yes,no,cellular,jul,wed,170,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,services,divorced,basic.4y,unknown,yes,no,cellular,jul,wed,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,services,divorced,basic.4y,unknown,yes,no,cellular,jul,wed,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,wed,630,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,wed,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,196,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,services,married,high.school,no,yes,yes,cellular,jul,wed,134,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,services,single,high.school,no,no,no,cellular,jul,wed,1426,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +27,retired,single,basic.9y,no,no,no,cellular,jul,thu,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,307,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,divorced,university.degree,no,no,no,cellular,jul,thu,75,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,divorced,university.degree,no,yes,no,cellular,jul,thu,151,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,no,no,no,telephone,jul,thu,317,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,divorced,university.degree,no,yes,no,cellular,jul,thu,668,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,thu,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,67,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,retired,married,basic.4y,no,yes,no,cellular,jul,thu,496,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,thu,315,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.4y,unknown,no,yes,telephone,jul,thu,29,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,thu,181,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,347,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,admin.,married,high.school,no,no,no,cellular,jul,thu,88,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,admin.,married,high.school,no,yes,no,cellular,jul,thu,141,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,jul,thu,305,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,married,high.school,no,no,no,cellular,jul,thu,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,single,high.school,no,no,no,cellular,jul,thu,241,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,unemployed,married,professional.course,unknown,yes,yes,cellular,jul,thu,901,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +55,housemaid,married,basic.4y,no,no,no,cellular,jul,thu,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,technician,divorced,professional.course,no,yes,yes,cellular,jul,thu,235,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,management,married,university.degree,no,no,no,cellular,jul,thu,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,75,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,266,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,technician,single,professional.course,no,yes,no,cellular,jul,thu,121,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,retired,divorced,high.school,no,yes,no,cellular,jul,thu,162,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,jul,thu,192,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,jul,thu,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,jul,thu,560,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +48,technician,divorced,professional.course,no,yes,no,cellular,jul,thu,108,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,university.degree,no,no,yes,cellular,jul,thu,93,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,thu,196,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,management,married,university.degree,no,yes,no,cellular,jul,thu,1019,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,single,high.school,no,no,no,cellular,jul,thu,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,single,high.school,no,yes,no,telephone,jul,thu,140,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,divorced,university.degree,unknown,yes,yes,telephone,jul,thu,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,services,married,high.school,no,no,no,cellular,jul,thu,211,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,services,married,high.school,no,unknown,unknown,cellular,jul,thu,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,married,basic.9y,no,no,no,cellular,jul,thu,119,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,married,basic.9y,no,no,no,telephone,jul,thu,30,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,402,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,technician,divorced,university.degree,no,no,no,cellular,jul,thu,132,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,single,university.degree,no,yes,yes,cellular,jul,thu,1065,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,services,married,high.school,no,no,yes,cellular,jul,thu,371,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,jul,thu,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,admin.,divorced,university.degree,no,no,no,cellular,jul,thu,105,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,194,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,218,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,no,yes,cellular,jul,thu,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,209,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,387,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,68,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,217,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,single,basic.6y,no,no,no,cellular,jul,thu,854,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +31,services,married,high.school,no,yes,no,cellular,jul,thu,129,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,thu,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,jul,thu,41,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,divorced,basic.9y,unknown,no,no,cellular,jul,thu,160,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,thu,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,admin.,married,basic.4y,unknown,yes,no,cellular,jul,thu,105,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,university.degree,no,no,no,cellular,jul,thu,76,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,192,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,272,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,jul,thu,364,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,jul,thu,255,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +32,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,thu,624,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,divorced,high.school,no,no,no,cellular,jul,thu,128,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,university.degree,unknown,no,no,cellular,jul,thu,250,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,thu,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,blue-collar,married,basic.9y,no,no,no,telephone,jul,thu,75,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,professional.course,no,yes,no,cellular,jul,thu,384,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,268,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,single,basic.9y,no,yes,no,cellular,jul,thu,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,university.degree,unknown,no,no,cellular,jul,thu,863,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +33,technician,married,university.degree,no,yes,no,cellular,jul,thu,42,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,thu,181,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,technician,single,professional.course,no,yes,no,cellular,jul,thu,234,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,housemaid,married,high.school,no,no,no,telephone,jul,thu,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,thu,190,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,married,basic.6y,no,no,no,cellular,jul,thu,298,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,housemaid,married,high.school,no,no,no,cellular,jul,thu,356,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,technician,single,professional.course,no,yes,no,cellular,jul,thu,783,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,high.school,unknown,no,no,cellular,jul,thu,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,blue-collar,single,high.school,no,no,no,cellular,jul,thu,228,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,student,single,university.degree,no,no,no,cellular,jul,thu,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,1102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,jul,thu,441,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,student,single,university.degree,no,yes,no,cellular,jul,thu,370,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,student,single,university.degree,no,yes,no,cellular,jul,thu,489,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,yes,no,cellular,jul,thu,103,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,no,no,cellular,jul,thu,67,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,no,yes,cellular,jul,thu,277,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,retired,married,high.school,no,yes,no,cellular,jul,thu,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,management,married,university.degree,unknown,no,no,cellular,jul,thu,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,thu,633,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,176,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,unemployed,married,university.degree,unknown,no,no,telephone,jul,thu,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,jul,thu,37,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,technician,married,university.degree,unknown,no,no,cellular,jul,thu,793,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,473,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,self-employed,married,university.degree,no,yes,no,cellular,jul,thu,140,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,married,high.school,no,no,no,cellular,jul,thu,964,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,services,divorced,high.school,no,no,no,cellular,jul,thu,503,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,technician,married,professional.course,no,no,no,cellular,jul,thu,439,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,technician,married,professional.course,no,no,no,cellular,jul,thu,71,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,married,high.school,no,no,no,cellular,jul,thu,174,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,technician,married,professional.course,no,yes,no,cellular,jul,thu,804,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +27,technician,married,professional.course,no,yes,no,cellular,jul,thu,347,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,divorced,university.degree,unknown,no,no,cellular,jul,thu,642,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,management,married,high.school,unknown,no,no,cellular,jul,thu,103,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,management,married,high.school,unknown,yes,no,cellular,jul,thu,58,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,technician,single,professional.course,no,yes,no,cellular,jul,thu,660,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,management,single,university.degree,no,yes,yes,cellular,jul,thu,221,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,management,married,high.school,unknown,yes,no,cellular,jul,thu,329,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,thu,187,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,divorced,university.degree,unknown,no,no,telephone,jul,thu,39,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,982,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +42,admin.,single,university.degree,no,yes,no,cellular,jul,thu,324,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,technician,single,professional.course,no,no,no,cellular,jul,thu,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,student,married,high.school,no,no,no,cellular,jul,thu,149,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,jul,thu,147,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,45,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,services,married,high.school,unknown,no,no,cellular,jul,thu,224,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,jul,thu,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,thu,150,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,thu,117,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,single,basic.6y,no,yes,yes,cellular,jul,thu,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,thu,349,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,single,university.degree,no,no,no,cellular,jul,thu,292,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,thu,792,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,jul,thu,100,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,jul,thu,369,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,jul,thu,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,jul,thu,285,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,yes,no,cellular,jul,thu,418,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,yes,no,telephone,jul,thu,532,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,student,divorced,basic.6y,no,yes,no,cellular,jul,thu,467,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,thu,38,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,220,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,thu,330,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,management,married,basic.4y,unknown,no,yes,cellular,jul,thu,584,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +34,technician,married,high.school,no,no,yes,cellular,jul,thu,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,613,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,thu,152,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,management,married,university.degree,no,no,yes,cellular,jul,thu,542,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,jul,thu,210,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,unemployed,married,basic.4y,unknown,no,no,cellular,jul,thu,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.9y,no,no,yes,cellular,jul,thu,880,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +39,blue-collar,married,basic.6y,unknown,no,yes,cellular,jul,thu,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,admin.,married,professional.course,no,yes,no,cellular,jul,thu,132,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,admin.,married,professional.course,no,no,no,cellular,jul,thu,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,high.school,no,no,no,cellular,jul,thu,481,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,high.school,no,yes,yes,cellular,jul,thu,815,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,divorced,basic.4y,unknown,yes,yes,cellular,jul,thu,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,married,high.school,no,yes,no,cellular,jul,thu,212,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,divorced,basic.4y,unknown,no,no,cellular,jul,thu,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,married,university.degree,unknown,no,yes,cellular,jul,thu,160,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,divorced,basic.4y,unknown,no,no,cellular,jul,thu,279,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,technician,married,basic.9y,no,yes,no,cellular,jul,thu,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,technician,married,university.degree,no,no,no,cellular,jul,thu,68,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,married,university.degree,no,yes,no,cellular,jul,thu,182,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,high.school,no,yes,no,telephone,jul,thu,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,technician,married,professional.course,no,yes,no,telephone,jul,thu,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,basic.4y,no,yes,no,cellular,jul,thu,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,single,basic.6y,no,no,no,cellular,jul,thu,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,self-employed,married,basic.9y,no,no,no,cellular,jul,thu,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,admin.,married,unknown,no,no,no,cellular,jul,thu,277,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,506,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,professional.course,no,no,no,cellular,jul,thu,66,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,single,high.school,no,no,no,cellular,jul,thu,421,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,married,high.school,no,yes,no,cellular,jul,thu,301,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,self-employed,married,basic.9y,no,no,no,cellular,jul,thu,742,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,married,university.degree,no,no,no,cellular,jul,thu,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,retired,divorced,basic.4y,no,no,no,cellular,jul,thu,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,633,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,married,university.degree,no,yes,no,cellular,jul,thu,288,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,services,single,high.school,no,no,no,cellular,jul,thu,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,basic.4y,no,yes,no,cellular,jul,thu,133,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,technician,single,professional.course,no,yes,no,cellular,jul,thu,268,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,262,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,307,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,58,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,thu,446,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,admin.,single,university.degree,no,yes,no,cellular,jul,thu,252,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,self-employed,married,basic.9y,unknown,no,no,cellular,jul,thu,356,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,technician,married,professional.course,no,no,no,cellular,jul,thu,102,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,self-employed,married,basic.9y,unknown,yes,no,cellular,jul,thu,151,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,basic.4y,no,yes,no,cellular,jul,thu,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,basic.6y,unknown,yes,no,cellular,jul,thu,133,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,self-employed,married,basic.9y,unknown,no,no,cellular,jul,thu,466,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,self-employed,married,basic.9y,unknown,yes,no,cellular,jul,thu,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,basic.4y,no,yes,yes,cellular,jul,thu,380,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,self-employed,married,basic.9y,unknown,no,no,cellular,jul,thu,358,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,self-employed,married,basic.9y,unknown,yes,no,cellular,jul,thu,209,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,technician,single,university.degree,no,no,no,cellular,jul,thu,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,divorced,high.school,no,yes,no,cellular,jul,thu,207,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,married,high.school,no,no,no,telephone,jul,thu,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,blue-collar,single,basic.4y,no,yes,no,cellular,jul,thu,421,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,blue-collar,divorced,high.school,unknown,yes,yes,cellular,jul,thu,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,admin.,single,high.school,no,yes,no,cellular,jul,thu,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,blue-collar,divorced,high.school,unknown,no,no,cellular,jul,thu,323,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,400,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,428,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,married,high.school,no,no,yes,cellular,jul,thu,313,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,high.school,no,no,no,cellular,jul,thu,720,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +31,technician,single,university.degree,no,yes,yes,cellular,jul,thu,328,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,entrepreneur,single,university.degree,no,no,no,cellular,jul,thu,361,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,basic.9y,no,yes,no,telephone,jul,thu,45,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,high.school,no,no,no,cellular,jul,thu,85,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,housemaid,married,professional.course,no,yes,no,telephone,jul,thu,645,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,unknown,single,professional.course,no,yes,no,telephone,jul,thu,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,486,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,single,high.school,no,yes,no,telephone,jul,thu,180,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,technician,single,basic.9y,no,no,no,telephone,jul,thu,83,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,married,university.degree,unknown,yes,no,telephone,jul,thu,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,190,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,married,university.degree,unknown,yes,yes,telephone,jul,thu,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,married,high.school,no,yes,no,telephone,jul,thu,445,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,married,basic.9y,no,no,no,cellular,jul,thu,81,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,married,high.school,no,no,no,cellular,jul,thu,771,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +49,management,divorced,university.degree,no,no,no,cellular,jul,thu,161,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,technician,single,professional.course,no,no,no,telephone,jul,thu,245,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,thu,45,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,thu,228,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,married,high.school,no,yes,no,cellular,jul,thu,627,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +31,admin.,married,high.school,no,no,no,cellular,jul,thu,293,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,divorced,professional.course,no,yes,no,telephone,jul,thu,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,married,high.school,no,yes,no,cellular,jul,thu,244,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,management,married,university.degree,no,yes,no,cellular,jul,thu,1341,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +31,admin.,married,high.school,no,no,no,cellular,jul,thu,634,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +31,admin.,married,high.school,no,no,no,cellular,jul,thu,363,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,jul,thu,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,university.degree,no,unknown,unknown,cellular,jul,thu,148,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,married,high.school,no,yes,no,cellular,jul,thu,197,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,604,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,thu,270,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,thu,210,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,married,high.school,no,no,no,cellular,jul,thu,269,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,thu,446,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,self-employed,single,professional.course,no,yes,no,cellular,jul,thu,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,thu,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,university.degree,no,yes,no,telephone,jul,thu,310,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,thu,155,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,yes,no,cellular,jul,thu,189,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,self-employed,married,university.degree,no,no,no,cellular,jul,thu,573,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,yes,no,cellular,jul,thu,476,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +42,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,829,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +32,admin.,married,university.degree,no,no,no,telephone,jul,thu,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,360,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,unknown,single,professional.course,no,no,no,telephone,jul,thu,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,blue-collar,single,basic.9y,no,yes,no,telephone,jul,thu,227,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,724,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +29,technician,married,university.degree,no,no,yes,cellular,jul,thu,525,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,thu,500,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +26,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,559,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,353,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,unknown,single,professional.course,no,no,no,cellular,jul,thu,2029,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +42,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,57,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,housemaid,married,professional.course,no,yes,no,cellular,jul,thu,351,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,129,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,thu,60,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,high.school,no,yes,no,cellular,jul,thu,270,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,396,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,thu,456,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,technician,married,unknown,no,yes,no,cellular,jul,thu,502,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,entrepreneur,married,professional.course,no,no,no,cellular,jul,thu,227,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,entrepreneur,married,professional.course,no,yes,no,cellular,jul,thu,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,married,basic.9y,no,no,yes,cellular,jul,thu,1499,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +44,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,186,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,jul,thu,107,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,entrepreneur,divorced,professional.course,no,no,no,cellular,jul,thu,82,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,retired,divorced,basic.4y,unknown,yes,no,cellular,jul,thu,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,services,single,basic.6y,no,yes,no,cellular,jul,thu,229,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,839,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,240,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,married,university.degree,no,yes,no,cellular,jul,thu,189,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,entrepreneur,divorced,professional.course,no,yes,no,cellular,jul,thu,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,single,basic.4y,unknown,yes,no,telephone,jul,thu,160,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,entrepreneur,divorced,professional.course,no,yes,no,cellular,jul,thu,99,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,admin.,single,high.school,no,yes,no,cellular,jul,thu,340,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,thu,151,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,90,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,services,single,university.degree,no,no,no,cellular,jul,thu,363,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +47,management,married,unknown,no,no,no,cellular,jul,thu,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,management,single,university.degree,no,no,no,cellular,jul,thu,192,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,119,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,thu,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,admin.,single,high.school,no,yes,no,cellular,jul,thu,154,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,self-employed,married,basic.9y,no,yes,yes,cellular,jul,thu,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,housemaid,married,basic.4y,unknown,no,no,cellular,jul,thu,223,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,technician,single,university.degree,no,no,no,cellular,jul,thu,480,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,technician,single,professional.course,no,no,yes,telephone,jul,thu,156,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,entrepreneur,divorced,professional.course,no,yes,no,cellular,jul,thu,194,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,blue-collar,single,basic.9y,no,yes,yes,telephone,jul,thu,834,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,thu,412,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,blue-collar,single,professional.course,no,yes,no,cellular,jul,thu,164,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,thu,562,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,326,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,housemaid,single,high.school,unknown,yes,yes,telephone,jul,thu,127,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,technician,married,university.degree,no,yes,no,cellular,jul,thu,290,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,housemaid,single,high.school,unknown,yes,no,cellular,jul,thu,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,thu,118,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,services,single,high.school,no,no,no,cellular,jul,thu,377,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,management,married,high.school,no,no,no,telephone,jul,thu,524,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,85,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,admin.,married,high.school,no,no,no,cellular,jul,thu,61,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,professional.course,no,no,no,telephone,jul,thu,180,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,1399,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,107,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,374,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,1187,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +51,housemaid,divorced,high.school,no,yes,yes,cellular,jul,thu,460,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,technician,married,university.degree,no,no,no,telephone,jul,thu,270,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,married,professional.course,no,unknown,unknown,cellular,jul,thu,338,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,married,basic.6y,no,no,no,cellular,jul,thu,171,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,university.degree,no,yes,no,cellular,jul,thu,721,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,high.school,no,no,no,cellular,jul,thu,182,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,technician,married,professional.course,no,no,yes,cellular,jul,thu,487,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +42,admin.,single,high.school,no,no,no,telephone,jul,thu,229,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,entrepreneur,divorced,professional.course,no,no,yes,cellular,jul,thu,140,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,single,university.degree,no,no,no,cellular,jul,thu,113,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,entrepreneur,divorced,professional.course,no,yes,yes,cellular,jul,thu,109,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,services,married,high.school,no,no,no,cellular,jul,thu,184,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,148,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,91,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,services,single,high.school,no,no,no,cellular,jul,thu,1097,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +49,management,divorced,university.degree,no,no,no,cellular,jul,thu,144,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,150,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,high.school,no,no,no,telephone,jul,thu,535,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,single,basic.9y,no,yes,no,telephone,jul,thu,465,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,single,high.school,no,yes,no,cellular,jul,thu,154,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,311,27,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,123,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,single,high.school,no,no,no,telephone,jul,thu,924,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,technician,married,university.degree,no,yes,no,cellular,jul,thu,296,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,jul,thu,200,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +60,management,married,university.degree,unknown,yes,no,cellular,jul,thu,212,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +60,management,married,university.degree,unknown,no,yes,cellular,jul,thu,258,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,jul,thu,3643,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +26,entrepreneur,single,university.degree,no,no,no,telephone,jul,fri,117,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,unknown,no,no,cellular,jul,fri,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,divorced,professional.course,no,yes,no,cellular,jul,fri,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,fri,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,admin.,married,high.school,no,yes,no,cellular,jul,fri,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,unknown,no,no,telephone,jul,fri,189,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,blue-collar,divorced,basic.6y,no,no,no,cellular,jul,fri,159,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,unknown,yes,no,cellular,jul,fri,393,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,fri,508,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,fri,522,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,married,unknown,no,yes,no,cellular,jul,fri,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,jul,fri,545,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,services,married,basic.4y,no,yes,no,cellular,jul,fri,264,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,married,high.school,no,yes,no,cellular,jul,fri,812,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +52,admin.,divorced,high.school,unknown,no,no,cellular,jul,fri,67,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,unknown,yes,no,cellular,jul,fri,794,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +29,technician,married,unknown,no,yes,no,cellular,jul,fri,404,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,divorced,high.school,no,yes,no,cellular,jul,fri,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,student,single,basic.9y,no,no,no,cellular,jul,fri,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,yes,cellular,jul,fri,170,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,jul,fri,504,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,333,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,single,basic.6y,no,no,no,cellular,jul,fri,252,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,23,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,services,single,basic.6y,no,yes,no,cellular,jul,fri,48,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,services,single,high.school,no,yes,no,cellular,jul,fri,116,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,student,single,basic.4y,no,no,no,cellular,jul,fri,67,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.4y,no,unknown,unknown,cellular,jul,fri,467,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,student,single,basic.4y,no,no,no,cellular,jul,fri,159,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,student,single,basic.4y,no,yes,yes,telephone,jul,fri,57,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,services,single,basic.6y,no,no,no,cellular,jul,fri,484,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,student,single,basic.4y,no,no,no,cellular,jul,fri,378,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,management,married,university.degree,no,yes,yes,cellular,jul,fri,772,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,student,single,basic.4y,no,unknown,unknown,cellular,jul,fri,230,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,student,single,basic.4y,no,no,no,cellular,jul,fri,304,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,fri,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,unknown,no,no,cellular,jul,fri,451,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,unknown,yes,yes,cellular,jul,fri,283,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,78,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,147,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +60,retired,divorced,high.school,no,yes,no,cellular,jul,fri,55,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,professional.course,unknown,no,yes,cellular,jul,fri,431,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,143,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,services,divorced,basic.9y,no,no,no,cellular,jul,fri,684,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,retired,single,basic.4y,unknown,no,no,cellular,jul,fri,802,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,117,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,entrepreneur,divorced,basic.4y,no,no,no,cellular,jul,fri,170,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,services,married,university.degree,no,yes,no,cellular,jul,fri,131,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,fri,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,fri,269,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,services,single,high.school,no,yes,no,cellular,jul,fri,143,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,technician,married,professional.course,no,no,no,cellular,jul,fri,196,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,housemaid,married,basic.4y,no,no,no,cellular,jul,fri,479,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,services,married,professional.course,no,yes,no,cellular,jul,fri,211,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,housemaid,married,basic.4y,no,no,no,cellular,jul,fri,347,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,management,single,high.school,no,no,no,cellular,jul,fri,128,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,housemaid,married,basic.4y,no,no,yes,cellular,jul,fri,183,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,retired,married,basic.9y,unknown,yes,no,cellular,jul,fri,817,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +33,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,439,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,entrepreneur,married,professional.course,unknown,yes,no,cellular,jul,fri,168,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,single,professional.course,no,yes,no,cellular,jul,fri,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,retired,married,university.degree,no,yes,no,cellular,jul,fri,188,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,university.degree,no,yes,no,cellular,jul,fri,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,basic.9y,no,yes,no,telephone,jul,fri,321,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,retired,married,basic.9y,unknown,no,no,cellular,jul,fri,891,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,married,high.school,no,yes,no,cellular,jul,fri,80,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,fri,1242,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,blue-collar,single,basic.4y,unknown,yes,no,telephone,jul,fri,76,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,high.school,no,yes,no,cellular,jul,fri,45,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,married,basic.9y,no,no,yes,cellular,jul,fri,138,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,fri,132,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,216,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,student,single,high.school,no,yes,no,cellular,jul,fri,100,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,technician,divorced,professional.course,no,no,no,cellular,jul,fri,318,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,fri,141,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,technician,married,basic.9y,no,yes,yes,cellular,jul,fri,906,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,jul,fri,72,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,single,high.school,unknown,yes,no,cellular,jul,fri,139,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,technician,divorced,professional.course,no,yes,no,telephone,jul,fri,41,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,blue-collar,divorced,basic.9y,no,unknown,unknown,cellular,jul,fri,93,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,fri,564,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,entrepreneur,married,professional.course,unknown,yes,no,cellular,jul,fri,243,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jul,fri,31,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,student,single,university.degree,unknown,no,yes,cellular,jul,fri,226,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,married,high.school,no,no,no,cellular,jul,fri,16,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,fri,306,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.9y,no,no,yes,telephone,jul,fri,518,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,single,university.degree,no,no,no,telephone,jul,fri,87,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,fri,130,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,married,high.school,no,no,no,cellular,jul,fri,98,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,housemaid,married,basic.4y,unknown,no,no,cellular,jul,fri,504,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,jul,fri,98,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,unknown,no,yes,cellular,jul,fri,93,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,services,married,high.school,no,yes,no,cellular,jul,fri,82,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,entrepreneur,married,basic.9y,no,yes,no,cellular,jul,fri,188,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,divorced,high.school,unknown,no,no,cellular,jul,fri,223,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,high.school,unknown,yes,no,cellular,jul,fri,67,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,admin.,married,high.school,no,yes,no,cellular,jul,fri,59,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,divorced,high.school,unknown,no,no,cellular,jul,fri,86,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,married,basic.6y,no,yes,no,cellular,jul,fri,186,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,services,married,high.school,no,no,no,cellular,jul,fri,1060,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +36,services,single,high.school,no,yes,no,cellular,jul,fri,249,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,jul,fri,60,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,services,married,basic.9y,no,no,no,cellular,jul,fri,126,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,retired,married,university.degree,no,no,no,cellular,jul,fri,659,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,married,university.degree,no,yes,no,telephone,jul,fri,52,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,entrepreneur,divorced,university.degree,no,no,no,cellular,jul,fri,222,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,professional.course,unknown,no,no,cellular,jul,fri,109,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,jul,fri,112,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.6y,no,no,yes,cellular,jul,fri,173,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,jul,fri,42,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,management,married,high.school,no,yes,no,cellular,jul,fri,131,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,services,single,high.school,no,yes,no,cellular,jul,fri,455,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,basic.9y,no,yes,no,cellular,jul,fri,431,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,unemployed,married,high.school,unknown,unknown,unknown,cellular,jul,fri,147,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,services,single,high.school,unknown,no,no,cellular,jul,fri,717,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,married,basic.4y,no,yes,no,cellular,jul,fri,286,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,jul,fri,614,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +38,technician,married,professional.course,no,yes,yes,cellular,jul,fri,50,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,divorced,basic.9y,no,no,yes,cellular,jul,fri,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,services,single,high.school,unknown,yes,no,cellular,jul,fri,289,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,university.degree,no,no,yes,telephone,jul,fri,117,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,jul,fri,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,single,high.school,unknown,no,no,cellular,jul,fri,487,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,256,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,single,basic.6y,unknown,yes,yes,cellular,jul,fri,103,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,retired,married,basic.9y,unknown,yes,no,cellular,jul,fri,181,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,services,married,professional.course,no,yes,yes,cellular,jul,fri,348,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,admin.,married,university.degree,no,yes,yes,cellular,jul,fri,154,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,married,basic.9y,unknown,no,yes,cellular,jul,fri,196,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,technician,divorced,professional.course,no,yes,yes,cellular,jul,fri,71,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,retired,married,basic.4y,unknown,yes,no,cellular,jul,fri,1689,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +32,unemployed,married,university.degree,no,yes,no,cellular,jul,fri,47,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,1294,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +37,technician,married,professional.course,no,yes,no,cellular,jul,fri,314,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,technician,single,university.degree,no,no,yes,cellular,jul,fri,228,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,entrepreneur,married,professional.course,unknown,yes,no,cellular,jul,fri,965,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,services,married,high.school,no,yes,no,cellular,jul,fri,123,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,entrepreneur,divorced,professional.course,no,no,yes,cellular,jul,fri,94,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,single,high.school,no,no,no,cellular,jul,fri,144,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,jul,fri,330,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,services,married,professional.course,no,no,yes,cellular,jul,fri,146,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,jul,fri,712,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,admin.,married,high.school,no,no,no,cellular,jul,fri,366,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,fri,502,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,fri,260,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,single,high.school,no,yes,no,cellular,jul,fri,252,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.6y,no,yes,no,cellular,jul,fri,251,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,fri,128,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,services,single,high.school,no,no,no,cellular,jul,fri,239,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,entrepreneur,divorced,high.school,no,no,no,cellular,jul,fri,347,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,fri,764,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +38,blue-collar,divorced,basic.9y,no,unknown,unknown,cellular,jul,fri,1120,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +57,retired,single,basic.9y,unknown,unknown,unknown,cellular,jul,fri,16,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,unknown,no,yes,no,cellular,jul,fri,107,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,jul,fri,271,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,fri,970,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,fri,963,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +55,entrepreneur,married,professional.course,unknown,no,no,cellular,jul,fri,149,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,fri,64,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,unknown,no,yes,yes,cellular,jul,fri,1973,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +32,technician,married,unknown,no,no,no,cellular,jul,fri,221,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,fri,117,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,divorced,basic.9y,no,no,yes,cellular,jul,fri,706,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,technician,divorced,university.degree,no,no,yes,cellular,jul,fri,241,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,jul,fri,141,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,232,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,187,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,technician,divorced,university.degree,no,yes,no,cellular,jul,fri,249,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,student,single,university.degree,no,no,no,telephone,jul,fri,178,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,services,married,high.school,no,no,no,cellular,jul,fri,90,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,student,single,high.school,unknown,no,no,cellular,jul,fri,175,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,unemployed,married,university.degree,no,no,no,telephone,jul,fri,176,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,cellular,jul,fri,255,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,management,married,basic.9y,unknown,yes,yes,cellular,jul,fri,1041,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +35,blue-collar,single,basic.9y,no,yes,no,cellular,jul,fri,324,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,services,married,basic.9y,no,yes,no,cellular,jul,fri,1389,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,single,high.school,unknown,no,no,telephone,jul,fri,61,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,unemployed,married,high.school,unknown,no,no,cellular,jul,fri,120,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,no,no,no,cellular,jul,fri,213,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,management,married,unknown,no,yes,no,cellular,jul,fri,121,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,fri,636,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,single,high.school,no,yes,no,cellular,jul,fri,80,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,blue-collar,married,basic.6y,unknown,yes,no,telephone,jul,fri,330,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,technician,single,professional.course,no,yes,yes,cellular,jul,fri,919,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,technician,single,university.degree,no,yes,no,cellular,jul,fri,210,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,married,university.degree,unknown,no,yes,cellular,jul,fri,71,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,admin.,divorced,basic.9y,no,no,no,cellular,jul,fri,452,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,professional.course,unknown,no,no,cellular,jul,fri,255,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,technician,single,professional.course,no,no,no,cellular,jul,fri,260,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,admin.,divorced,high.school,no,no,no,cellular,jul,fri,666,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,admin.,married,university.degree,no,no,yes,telephone,jul,fri,498,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,jul,fri,344,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,technician,divorced,university.degree,no,no,no,cellular,jul,fri,221,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,housemaid,married,high.school,no,yes,no,cellular,jul,fri,189,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,jul,fri,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,services,single,high.school,no,no,no,cellular,jul,fri,70,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,unemployed,married,basic.9y,no,no,no,cellular,jul,fri,154,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,housemaid,married,high.school,no,no,no,cellular,jul,fri,271,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,jul,fri,159,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,self-employed,married,basic.9y,no,no,no,cellular,jul,fri,134,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,single,high.school,no,no,no,telephone,jul,fri,470,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,technician,married,professional.course,no,no,no,cellular,jul,fri,221,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,jul,fri,1164,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,married,high.school,no,yes,no,cellular,jul,fri,595,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,fri,1081,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,services,single,high.school,no,no,no,cellular,jul,fri,254,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,202,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,unemployed,married,university.degree,unknown,no,yes,cellular,jul,fri,118,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.6y,no,yes,no,cellular,jul,fri,207,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,single,basic.6y,unknown,no,yes,cellular,jul,fri,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,management,married,basic.9y,unknown,no,yes,cellular,jul,fri,333,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,housemaid,married,basic.4y,unknown,no,no,cellular,jul,fri,550,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,blue-collar,married,professional.course,no,yes,no,cellular,jul,fri,143,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.6y,no,yes,yes,cellular,jul,fri,69,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,university.degree,no,no,yes,cellular,jul,fri,94,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,single,university.degree,no,yes,no,cellular,jul,fri,271,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,fri,396,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,jul,fri,71,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,jul,fri,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,management,divorced,university.degree,no,yes,no,cellular,jul,fri,215,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,single,high.school,no,yes,no,cellular,jul,fri,94,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,basic.9y,no,no,no,cellular,jul,fri,271,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,self-employed,divorced,professional.course,no,no,no,cellular,jul,fri,911,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +35,blue-collar,married,basic.6y,no,no,no,cellular,jul,fri,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,high.school,no,yes,no,cellular,jul,fri,196,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,married,basic.9y,no,yes,yes,telephone,jul,fri,437,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,admin.,single,university.degree,no,no,no,cellular,jul,fri,1180,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,jul,fri,135,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,unknown,no,yes,no,cellular,jul,fri,193,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,cellular,jul,fri,103,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,jul,fri,128,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,unemployed,married,university.degree,no,no,no,telephone,jul,fri,328,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,divorced,professional.course,no,no,no,cellular,jul,fri,261,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,342,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.6y,no,yes,no,cellular,jul,fri,119,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,single,high.school,no,no,no,cellular,jul,fri,425,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,fri,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,technician,married,professional.course,no,no,yes,cellular,jul,fri,163,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,jul,fri,773,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,822,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +37,admin.,single,university.degree,no,no,no,cellular,jul,fri,188,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,technician,divorced,basic.9y,no,no,no,cellular,jul,fri,853,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +28,admin.,married,professional.course,no,no,no,cellular,jul,fri,549,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,single,high.school,no,no,no,cellular,jul,fri,172,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,blue-collar,married,professional.course,no,yes,no,cellular,jul,fri,161,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,blue-collar,single,unknown,unknown,no,no,cellular,jul,fri,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,housemaid,married,basic.4y,unknown,no,no,cellular,jul,fri,1649,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +26,admin.,single,high.school,no,no,no,cellular,jul,fri,1310,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +25,technician,single,professional.course,no,yes,no,cellular,jul,fri,1187,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,135,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,services,married,high.school,no,yes,yes,cellular,jul,mon,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,married,professional.course,no,yes,yes,cellular,jul,mon,324,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,married,basic.9y,no,no,no,cellular,jul,mon,77,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,unemployed,married,university.degree,no,yes,no,cellular,jul,mon,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,single,unknown,no,yes,no,cellular,jul,mon,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,management,married,basic.6y,unknown,no,no,cellular,jul,mon,175,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,51,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,246,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,330,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,management,married,university.degree,unknown,no,no,cellular,jul,mon,607,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,104,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,basic.9y,no,yes,no,cellular,jul,mon,114,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,management,married,university.degree,unknown,yes,no,cellular,jul,mon,332,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,entrepreneur,married,university.degree,no,yes,yes,cellular,jul,mon,125,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,telephone,jul,mon,236,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,mon,79,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,65,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,university.degree,no,yes,yes,telephone,jul,mon,216,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,technician,married,high.school,no,no,no,cellular,jul,mon,114,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,324,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,entrepreneur,married,university.degree,no,no,no,cellular,jul,mon,68,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,self-employed,single,professional.course,no,yes,no,cellular,jul,mon,61,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,divorced,university.degree,no,no,no,cellular,jul,mon,179,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,mon,243,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,jul,mon,90,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,611,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +30,admin.,single,university.degree,unknown,yes,no,telephone,jul,mon,256,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,unknown,single,basic.9y,no,no,no,cellular,jul,mon,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,no,no,cellular,jul,mon,41,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,basic.9y,no,no,no,cellular,jul,mon,221,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,divorced,high.school,no,yes,no,cellular,jul,mon,329,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,entrepreneur,married,university.degree,unknown,no,no,cellular,jul,mon,97,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,technician,single,basic.9y,no,yes,no,cellular,jul,mon,227,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,management,married,university.degree,unknown,yes,yes,cellular,jul,mon,56,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.9y,no,no,yes,cellular,jul,mon,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,unemployed,single,university.degree,no,yes,no,telephone,jul,mon,158,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,divorced,basic.9y,no,no,yes,cellular,jul,mon,194,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,entrepreneur,married,university.degree,no,yes,yes,cellular,jul,mon,285,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,mon,231,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,unknown,single,basic.9y,no,no,yes,cellular,jul,mon,53,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,blue-collar,single,high.school,no,yes,yes,cellular,jul,mon,276,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,no,no,cellular,jul,mon,505,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,divorced,university.degree,unknown,unknown,unknown,cellular,jul,mon,178,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,technician,single,university.degree,no,no,no,telephone,jul,mon,211,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,116,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,technician,single,university.degree,no,no,no,cellular,jul,mon,135,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,single,high.school,no,yes,no,cellular,jul,mon,172,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,divorced,basic.9y,no,no,no,cellular,jul,mon,47,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,self-employed,married,university.degree,no,no,no,cellular,jul,mon,84,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,high.school,unknown,no,no,cellular,jul,mon,367,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,244,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,entrepreneur,married,university.degree,no,yes,yes,cellular,jul,mon,103,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,jul,mon,158,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,entrepreneur,married,university.degree,no,no,no,cellular,jul,mon,611,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,self-employed,married,university.degree,no,yes,no,cellular,jul,mon,78,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,yes,no,cellular,jul,mon,306,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,divorced,high.school,no,no,no,telephone,jul,mon,79,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,high.school,no,yes,yes,cellular,jul,mon,110,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,services,married,professional.course,no,yes,no,cellular,jul,mon,751,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +35,blue-collar,married,high.school,no,yes,yes,cellular,jul,mon,289,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,housemaid,married,high.school,no,yes,no,cellular,jul,mon,126,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,management,single,university.degree,no,yes,no,cellular,jul,mon,84,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,mon,297,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,jul,mon,66,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,yes,no,telephone,jul,mon,120,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,divorced,professional.course,no,yes,no,cellular,jul,mon,72,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,housemaid,married,high.school,no,yes,no,cellular,jul,mon,64,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,entrepreneur,married,university.degree,unknown,yes,no,cellular,jul,mon,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +22,housemaid,single,high.school,no,yes,yes,cellular,jul,mon,767,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,unknown,single,basic.9y,no,no,yes,cellular,jul,mon,329,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,high.school,unknown,no,yes,cellular,jul,mon,84,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,blue-collar,single,basic.9y,no,no,yes,cellular,jul,mon,105,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.9y,no,no,no,telephone,jul,mon,214,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,189,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,management,married,university.degree,no,yes,no,cellular,jul,mon,1397,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +40,entrepreneur,married,university.degree,no,no,no,cellular,jul,mon,550,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,professional.course,no,no,no,cellular,jul,mon,331,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,no,no,cellular,jul,mon,155,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,services,married,basic.6y,no,yes,no,cellular,jul,mon,137,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,university.degree,unknown,yes,no,cellular,jul,mon,333,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,high.school,unknown,no,no,telephone,jul,mon,44,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,management,single,university.degree,no,no,no,cellular,jul,mon,173,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,unknown,unknown,cellular,jul,mon,209,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,high.school,no,no,no,cellular,jul,mon,122,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,238,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,single,basic.4y,no,unknown,unknown,cellular,jul,mon,84,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,unemployed,married,university.degree,no,yes,no,telephone,jul,mon,363,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,jul,mon,64,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,single,high.school,no,no,no,cellular,jul,mon,226,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,university.degree,no,no,no,cellular,jul,mon,97,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,divorced,high.school,unknown,yes,no,cellular,jul,mon,247,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,mon,80,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,jul,mon,141,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,married,university.degree,no,no,no,cellular,jul,mon,187,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,jul,mon,467,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,management,married,university.degree,no,no,no,cellular,jul,mon,549,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,high.school,no,no,yes,cellular,jul,mon,254,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,high.school,no,yes,no,cellular,jul,mon,460,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,high.school,unknown,yes,no,cellular,jul,mon,1153,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +40,services,married,basic.6y,no,no,no,cellular,jul,mon,247,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,entrepreneur,married,high.school,no,no,no,cellular,jul,mon,121,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,yes,yes,cellular,jul,mon,138,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,high.school,unknown,no,no,cellular,jul,mon,90,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,divorced,high.school,unknown,yes,no,cellular,jul,mon,354,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,jul,mon,154,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,jul,mon,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,228,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,high.school,unknown,yes,yes,telephone,jul,mon,281,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,jul,mon,132,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,divorced,basic.9y,no,yes,yes,cellular,jul,mon,68,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,single,unknown,no,yes,no,cellular,jul,mon,56,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,married,high.school,no,no,no,cellular,jul,mon,69,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,unknown,unknown,cellular,jul,mon,55,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,services,married,high.school,no,no,no,cellular,jul,mon,650,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,high.school,no,no,yes,telephone,jul,mon,251,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,jul,mon,125,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,yes,yes,cellular,jul,mon,183,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,services,married,basic.6y,no,no,no,cellular,jul,mon,119,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,mon,127,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,no,no,cellular,jul,mon,74,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,management,single,university.degree,no,yes,no,cellular,jul,mon,138,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,professional.course,no,no,no,cellular,jul,mon,74,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,53,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,married,professional.course,no,yes,no,cellular,jul,mon,634,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,mon,297,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,single,unknown,no,yes,no,cellular,jul,mon,213,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,blue-collar,single,high.school,no,yes,no,cellular,jul,mon,51,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,unknown,unknown,yes,no,telephone,jul,mon,124,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,jul,mon,58,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,university.degree,no,yes,no,cellular,jul,mon,219,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,jul,mon,19,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jul,mon,310,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,144,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,management,married,basic.9y,no,no,yes,cellular,jul,mon,174,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,jul,mon,41,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,397,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,high.school,no,yes,yes,cellular,jul,mon,101,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,management,single,university.degree,no,yes,no,telephone,jul,mon,305,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,high.school,no,yes,no,cellular,jul,mon,105,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,111,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,admin.,married,basic.9y,no,yes,no,cellular,jul,mon,686,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +36,technician,divorced,professional.course,no,no,no,cellular,jul,mon,319,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,766,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +45,management,married,basic.9y,unknown,yes,no,cellular,jul,mon,297,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,mon,673,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,86,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,divorced,high.school,no,no,no,cellular,jul,mon,388,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,services,married,basic.9y,no,yes,no,cellular,jul,mon,334,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,mon,191,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,married,high.school,unknown,no,no,cellular,jul,mon,35,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,mon,77,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,services,married,basic.6y,no,yes,no,cellular,jul,mon,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,self-employed,divorced,university.degree,no,yes,no,telephone,jul,mon,162,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,292,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,professional.course,no,no,no,cellular,jul,mon,331,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,student,single,university.degree,no,yes,no,cellular,jul,mon,134,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,788,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +32,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,mon,64,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,jul,mon,171,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,retired,single,basic.6y,unknown,yes,no,cellular,jul,mon,72,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.9y,no,unknown,unknown,cellular,jul,mon,182,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,self-employed,married,university.degree,no,yes,no,telephone,jul,mon,105,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,management,married,university.degree,no,yes,no,cellular,jul,mon,106,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,entrepreneur,married,high.school,no,yes,no,cellular,jul,mon,64,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,basic.6y,no,no,no,cellular,jul,mon,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,divorced,high.school,no,no,no,cellular,jul,mon,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,technician,single,high.school,no,yes,no,cellular,jul,mon,124,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,married,university.degree,no,no,yes,telephone,jul,mon,464,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,self-employed,single,professional.course,no,yes,no,cellular,jul,mon,201,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,mon,616,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,housemaid,married,high.school,no,yes,no,cellular,jul,mon,194,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,mon,146,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,unemployed,married,high.school,unknown,yes,no,cellular,jul,mon,38,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,no,no,cellular,jul,mon,68,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +22,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,245,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +22,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,79,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,management,married,basic.4y,no,yes,no,cellular,jul,mon,130,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,admin.,married,high.school,unknown,yes,no,cellular,jul,mon,204,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,retired,single,basic.6y,unknown,yes,no,cellular,jul,mon,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,married,professional.course,no,yes,yes,cellular,jul,mon,699,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,divorced,high.school,no,yes,no,cellular,jul,mon,140,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,management,married,university.degree,no,yes,no,cellular,jul,mon,768,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,1130,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +36,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,80,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,high.school,no,no,no,cellular,jul,mon,259,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,single,basic.6y,unknown,yes,yes,cellular,jul,mon,341,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,self-employed,married,university.degree,no,yes,no,cellular,jul,mon,192,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,high.school,no,no,yes,cellular,jul,mon,417,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,admin.,married,high.school,no,no,no,cellular,jul,mon,154,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,married,university.degree,no,no,no,cellular,jul,mon,455,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,divorced,basic.6y,no,yes,no,cellular,jul,mon,85,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,mon,243,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,housemaid,married,high.school,no,yes,no,cellular,jul,mon,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,high.school,no,yes,no,cellular,jul,mon,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,services,married,high.school,unknown,no,no,cellular,jul,mon,76,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,entrepreneur,married,basic.9y,unknown,yes,no,cellular,jul,mon,163,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,high.school,no,no,yes,cellular,jul,mon,149,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,single,high.school,no,no,no,cellular,jul,mon,568,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,married,university.degree,no,yes,yes,cellular,jul,mon,1062,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +29,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,334,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,single,high.school,unknown,yes,yes,cellular,jul,mon,393,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,divorced,basic.9y,no,no,no,cellular,jul,mon,250,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,jul,mon,364,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,mon,229,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,jul,mon,118,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,single,unknown,no,no,no,cellular,jul,mon,111,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,retired,single,basic.6y,unknown,yes,no,cellular,jul,mon,315,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,single,high.school,no,yes,no,cellular,jul,mon,115,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,jul,mon,144,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,admin.,single,university.degree,no,no,no,cellular,jul,mon,103,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,self-employed,married,university.degree,no,no,no,cellular,jul,mon,299,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,technician,married,professional.course,unknown,yes,no,cellular,jul,mon,77,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,housemaid,single,basic.4y,unknown,yes,no,cellular,jul,mon,385,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,unemployed,married,high.school,no,yes,no,cellular,jul,mon,99,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,245,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,married,university.degree,no,no,no,cellular,jul,mon,140,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,high.school,no,no,no,cellular,jul,mon,124,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,services,married,high.school,no,no,no,cellular,jul,mon,93,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,mon,465,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,mon,197,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,management,married,university.degree,no,yes,no,cellular,jul,mon,216,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,basic.9y,no,yes,no,cellular,jul,mon,392,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,services,married,high.school,no,yes,no,cellular,jul,mon,407,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,married,professional.course,no,no,no,telephone,jul,mon,81,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,high.school,no,yes,no,cellular,jul,mon,619,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,no,no,cellular,jul,mon,81,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,management,married,university.degree,no,yes,no,cellular,jul,mon,248,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,retired,single,basic.6y,unknown,no,no,cellular,jul,mon,157,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,214,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,professional.course,unknown,yes,no,cellular,jul,mon,201,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,425,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,1669,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +37,blue-collar,married,basic.6y,no,yes,no,cellular,jul,mon,108,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,technician,married,high.school,no,yes,yes,cellular,jul,mon,460,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,mon,256,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,single,basic.6y,unknown,no,yes,cellular,jul,mon,272,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,basic.9y,unknown,yes,yes,cellular,jul,mon,166,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,retired,single,basic.6y,unknown,yes,yes,cellular,jul,mon,431,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,technician,single,high.school,no,yes,no,cellular,jul,mon,377,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,married,professional.course,no,yes,yes,cellular,jul,mon,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,no,no,cellular,jul,mon,119,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,single,professional.course,no,no,yes,cellular,jul,mon,123,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,250,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,housemaid,married,high.school,no,yes,no,cellular,jul,mon,109,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,301,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,services,single,high.school,no,no,no,cellular,jul,mon,257,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,jul,mon,136,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,married,professional.course,no,yes,no,cellular,jul,mon,340,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,basic.9y,no,yes,no,cellular,jul,mon,387,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,163,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,unknown,no,no,yes,cellular,jul,mon,326,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,mon,557,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,unemployed,married,high.school,no,yes,no,cellular,jul,mon,512,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,management,single,unknown,no,no,yes,cellular,jul,mon,342,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,telephone,jul,mon,197,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,divorced,basic.9y,no,yes,no,cellular,jul,mon,97,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,divorced,high.school,no,yes,no,telephone,jul,mon,109,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,basic.9y,unknown,yes,yes,cellular,jul,mon,194,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,basic.6y,no,yes,yes,cellular,jul,mon,298,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,technician,married,high.school,no,no,no,cellular,jul,mon,101,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,divorced,professional.course,no,yes,no,cellular,jul,mon,643,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,services,married,high.school,no,no,no,cellular,jul,mon,1271,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,divorced,basic.4y,no,no,no,cellular,jul,mon,149,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,services,married,high.school,unknown,no,no,cellular,jul,mon,81,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,244,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,high.school,unknown,no,no,cellular,jul,mon,1336,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +27,blue-collar,single,basic.9y,no,yes,no,telephone,jul,mon,111,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,high.school,no,no,yes,cellular,jul,mon,157,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,services,married,high.school,no,unknown,unknown,cellular,jul,mon,455,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,married,high.school,no,no,yes,cellular,jul,mon,218,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,housemaid,married,basic.4y,no,yes,no,cellular,jul,mon,118,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,single,unknown,no,no,no,telephone,jul,mon,185,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,housemaid,married,university.degree,no,no,no,cellular,jul,mon,138,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,304,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,171,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,divorced,professional.course,no,yes,yes,cellular,jul,mon,43,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,no,no,cellular,jul,mon,1071,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +27,admin.,single,high.school,no,yes,no,telephone,jul,mon,167,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,240,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,management,married,professional.course,unknown,no,no,cellular,jul,mon,565,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,divorced,high.school,unknown,no,yes,telephone,jul,mon,716,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,149,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,blue-collar,single,high.school,unknown,yes,no,cellular,jul,mon,150,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,divorced,high.school,no,yes,yes,cellular,jul,mon,615,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,services,single,basic.9y,no,yes,no,cellular,jul,mon,149,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,housemaid,married,high.school,no,yes,no,cellular,jul,mon,424,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,364,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,no,no,telephone,jul,mon,179,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,management,single,university.degree,no,no,no,cellular,jul,mon,403,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,unemployed,married,high.school,no,yes,no,cellular,jul,mon,745,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,high.school,no,yes,no,cellular,jul,mon,164,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,235,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,technician,married,professional.course,no,yes,yes,cellular,jul,mon,330,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,university.degree,no,yes,no,telephone,jul,mon,160,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,student,single,high.school,no,yes,no,telephone,jul,mon,12,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,entrepreneur,married,high.school,no,no,no,cellular,jul,mon,77,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,552,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,entrepreneur,married,university.degree,no,yes,no,telephone,jul,mon,35,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,divorced,professional.course,no,no,no,cellular,jul,mon,36,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,46,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,services,single,high.school,no,no,no,telephone,jul,mon,821,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,high.school,no,yes,yes,telephone,jul,mon,198,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,technician,single,high.school,no,yes,yes,cellular,jul,mon,894,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +59,blue-collar,divorced,basic.4y,unknown,no,yes,cellular,jul,mon,84,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,married,high.school,no,yes,no,cellular,jul,mon,250,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,high.school,no,no,no,cellular,jul,mon,110,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,mon,133,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,78,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,jul,mon,227,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,76,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,entrepreneur,single,basic.9y,no,no,no,cellular,jul,mon,223,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.6y,unknown,no,yes,telephone,jul,mon,164,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,admin.,married,basic.9y,no,no,yes,cellular,jul,mon,131,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,married,high.school,unknown,no,no,cellular,jul,mon,356,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,self-employed,married,basic.9y,unknown,yes,no,telephone,jul,mon,135,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,358,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,married,university.degree,no,no,no,telephone,jul,mon,172,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,mon,399,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,single,basic.6y,unknown,no,no,cellular,jul,mon,180,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,married,basic.4y,no,no,no,telephone,jul,mon,252,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,university.degree,no,yes,no,telephone,jul,mon,109,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,mon,72,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.9y,no,unknown,unknown,telephone,jul,mon,102,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,married,high.school,no,yes,no,cellular,jul,mon,457,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,jul,mon,254,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,management,single,university.degree,no,yes,no,cellular,jul,mon,400,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,university.degree,no,no,no,cellular,jul,mon,171,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,196,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,married,professional.course,no,yes,yes,telephone,jul,mon,123,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,jul,mon,546,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,management,married,university.degree,no,no,no,cellular,jul,mon,798,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +39,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,231,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,blue-collar,single,basic.4y,unknown,yes,no,telephone,jul,tue,321,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,56,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,blue-collar,single,high.school,no,no,no,cellular,jul,tue,31,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,technician,single,professional.course,no,yes,no,cellular,jul,tue,170,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,101,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,services,married,basic.6y,no,no,no,cellular,jul,tue,376,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,blue-collar,married,basic.9y,unknown,yes,yes,telephone,jul,tue,138,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,basic.9y,unknown,yes,yes,cellular,jul,tue,656,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,122,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,335,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,admin.,single,university.degree,no,unknown,unknown,cellular,jul,tue,136,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,tue,528,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,services,divorced,basic.9y,no,no,no,cellular,jul,tue,805,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +35,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,tue,71,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,blue-collar,single,basic.4y,unknown,yes,yes,cellular,jul,tue,21,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,56,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,retired,single,basic.6y,unknown,no,no,cellular,jul,tue,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,technician,single,university.degree,no,yes,no,cellular,jul,tue,129,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,management,single,university.degree,no,no,no,cellular,jul,tue,125,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,married,basic.6y,no,no,no,telephone,jul,tue,285,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,166,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,tue,101,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,jul,tue,169,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,jul,tue,110,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,divorced,high.school,unknown,no,no,cellular,jul,tue,175,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,technician,single,university.degree,no,no,no,cellular,jul,tue,179,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,married,high.school,no,yes,no,cellular,jul,tue,649,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,jul,tue,231,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,management,married,university.degree,no,no,no,cellular,jul,tue,442,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,jul,tue,439,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,technician,single,professional.course,no,yes,no,cellular,jul,tue,249,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,204,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,blue-collar,married,illiterate,no,yes,no,cellular,jul,tue,92,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,technician,single,professional.course,no,yes,no,cellular,jul,tue,131,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,services,single,basic.6y,no,no,no,cellular,jul,tue,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,blue-collar,single,basic.9y,no,no,no,cellular,jul,tue,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,retired,married,university.degree,unknown,no,no,cellular,jul,tue,94,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,housemaid,married,basic.4y,no,no,no,cellular,jul,tue,56,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,basic.9y,no,yes,no,cellular,jul,tue,274,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,42,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,blue-collar,married,basic.9y,no,unknown,unknown,cellular,jul,tue,112,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,single,basic.6y,unknown,unknown,unknown,cellular,jul,tue,199,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,management,divorced,university.degree,no,no,no,cellular,jul,tue,131,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,75,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,jul,tue,101,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,138,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,self-employed,divorced,basic.6y,unknown,yes,no,cellular,jul,tue,94,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,single,basic.9y,no,no,yes,cellular,jul,tue,416,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,659,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,202,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,services,married,basic.6y,no,no,no,cellular,jul,tue,92,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,jul,tue,368,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,technician,married,basic.9y,no,no,no,cellular,jul,tue,723,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +48,admin.,single,university.degree,no,yes,yes,telephone,jul,tue,265,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,579,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,tue,195,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,technician,single,professional.course,no,no,yes,cellular,jul,tue,80,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,technician,married,professional.course,no,yes,no,cellular,jul,tue,401,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,services,divorced,high.school,no,no,yes,cellular,jul,tue,101,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,housemaid,single,university.degree,unknown,yes,no,cellular,jul,tue,71,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,technician,single,professional.course,no,yes,no,cellular,jul,tue,134,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,blue-collar,single,basic.4y,unknown,no,no,telephone,jul,tue,41,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,services,married,high.school,no,no,no,cellular,jul,tue,280,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,tue,289,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,791,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +55,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,63,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,retired,married,basic.4y,no,yes,yes,telephone,jul,tue,533,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +30,entrepreneur,single,high.school,no,yes,no,telephone,jul,tue,501,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,divorced,basic.6y,no,no,no,cellular,jul,tue,76,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,self-employed,married,professional.course,no,yes,no,cellular,jul,tue,1056,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +36,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,753,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,admin.,single,university.degree,no,yes,yes,telephone,jul,tue,80,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,services,divorced,high.school,no,yes,no,cellular,jul,tue,317,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,blue-collar,married,illiterate,no,no,no,cellular,jul,tue,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,admin.,single,high.school,no,yes,no,cellular,jul,tue,237,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,self-employed,divorced,professional.course,unknown,yes,yes,cellular,jul,tue,110,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,entrepreneur,single,high.school,no,no,yes,cellular,jul,tue,295,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,jul,tue,61,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,management,single,university.degree,no,yes,no,cellular,jul,tue,188,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,technician,single,professional.course,no,no,no,cellular,jul,tue,815,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +40,blue-collar,married,unknown,no,no,no,cellular,jul,tue,117,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,tue,89,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,married,basic.6y,no,yes,yes,cellular,jul,tue,101,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,retired,married,basic.9y,no,yes,no,cellular,jul,tue,109,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,315,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,226,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,no,telephone,jul,tue,49,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,entrepreneur,single,university.degree,no,no,yes,cellular,jul,tue,280,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,tue,83,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,jul,tue,121,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,telephone,jul,tue,778,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,jul,tue,350,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,services,single,university.degree,no,no,no,cellular,jul,tue,368,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,entrepreneur,married,basic.4y,no,no,no,cellular,jul,tue,103,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,jul,tue,232,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,admin.,married,high.school,unknown,no,no,cellular,jul,tue,60,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,married,high.school,unknown,no,no,cellular,jul,tue,87,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,jul,tue,156,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,entrepreneur,married,high.school,unknown,no,no,cellular,jul,tue,924,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,tue,65,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,jul,tue,256,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,admin.,married,university.degree,no,yes,no,cellular,jul,tue,132,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,services,single,high.school,no,unknown,unknown,telephone,jul,tue,207,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,services,married,basic.4y,no,no,no,telephone,jul,tue,152,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,blue-collar,married,unknown,unknown,yes,no,telephone,jul,tue,49,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,tue,67,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,management,married,university.degree,no,yes,no,cellular,jul,tue,646,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,entrepreneur,single,university.degree,no,yes,no,cellular,jul,tue,808,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +37,admin.,divorced,high.school,no,no,no,cellular,jul,tue,81,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,married,high.school,unknown,yes,no,cellular,jul,tue,58,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,services,married,high.school,unknown,yes,no,cellular,jul,tue,178,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,56,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,tue,88,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,married,high.school,unknown,yes,no,cellular,jul,tue,177,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,basic.6y,no,yes,no,cellular,jul,tue,364,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,blue-collar,married,unknown,unknown,yes,yes,cellular,jul,tue,156,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,services,single,high.school,no,no,no,cellular,jul,tue,1317,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +37,admin.,single,university.degree,unknown,yes,no,cellular,jul,tue,77,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,unemployed,married,university.degree,no,yes,yes,cellular,jul,tue,200,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,blue-collar,single,basic.4y,no,no,no,cellular,jul,tue,59,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,services,married,high.school,no,no,yes,cellular,jul,tue,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,technician,single,professional.course,no,no,no,telephone,jul,tue,174,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,243,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,university.degree,unknown,no,yes,cellular,jul,tue,133,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,management,divorced,university.degree,no,no,yes,cellular,jul,tue,321,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,technician,divorced,high.school,no,yes,no,cellular,jul,tue,201,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,admin.,divorced,university.degree,no,no,yes,telephone,jul,tue,571,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,married,unknown,no,no,no,cellular,jul,tue,137,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,admin.,married,university.degree,no,no,no,cellular,jul,tue,503,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,unemployed,married,university.degree,no,no,no,cellular,jul,tue,277,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,married,high.school,no,yes,no,cellular,jul,tue,377,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,technician,married,professional.course,no,yes,no,cellular,jul,tue,83,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,admin.,single,high.school,no,yes,no,cellular,jul,tue,53,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,106,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,single,basic.4y,no,yes,no,cellular,jul,tue,82,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,single,basic.6y,no,yes,no,telephone,jul,tue,135,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,services,married,high.school,no,no,no,cellular,jul,tue,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,divorced,professional.course,no,yes,no,cellular,jul,tue,387,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,retired,divorced,university.degree,no,yes,no,cellular,jul,tue,372,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,admin.,married,university.degree,no,yes,no,cellular,jul,tue,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,1615,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +33,housemaid,married,basic.9y,no,no,no,cellular,jul,tue,860,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +24,admin.,single,high.school,no,yes,yes,telephone,jul,tue,162,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,jul,tue,246,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,admin.,married,basic.6y,no,unknown,unknown,cellular,jul,tue,317,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,management,married,basic.4y,unknown,yes,no,cellular,jul,tue,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,76,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,admin.,married,basic.6y,no,yes,no,cellular,jul,tue,462,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,student,single,high.school,unknown,unknown,unknown,cellular,jul,tue,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,jul,tue,182,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,85,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,tue,277,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,jul,tue,280,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,services,single,high.school,no,yes,no,cellular,jul,tue,218,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,basic.9y,no,yes,no,cellular,jul,tue,274,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,technician,married,professional.course,unknown,yes,yes,cellular,jul,tue,177,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,technician,divorced,professional.course,no,no,no,cellular,jul,tue,116,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,jul,tue,98,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,442,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,married,basic.6y,no,no,yes,cellular,jul,tue,92,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,married,high.school,unknown,yes,no,cellular,jul,tue,88,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,tue,141,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,tue,658,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +31,technician,single,professional.course,no,yes,no,telephone,jul,tue,37,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,technician,married,professional.course,unknown,yes,yes,cellular,jul,tue,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,management,married,university.degree,no,no,no,cellular,jul,tue,794,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,management,married,university.degree,no,yes,no,cellular,jul,tue,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,housemaid,married,basic.4y,no,yes,no,cellular,jul,tue,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,admin.,married,basic.9y,no,no,no,cellular,jul,tue,878,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +35,housemaid,married,basic.9y,no,no,no,cellular,jul,tue,280,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,admin.,divorced,high.school,no,yes,no,cellular,jul,tue,193,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,blue-collar,married,basic.9y,no,no,yes,cellular,jul,tue,148,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,divorced,professional.course,no,yes,no,cellular,jul,tue,513,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,services,single,high.school,no,no,yes,cellular,jul,tue,172,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,technician,single,university.degree,no,yes,no,cellular,jul,tue,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,792,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,tue,355,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,services,single,unknown,unknown,yes,no,cellular,jul,tue,881,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +32,services,single,unknown,unknown,no,no,cellular,jul,tue,981,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +28,blue-collar,single,high.school,no,yes,no,cellular,jul,tue,158,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,admin.,married,high.school,unknown,yes,yes,cellular,jul,tue,722,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,management,single,high.school,no,no,yes,cellular,jul,tue,103,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,services,married,high.school,no,yes,no,cellular,jul,tue,820,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +50,admin.,married,professional.course,no,no,no,cellular,jul,tue,1001,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +26,technician,divorced,professional.course,no,no,yes,cellular,jul,tue,500,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +26,technician,divorced,professional.course,no,yes,no,cellular,jul,tue,348,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,single,basic.4y,no,yes,no,cellular,jul,tue,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,technician,single,professional.course,no,no,yes,cellular,jul,tue,129,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,management,divorced,university.degree,no,yes,no,cellular,jul,tue,1228,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +25,blue-collar,married,high.school,unknown,yes,no,cellular,jul,tue,94,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,entrepreneur,single,university.degree,no,yes,no,cellular,jul,tue,192,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,services,married,high.school,no,yes,no,cellular,jul,tue,331,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,married,basic.9y,no,yes,no,cellular,jul,tue,779,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,admin.,single,high.school,no,no,yes,telephone,jul,tue,91,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,management,married,basic.4y,unknown,yes,no,cellular,jul,tue,61,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,jul,tue,555,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,blue-collar,married,basic.4y,no,no,no,cellular,jul,tue,157,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,management,divorced,university.degree,no,yes,no,cellular,jul,tue,580,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,housemaid,single,university.degree,unknown,no,no,telephone,jul,tue,39,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,technician,married,university.degree,no,no,no,cellular,jul,tue,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,blue-collar,divorced,unknown,no,no,no,cellular,jul,tue,111,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,technician,single,university.degree,no,yes,yes,cellular,jul,tue,603,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,unemployed,single,unknown,no,no,no,cellular,jul,tue,211,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,housemaid,married,basic.4y,no,yes,yes,cellular,jul,tue,105,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,admin.,divorced,high.school,no,yes,no,cellular,jul,tue,514,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +32,technician,single,professional.course,no,yes,no,cellular,jul,tue,479,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,111,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,368,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,jul,tue,149,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,housemaid,single,high.school,no,yes,no,cellular,jul,tue,257,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,jul,tue,98,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,admin.,divorced,professional.course,no,yes,no,cellular,jul,tue,408,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,divorced,basic.6y,unknown,yes,yes,cellular,jul,tue,329,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,134,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,admin.,married,professional.course,no,no,no,cellular,jul,tue,306,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,housemaid,married,basic.4y,unknown,yes,no,telephone,jul,tue,159,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,entrepreneur,married,basic.6y,no,no,no,telephone,jul,tue,275,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,management,divorced,basic.4y,no,yes,no,cellular,jul,tue,68,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,unemployed,married,university.degree,no,yes,no,cellular,jul,tue,135,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,technician,divorced,basic.6y,no,yes,no,cellular,jul,tue,716,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +36,services,single,high.school,no,no,yes,cellular,jul,tue,257,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,divorced,university.degree,no,yes,no,cellular,jul,tue,826,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,admin.,single,university.degree,no,no,no,cellular,jul,tue,35,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,divorced,basic.9y,no,no,yes,cellular,jul,tue,1083,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,blue-collar,married,basic.6y,no,no,no,cellular,jul,tue,235,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,technician,single,professional.course,no,no,yes,cellular,jul,tue,955,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +41,entrepreneur,divorced,university.degree,no,yes,no,cellular,jul,tue,194,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,married,high.school,unknown,yes,no,cellular,jul,tue,194,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,management,divorced,university.degree,no,yes,no,cellular,jul,tue,123,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,services,single,high.school,no,no,no,cellular,jul,tue,612,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,services,married,high.school,no,no,no,cellular,jul,tue,85,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,admin.,single,university.degree,no,no,no,telephone,jul,tue,237,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,admin.,single,university.degree,no,no,no,cellular,jul,tue,196,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,married,high.school,no,yes,no,cellular,jul,tue,144,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,entrepreneur,single,high.school,no,yes,no,cellular,jul,tue,85,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,technician,single,professional.course,no,yes,no,cellular,jul,tue,179,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,220,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,basic.9y,no,no,yes,cellular,jul,tue,155,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,107,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,260,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,tue,232,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,university.degree,unknown,no,no,cellular,jul,tue,150,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,services,single,high.school,no,no,no,cellular,jul,tue,232,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,management,married,basic.4y,unknown,yes,no,cellular,jul,tue,673,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,entrepreneur,single,university.degree,no,no,no,cellular,jul,tue,272,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,blue-collar,married,basic.6y,no,no,yes,cellular,jul,tue,197,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,blue-collar,single,basic.6y,unknown,no,no,cellular,jul,tue,263,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,admin.,married,university.degree,no,yes,no,cellular,jul,tue,275,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,tue,157,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,management,married,high.school,no,no,no,cellular,jul,tue,419,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,146,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,basic.4y,no,no,no,cellular,jul,tue,115,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,management,married,university.degree,no,yes,no,cellular,jul,tue,347,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,services,single,unknown,unknown,yes,yes,cellular,jul,tue,136,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,357,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,management,married,basic.9y,no,no,no,cellular,jul,tue,374,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,120,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,technician,divorced,professional.course,no,no,no,cellular,jul,tue,323,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,364,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,management,married,university.degree,no,yes,no,cellular,jul,tue,98,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,84,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,university.degree,no,unknown,unknown,telephone,jul,tue,78,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,single,basic.6y,no,unknown,unknown,telephone,jul,tue,59,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,blue-collar,married,basic.4y,no,no,no,cellular,jul,tue,395,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,blue-collar,married,high.school,unknown,no,no,cellular,jul,tue,169,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,divorced,high.school,no,no,no,cellular,jul,tue,209,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,106,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,107,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,unemployed,married,university.degree,no,yes,no,cellular,jul,tue,462,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,technician,single,university.degree,no,yes,no,cellular,jul,tue,216,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,technician,single,professional.course,no,no,no,cellular,jul,tue,769,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +45,blue-collar,single,basic.4y,unknown,yes,no,cellular,jul,tue,115,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,blue-collar,divorced,basic.9y,unknown,no,no,cellular,jul,tue,889,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +56,unknown,divorced,basic.4y,no,no,no,cellular,jul,tue,547,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,housemaid,single,university.degree,unknown,no,yes,cellular,jul,tue,142,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,high.school,no,yes,no,telephone,jul,tue,166,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,admin.,divorced,basic.9y,no,no,no,cellular,jul,tue,1424,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +35,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,tue,53,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,single,high.school,no,unknown,unknown,cellular,jul,tue,290,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,unknown,no,no,cellular,jul,tue,520,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,no,yes,no,cellular,jul,tue,490,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,management,married,high.school,no,yes,no,cellular,jul,tue,838,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +55,retired,married,basic.4y,unknown,no,yes,cellular,jul,tue,599,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,single,high.school,no,yes,no,cellular,jul,tue,498,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,technician,divorced,high.school,no,no,no,cellular,jul,tue,166,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,single,university.degree,no,no,no,telephone,jul,tue,232,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,admin.,divorced,high.school,no,no,yes,cellular,jul,tue,270,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,admin.,married,basic.4y,no,yes,no,cellular,jul,tue,118,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,159,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,basic.9y,no,no,no,telephone,jul,tue,265,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,jul,tue,419,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,blue-collar,married,high.school,unknown,yes,no,cellular,jul,tue,624,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,tue,59,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,unemployed,married,university.degree,no,yes,no,cellular,jul,tue,812,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,97,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,tue,119,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,admin.,single,high.school,no,yes,no,cellular,jul,tue,84,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,divorced,basic.6y,unknown,no,no,cellular,jul,tue,632,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +27,admin.,single,professional.course,no,no,no,cellular,jul,tue,448,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +48,unemployed,married,basic.4y,unknown,no,no,cellular,jul,tue,163,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,tue,231,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,jul,tue,114,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,services,married,high.school,no,yes,no,telephone,jul,tue,32,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,blue-collar,single,high.school,no,yes,no,telephone,jul,tue,1142,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,87,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,services,divorced,basic.9y,no,yes,no,telephone,jul,tue,62,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,divorced,unknown,no,yes,no,telephone,jul,tue,341,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,high.school,no,no,no,cellular,jul,tue,160,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,1412,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,services,single,high.school,no,no,no,telephone,jul,wed,61,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,admin.,single,high.school,no,no,no,telephone,jul,wed,41,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,entrepreneur,divorced,high.school,unknown,yes,no,cellular,jul,wed,276,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +58,management,divorced,university.degree,no,yes,no,cellular,jul,wed,75,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,blue-collar,married,basic.6y,no,yes,no,telephone,jul,wed,208,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,high.school,unknown,yes,no,cellular,jul,wed,298,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +59,retired,married,university.degree,unknown,no,no,cellular,jul,wed,767,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +58,management,divorced,university.degree,no,yes,no,telephone,jul,wed,174,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,admin.,single,unknown,no,no,yes,cellular,jul,wed,186,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,self-employed,married,professional.course,no,no,no,cellular,jul,wed,350,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,blue-collar,married,basic.4y,no,no,no,cellular,jul,wed,52,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,services,single,professional.course,no,unknown,unknown,telephone,jul,wed,46,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,jul,wed,510,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,student,married,university.degree,no,yes,no,cellular,jul,wed,81,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,blue-collar,divorced,basic.9y,unknown,yes,yes,cellular,jul,wed,464,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,admin.,single,high.school,no,no,no,cellular,jul,wed,220,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,wed,31,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,self-employed,single,university.degree,no,no,no,cellular,jul,wed,1147,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,married,high.school,no,no,no,cellular,jul,wed,130,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,admin.,married,high.school,no,yes,no,cellular,jul,wed,95,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,technician,single,professional.course,no,no,no,cellular,jul,wed,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,221,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +55,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,469,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,technician,single,professional.course,no,unknown,unknown,cellular,jul,wed,578,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +30,self-employed,married,university.degree,no,yes,no,telephone,jul,wed,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,entrepreneur,divorced,high.school,unknown,no,no,cellular,jul,wed,111,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,771,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,wed,164,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,technician,single,university.degree,unknown,yes,no,cellular,jul,wed,390,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,154,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,blue-collar,married,unknown,no,yes,no,cellular,jul,wed,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,blue-collar,divorced,basic.9y,unknown,no,no,telephone,jul,wed,155,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,wed,349,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +34,admin.,single,university.degree,no,yes,no,cellular,jul,wed,46,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,single,professional.course,unknown,yes,no,cellular,jul,wed,574,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,715,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,housemaid,married,basic.9y,unknown,no,no,cellular,jul,wed,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +55,blue-collar,married,basic.4y,no,no,no,cellular,jul,wed,525,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,wed,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,229,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,blue-collar,single,basic.6y,no,yes,yes,cellular,jul,wed,1806,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +28,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,wed,400,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,divorced,unknown,unknown,no,no,cellular,jul,wed,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,divorced,unknown,unknown,yes,no,cellular,jul,wed,284,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,technician,divorced,professional.course,no,no,no,cellular,jul,wed,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,services,married,high.school,no,no,no,cellular,jul,wed,151,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,blue-collar,single,basic.6y,no,yes,no,cellular,jul,wed,46,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +48,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,79,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,entrepreneur,divorced,high.school,unknown,no,no,cellular,jul,wed,344,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,divorced,unknown,unknown,no,no,cellular,jul,wed,291,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,self-employed,married,basic.9y,no,no,no,cellular,jul,wed,56,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,jul,wed,401,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,single,basic.9y,no,no,no,telephone,jul,wed,138,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +52,management,married,university.degree,unknown,no,no,cellular,jul,wed,272,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,admin.,single,high.school,no,yes,no,cellular,jul,wed,145,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,services,married,high.school,unknown,yes,no,cellular,jul,wed,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,services,married,high.school,unknown,yes,no,cellular,jul,wed,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,unemployed,married,basic.6y,unknown,no,no,cellular,jul,wed,211,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,technician,married,unknown,no,yes,no,cellular,jul,wed,94,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,admin.,married,basic.9y,unknown,no,no,cellular,jul,wed,428,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,admin.,single,high.school,no,yes,no,cellular,jul,wed,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,technician,divorced,high.school,no,no,no,cellular,jul,wed,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,management,married,university.degree,unknown,no,no,cellular,jul,wed,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,technician,married,high.school,unknown,no,no,cellular,jul,wed,781,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +45,unknown,unknown,unknown,no,yes,yes,cellular,jul,wed,496,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +45,unknown,unknown,unknown,no,yes,no,cellular,jul,wed,586,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +34,blue-collar,single,basic.6y,no,yes,yes,cellular,jul,wed,195,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +55,management,married,basic.9y,no,yes,no,cellular,jul,wed,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +55,management,married,basic.9y,no,yes,no,cellular,jul,wed,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,divorced,unknown,unknown,no,no,cellular,jul,wed,339,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,services,married,unknown,no,yes,yes,cellular,jul,wed,268,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,689,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +45,management,married,high.school,unknown,no,no,cellular,jul,wed,94,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,technician,divorced,high.school,no,no,no,cellular,jul,wed,269,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +58,retired,divorced,basic.4y,unknown,no,no,cellular,jul,wed,303,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,high.school,unknown,no,no,cellular,jul,wed,120,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,retired,married,high.school,no,yes,no,cellular,jul,wed,239,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,admin.,single,university.degree,no,no,yes,telephone,jul,wed,98,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,retired,married,high.school,no,yes,no,cellular,jul,wed,555,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +37,technician,married,high.school,no,yes,no,cellular,jul,wed,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,jul,wed,686,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +32,technician,married,university.degree,no,no,no,cellular,jul,wed,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,admin.,married,high.school,no,yes,yes,cellular,jul,wed,29,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,single,professional.course,unknown,no,no,cellular,jul,wed,528,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,technician,single,professional.course,no,no,no,cellular,jul,wed,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +23,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,60,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +23,blue-collar,single,high.school,no,no,no,cellular,jul,wed,251,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,divorced,unknown,unknown,yes,no,cellular,jul,wed,206,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,jul,wed,1150,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,services,single,basic.9y,no,yes,no,cellular,jul,wed,294,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +23,blue-collar,single,high.school,no,no,no,cellular,jul,wed,435,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +31,self-employed,married,basic.9y,no,no,no,cellular,jul,wed,155,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,jul,wed,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +52,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,294,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,services,married,high.school,unknown,no,yes,telephone,jul,wed,198,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,wed,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +23,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,830,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +24,services,single,high.school,no,yes,no,cellular,jul,wed,57,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,464,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,blue-collar,divorced,high.school,no,yes,no,cellular,jul,wed,57,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,technician,single,professional.course,no,yes,no,cellular,jul,wed,76,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,wed,318,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,jul,wed,39,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,jul,wed,873,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +31,blue-collar,single,high.school,no,no,no,cellular,jul,wed,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,admin.,married,high.school,no,no,no,cellular,jul,wed,227,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,admin.,single,high.school,no,yes,no,cellular,jul,wed,202,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,technician,single,high.school,no,yes,no,telephone,jul,wed,109,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,jul,wed,243,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,jul,wed,329,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,blue-collar,single,basic.6y,no,yes,no,cellular,jul,wed,142,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,151,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,wed,335,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,services,divorced,basic.9y,no,no,no,cellular,jul,wed,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,services,divorced,basic.9y,no,yes,no,cellular,jul,wed,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,48,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,jul,wed,198,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,admin.,single,high.school,no,yes,no,cellular,jul,wed,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,unemployed,single,high.school,no,yes,yes,cellular,jul,wed,45,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,services,divorced,basic.9y,no,yes,no,cellular,jul,wed,684,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,unemployed,single,high.school,no,yes,no,cellular,jul,wed,255,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,management,single,university.degree,no,no,no,cellular,jul,wed,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,services,divorced,basic.9y,no,no,no,cellular,jul,wed,885,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +50,retired,married,basic.4y,no,no,no,cellular,jul,wed,1222,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +31,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,wed,520,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +50,retired,married,basic.4y,no,yes,no,cellular,jul,wed,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,jul,wed,156,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,325,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +50,retired,married,basic.4y,no,unknown,unknown,cellular,jul,wed,236,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +52,admin.,married,high.school,no,yes,no,cellular,jul,wed,419,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,technician,married,high.school,unknown,yes,no,cellular,jul,wed,197,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,technician,divorced,professional.course,no,yes,no,cellular,jul,wed,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +55,housemaid,married,university.degree,no,yes,no,cellular,jul,wed,705,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,married,university.degree,no,yes,no,telephone,jul,wed,649,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +23,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,231,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,513,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,jul,wed,87,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +55,housemaid,married,university.degree,no,no,no,cellular,jul,wed,988,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +21,admin.,single,high.school,no,yes,no,cellular,jul,wed,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +21,admin.,single,high.school,no,yes,no,cellular,jul,wed,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,admin.,married,high.school,unknown,no,no,cellular,jul,wed,241,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,blue-collar,single,basic.4y,unknown,yes,no,telephone,jul,wed,558,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,services,married,high.school,no,yes,yes,cellular,jul,wed,177,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +21,admin.,single,high.school,no,yes,no,cellular,jul,wed,680,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,admin.,single,high.school,no,yes,yes,cellular,jul,wed,652,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +28,services,married,high.school,no,yes,no,cellular,jul,wed,350,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +58,retired,married,high.school,no,yes,no,cellular,jul,wed,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,wed,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,management,single,basic.4y,unknown,yes,no,cellular,jul,wed,592,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,wed,165,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,services,married,basic.9y,no,no,no,cellular,jul,wed,128,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,68,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,technician,married,basic.9y,unknown,yes,no,telephone,jul,wed,367,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +25,management,married,basic.6y,no,no,no,cellular,jul,wed,192,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,services,divorced,high.school,no,yes,no,cellular,jul,wed,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,547,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,1019,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +43,blue-collar,single,basic.6y,no,no,no,cellular,jul,wed,93,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,married,high.school,no,no,no,cellular,jul,wed,332,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +52,admin.,married,high.school,no,no,no,cellular,jul,wed,131,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +48,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,wed,709,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +29,self-employed,married,basic.9y,unknown,yes,no,telephone,jul,wed,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,services,married,high.school,unknown,no,no,cellular,jul,wed,59,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,blue-collar,married,unknown,unknown,no,no,cellular,jul,wed,516,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +51,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,561,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +21,services,single,high.school,no,yes,no,telephone,jul,wed,198,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,services,married,high.school,unknown,yes,no,cellular,jul,wed,346,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,entrepreneur,married,professional.course,no,yes,no,cellular,jul,wed,157,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +40,services,married,high.school,no,yes,no,cellular,jul,wed,254,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,blue-collar,single,basic.6y,no,yes,no,cellular,jul,wed,199,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,wed,171,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,jul,wed,101,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,technician,single,professional.course,no,no,no,cellular,jul,wed,98,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +59,retired,married,university.degree,unknown,yes,yes,cellular,jul,wed,87,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,217,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,housemaid,single,high.school,no,no,no,cellular,jul,wed,293,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,blue-collar,married,professional.course,no,no,no,cellular,jul,wed,378,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jul,wed,129,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,divorced,unknown,unknown,no,no,cellular,jul,wed,132,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,wed,240,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,unemployed,married,basic.6y,unknown,no,no,cellular,jul,wed,91,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,admin.,single,basic.9y,no,no,no,cellular,jul,wed,1432,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,single,professional.course,unknown,no,no,telephone,jul,wed,87,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,services,married,high.school,unknown,no,no,cellular,jul,wed,111,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +55,housemaid,married,basic.4y,no,no,no,cellular,jul,wed,141,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,married,high.school,no,no,no,cellular,jul,wed,322,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,blue-collar,single,basic.6y,no,unknown,unknown,cellular,jul,wed,254,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,wed,455,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,wed,285,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +51,admin.,married,high.school,no,yes,no,cellular,jul,wed,69,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,wed,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,blue-collar,married,basic.6y,no,yes,yes,cellular,jul,wed,1018,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +35,blue-collar,single,high.school,unknown,yes,no,cellular,jul,wed,60,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,admin.,single,university.degree,unknown,no,no,cellular,jul,wed,212,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,technician,single,professional.course,no,yes,no,cellular,jul,wed,173,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,management,single,university.degree,no,no,no,cellular,jul,wed,101,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,married,basic.9y,no,no,no,cellular,jul,wed,110,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,technician,divorced,high.school,no,yes,no,cellular,jul,wed,128,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,student,married,basic.9y,no,no,no,cellular,jul,wed,156,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +58,admin.,divorced,basic.9y,no,no,no,telephone,jul,wed,231,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,406,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,blue-collar,divorced,unknown,unknown,no,no,cellular,jul,wed,255,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,entrepreneur,divorced,high.school,unknown,yes,no,cellular,jul,wed,538,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,admin.,divorced,university.degree,no,no,no,cellular,jul,wed,191,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +23,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,240,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,management,single,university.degree,no,yes,no,cellular,jul,wed,118,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,technician,married,unknown,unknown,yes,no,cellular,jul,wed,239,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,jul,wed,164,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jul,wed,73,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,blue-collar,single,basic.9y,unknown,no,yes,cellular,jul,wed,278,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,technician,married,high.school,unknown,no,no,cellular,jul,wed,252,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,jul,wed,77,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,wed,345,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +40,admin.,single,high.school,no,no,no,cellular,jul,wed,282,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,single,professional.course,unknown,yes,no,telephone,jul,wed,39,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,management,married,basic.6y,no,no,no,cellular,jul,wed,169,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,jul,wed,781,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +27,admin.,married,high.school,no,yes,no,telephone,jul,wed,202,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,technician,single,university.degree,no,no,yes,telephone,jul,wed,357,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,technician,single,university.degree,no,no,no,cellular,jul,wed,159,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,married,high.school,no,no,no,cellular,jul,wed,1389,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,blue-collar,single,basic.6y,no,yes,no,cellular,jul,wed,1056,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,jul,wed,166,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,technician,single,professional.course,no,no,yes,cellular,jul,wed,168,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,single,university.degree,no,no,no,cellular,jul,wed,212,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,management,divorced,basic.4y,no,no,no,telephone,jul,wed,201,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,services,married,basic.9y,no,no,no,cellular,jul,wed,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,technician,married,high.school,no,yes,no,cellular,jul,wed,1339,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,single,university.degree,no,yes,no,telephone,jul,wed,30,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,management,married,basic.9y,no,no,no,telephone,jul,wed,127,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,jul,wed,319,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,management,single,university.degree,no,no,no,telephone,jul,wed,284,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,married,basic.9y,no,no,yes,telephone,jul,wed,264,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,services,married,basic.9y,no,no,yes,cellular,jul,wed,204,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +23,blue-collar,single,unknown,unknown,no,no,cellular,jul,wed,1473,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,255,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +55,admin.,single,high.school,no,no,yes,cellular,jul,wed,108,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,entrepreneur,divorced,high.school,unknown,no,no,cellular,jul,wed,524,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,26,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,jul,wed,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,jul,wed,613,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,jul,wed,268,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,605,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,technician,divorced,professional.course,no,no,no,cellular,jul,thu,93,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,high.school,no,no,no,cellular,jul,thu,98,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,services,single,high.school,no,yes,no,cellular,jul,thu,63,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,jul,thu,128,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,basic.9y,no,no,no,cellular,jul,thu,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,management,married,university.degree,no,no,no,cellular,jul,thu,66,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +23,retired,single,professional.course,no,yes,no,cellular,jul,thu,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,technician,married,high.school,no,no,no,cellular,jul,thu,199,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +52,technician,married,professional.course,no,yes,no,telephone,jul,thu,293,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,management,married,university.degree,no,no,yes,cellular,jul,thu,59,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,basic.9y,no,no,no,cellular,jul,thu,330,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,high.school,no,yes,no,telephone,jul,thu,209,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,admin.,divorced,university.degree,no,yes,no,cellular,jul,thu,59,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,159,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,self-employed,single,high.school,no,no,no,cellular,jul,thu,63,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,admin.,married,high.school,no,no,no,cellular,jul,thu,298,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +37,blue-collar,married,high.school,unknown,no,no,cellular,jul,thu,413,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,53,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +40,management,single,university.degree,no,no,no,cellular,jul,thu,309,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,jul,thu,257,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,jul,thu,36,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,55,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,admin.,married,basic.6y,no,yes,yes,cellular,jul,thu,53,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +39,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,student,single,university.degree,unknown,yes,no,cellular,jul,thu,20,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +37,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,117,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,admin.,single,high.school,no,yes,no,cellular,jul,thu,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,technician,single,university.degree,no,yes,no,cellular,jul,thu,261,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,blue-collar,married,basic.6y,no,no,no,cellular,jul,thu,201,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +34,entrepreneur,married,professional.course,no,yes,no,cellular,jul,thu,109,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,admin.,married,basic.6y,no,yes,no,cellular,jul,thu,397,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +38,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,69,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,thu,264,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,admin.,married,high.school,no,no,no,cellular,jul,thu,48,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +44,technician,single,professional.course,no,yes,no,cellular,jul,thu,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,72,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +34,entrepreneur,married,professional.course,no,yes,no,cellular,jul,thu,94,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +41,technician,married,professional.course,no,yes,yes,cellular,jul,thu,539,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,317,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,services,single,high.school,no,no,no,cellular,jul,thu,1150,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +25,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,services,single,high.school,no,no,yes,cellular,jul,thu,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +42,services,married,high.school,no,yes,yes,cellular,jul,thu,302,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +44,technician,single,professional.course,no,yes,yes,cellular,jul,thu,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +47,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,thu,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,235,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,entrepreneur,single,university.degree,no,no,no,cellular,jul,thu,196,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,unemployed,married,high.school,no,no,yes,telephone,jul,thu,84,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,thu,151,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +54,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,blue-collar,married,basic.4y,no,no,yes,cellular,jul,thu,521,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,181,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,self-employed,married,university.degree,no,yes,no,cellular,jul,thu,50,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +55,housemaid,divorced,unknown,unknown,yes,no,cellular,jul,thu,80,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,technician,divorced,unknown,unknown,no,no,cellular,jul,thu,187,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +40,services,married,basic.9y,no,yes,no,cellular,jul,thu,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,services,single,high.school,no,yes,yes,cellular,jul,thu,205,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,self-employed,married,university.degree,no,no,no,cellular,jul,thu,114,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +40,services,married,basic.9y,no,no,no,cellular,jul,thu,228,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,services,single,high.school,no,no,no,cellular,jul,thu,20,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,self-employed,married,university.degree,no,yes,no,cellular,jul,thu,628,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,blue-collar,single,high.school,unknown,no,no,cellular,jul,thu,117,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,418,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +48,admin.,married,high.school,unknown,yes,yes,cellular,jul,thu,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,302,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,blue-collar,single,basic.9y,no,yes,no,telephone,jul,thu,17,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +45,services,married,basic.9y,no,no,no,cellular,jul,thu,50,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +44,admin.,married,university.degree,no,no,no,cellular,jul,thu,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,jul,thu,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,jul,thu,258,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,jul,thu,45,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +45,admin.,single,university.degree,no,yes,no,cellular,jul,thu,544,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,technician,divorced,high.school,no,no,no,cellular,jul,thu,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,services,single,basic.9y,no,yes,no,cellular,jul,thu,753,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +43,blue-collar,single,basic.6y,no,yes,no,cellular,jul,thu,391,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,services,single,high.school,no,yes,no,cellular,jul,thu,72,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,student,single,university.degree,no,no,no,cellular,jul,thu,84,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,jul,thu,686,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,student,single,university.degree,no,yes,no,cellular,jul,thu,277,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,technician,divorced,high.school,no,yes,no,cellular,jul,thu,388,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,student,single,university.degree,no,yes,no,cellular,jul,thu,324,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,295,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,284,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,86,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +47,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,thu,504,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,technician,divorced,high.school,no,yes,no,cellular,jul,thu,1171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,entrepreneur,married,basic.9y,no,yes,no,cellular,jul,thu,430,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +43,technician,single,university.degree,no,yes,no,cellular,jul,thu,201,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +43,technician,married,basic.9y,no,yes,no,cellular,jul,thu,50,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,technician,single,high.school,no,no,no,cellular,jul,thu,224,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +43,technician,single,university.degree,no,yes,no,cellular,jul,thu,272,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,self-employed,married,basic.9y,unknown,yes,no,cellular,jul,thu,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,self-employed,divorced,university.degree,no,unknown,unknown,cellular,jul,thu,262,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,admin.,single,university.degree,no,yes,no,telephone,jul,thu,344,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,818,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +43,technician,single,university.degree,no,yes,no,cellular,jul,thu,534,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +52,technician,married,professional.course,no,yes,no,cellular,jul,thu,402,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,technician,single,basic.6y,no,yes,no,cellular,jul,thu,127,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +37,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,87,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,97,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,324,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +42,entrepreneur,married,basic.4y,unknown,yes,no,cellular,jul,thu,287,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,284,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,67,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +41,entrepreneur,married,professional.course,no,yes,no,cellular,jul,thu,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,management,single,basic.9y,no,yes,no,cellular,jul,thu,234,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +34,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,54,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,no,no,cellular,jul,thu,59,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,no,no,cellular,jul,thu,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,admin.,single,university.degree,no,yes,no,telephone,jul,thu,167,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,yes,no,cellular,jul,thu,58,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,management,single,basic.9y,no,yes,no,cellular,jul,thu,509,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,unemployed,married,professional.course,no,unknown,unknown,cellular,jul,thu,156,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,no,no,cellular,jul,thu,200,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +39,admin.,divorced,high.school,no,yes,yes,cellular,jul,thu,354,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,unemployed,single,university.degree,no,yes,no,cellular,jul,thu,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +34,technician,single,professional.course,no,no,no,cellular,jul,thu,28,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,yes,no,cellular,jul,thu,224,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +42,housemaid,married,basic.9y,no,yes,no,cellular,jul,thu,410,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +34,technician,single,professional.course,no,yes,no,cellular,jul,thu,109,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,no,no,cellular,jul,thu,1275,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +30,entrepreneur,single,university.degree,no,yes,no,cellular,jul,thu,11,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,no,no,cellular,jul,thu,1183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,692,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +58,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,thu,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,jul,thu,120,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +47,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,136,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,no,no,cellular,jul,thu,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,118,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jul,thu,109,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +59,retired,single,high.school,no,yes,no,cellular,jul,thu,143,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,admin.,single,high.school,unknown,unknown,unknown,cellular,jul,thu,84,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,admin.,single,high.school,unknown,yes,no,telephone,jul,thu,15,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,technician,married,basic.9y,no,no,yes,cellular,jul,thu,536,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,admin.,married,high.school,no,no,no,cellular,jul,thu,490,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,282,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,blue-collar,married,basic.4y,no,no,yes,telephone,jul,thu,1008,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +24,admin.,single,high.school,unknown,yes,yes,cellular,jul,thu,493,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,421,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,jul,thu,80,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,unemployed,married,university.degree,no,yes,no,cellular,jul,thu,202,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +42,housemaid,married,basic.9y,no,yes,yes,cellular,jul,thu,301,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +39,housemaid,divorced,basic.9y,no,yes,no,cellular,jul,thu,105,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,unemployed,married,university.degree,no,no,no,cellular,jul,thu,509,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +23,management,single,university.degree,no,no,yes,cellular,jul,thu,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +23,management,single,university.degree,no,yes,no,cellular,jul,thu,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,unemployed,single,university.degree,no,yes,yes,cellular,jul,thu,538,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +41,entrepreneur,divorced,basic.9y,no,yes,yes,cellular,jul,thu,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +41,entrepreneur,divorced,basic.9y,no,yes,no,cellular,jul,thu,179,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +34,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,thu,195,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +38,management,married,university.degree,no,yes,yes,cellular,jul,thu,68,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +23,management,single,university.degree,no,no,no,cellular,jul,thu,795,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +35,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,225,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +39,housemaid,divorced,basic.9y,no,no,no,cellular,jul,thu,926,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +41,entrepreneur,divorced,basic.9y,no,yes,yes,cellular,jul,thu,219,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +58,retired,married,high.school,no,no,no,cellular,jul,thu,119,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +58,retired,married,high.school,no,yes,no,cellular,jul,thu,232,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +58,retired,married,high.school,no,yes,no,cellular,jul,thu,245,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,technician,divorced,university.degree,no,yes,yes,cellular,jul,thu,260,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +34,admin.,unknown,university.degree,no,yes,no,cellular,jul,thu,243,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,470,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,self-employed,married,university.degree,no,no,no,cellular,jul,thu,109,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,student,single,university.degree,no,yes,no,cellular,jul,thu,172,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,student,single,university.degree,no,unknown,unknown,cellular,jul,thu,312,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,student,single,university.degree,no,yes,no,cellular,jul,thu,393,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,admin.,married,high.school,unknown,yes,no,cellular,jul,thu,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +45,services,married,basic.9y,unknown,yes,no,cellular,jul,thu,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,admin.,single,high.school,no,yes,no,cellular,jul,thu,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +45,services,married,basic.9y,unknown,yes,yes,cellular,jul,thu,270,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,jul,thu,79,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,married,basic.9y,no,no,yes,cellular,jul,thu,655,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,technician,divorced,high.school,no,no,no,cellular,jul,thu,123,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +45,services,married,basic.9y,unknown,no,yes,cellular,jul,thu,479,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,thu,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +54,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,services,divorced,high.school,no,no,no,cellular,jul,thu,654,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,student,single,university.degree,no,yes,no,cellular,jul,thu,747,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,technician,married,high.school,unknown,no,no,cellular,jul,thu,321,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,technician,single,professional.course,no,no,no,cellular,jul,thu,54,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,technician,single,professional.course,no,yes,no,cellular,jul,thu,312,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,university.degree,no,no,yes,cellular,jul,thu,1027,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +32,self-employed,single,university.degree,no,yes,no,cellular,jul,thu,630,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,services,single,high.school,no,no,no,cellular,jul,thu,360,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,entrepreneur,married,basic.4y,unknown,no,no,cellular,jul,thu,180,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,admin.,single,university.degree,no,yes,yes,cellular,jul,thu,22,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,admin.,single,university.degree,no,no,no,cellular,jul,thu,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +43,services,married,high.school,no,no,no,cellular,jul,thu,345,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,technician,single,professional.course,unknown,yes,no,cellular,jul,thu,506,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +39,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,388,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,377,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,technician,married,professional.course,no,no,no,cellular,jul,thu,683,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +23,services,single,high.school,no,no,no,cellular,jul,thu,796,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,single,basic.4y,unknown,yes,no,telephone,jul,thu,381,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +23,management,single,university.degree,no,yes,yes,cellular,jul,thu,804,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,services,single,high.school,no,yes,no,cellular,jul,thu,127,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,18,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +41,blue-collar,divorced,high.school,no,yes,no,cellular,jul,thu,168,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,263,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,blue-collar,married,basic.4y,no,yes,yes,cellular,jul,thu,309,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +40,housemaid,divorced,high.school,unknown,yes,yes,cellular,jul,thu,43,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,admin.,single,basic.9y,no,no,no,cellular,jul,thu,504,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,blue-collar,single,high.school,no,no,no,cellular,jul,thu,353,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +57,entrepreneur,married,unknown,unknown,no,no,cellular,jul,thu,384,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,unemployed,married,university.degree,no,unknown,unknown,cellular,jul,thu,177,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,technician,single,basic.6y,no,yes,yes,cellular,jul,thu,18,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,334,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,275,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,technician,single,basic.6y,no,yes,no,cellular,jul,thu,378,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,management,divorced,university.degree,unknown,yes,no,cellular,jul,thu,489,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,technician,married,professional.course,no,yes,yes,cellular,jul,thu,54,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +56,admin.,divorced,basic.6y,no,no,yes,cellular,jul,thu,174,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +42,entrepreneur,married,basic.4y,unknown,yes,no,telephone,jul,thu,485,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +23,management,single,university.degree,no,no,no,cellular,jul,thu,1584,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +25,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,420,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,housemaid,married,basic.4y,no,no,no,cellular,jul,thu,62,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,thu,626,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +29,unemployed,married,university.degree,no,yes,no,cellular,jul,thu,104,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,housemaid,married,basic.4y,no,no,no,cellular,jul,thu,695,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +55,housemaid,divorced,unknown,unknown,no,no,cellular,jul,thu,139,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,admin.,single,university.degree,no,no,yes,cellular,jul,thu,582,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +24,technician,single,basic.6y,no,yes,no,telephone,jul,thu,1448,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +23,management,single,university.degree,no,no,no,cellular,jul,thu,271,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,housemaid,married,basic.4y,no,yes,no,cellular,jul,thu,1151,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +40,housemaid,divorced,high.school,unknown,no,yes,telephone,jul,thu,265,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,admin.,single,basic.9y,unknown,no,no,telephone,jul,thu,171,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,120,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,services,single,basic.9y,no,yes,no,cellular,jul,thu,277,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,self-employed,unknown,professional.course,no,no,yes,cellular,jul,thu,383,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,services,single,high.school,no,no,no,cellular,jul,thu,186,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,admin.,single,university.degree,no,yes,no,cellular,jul,thu,271,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +52,blue-collar,divorced,basic.4y,unknown,no,no,cellular,jul,thu,160,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,technician,married,professional.course,no,no,yes,cellular,jul,thu,207,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,admin.,divorced,high.school,no,yes,no,telephone,jul,thu,197,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +34,technician,single,university.degree,no,yes,no,telephone,jul,thu,202,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,656,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +33,management,married,university.degree,no,yes,yes,cellular,jul,thu,1390,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,blue-collar,single,unknown,no,no,no,cellular,jul,thu,637,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +49,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,jul,thu,188,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,admin.,divorced,university.degree,no,yes,no,cellular,jul,thu,231,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,unemployed,married,university.degree,no,yes,no,cellular,jul,thu,738,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,thu,551,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +28,blue-collar,single,unknown,no,yes,no,cellular,jul,thu,25,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +56,admin.,divorced,basic.6y,no,no,no,cellular,jul,thu,614,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,blue-collar,single,unknown,no,no,no,cellular,jul,thu,437,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,technician,married,basic.9y,no,no,yes,cellular,jul,thu,1319,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +27,admin.,single,high.school,unknown,yes,no,cellular,jul,thu,606,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,entrepreneur,married,basic.4y,unknown,no,no,cellular,jul,thu,235,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,services,single,basic.9y,unknown,yes,no,cellular,jul,thu,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,thu,201,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,self-employed,divorced,university.degree,no,yes,no,cellular,jul,thu,275,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,jul,thu,268,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +39,admin.,married,high.school,unknown,no,no,cellular,jul,thu,210,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,unemployed,married,university.degree,no,no,no,cellular,jul,thu,275,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,538,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +44,blue-collar,married,basic.6y,unknown,no,no,telephone,jul,thu,304,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +37,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,147,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,no,no,cellular,jul,thu,84,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,yes,no,cellular,jul,thu,125,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +43,admin.,married,basic.9y,unknown,no,no,cellular,jul,thu,294,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,59,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +48,admin.,married,high.school,unknown,yes,no,cellular,jul,thu,182,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,jul,thu,410,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,married,basic.6y,no,yes,no,cellular,jul,thu,209,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,technician,single,professional.course,no,no,no,cellular,jul,thu,234,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,blue-collar,single,basic.9y,no,yes,no,telephone,jul,thu,124,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,111,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,unknown,single,high.school,unknown,yes,no,cellular,jul,thu,277,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,yes,no,cellular,jul,thu,80,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,yes,no,cellular,jul,thu,222,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,high.school,no,no,no,cellular,jul,thu,147,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,jul,thu,278,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,admin.,single,university.degree,no,yes,no,cellular,jul,thu,174,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,self-employed,married,university.degree,no,no,no,cellular,jul,thu,1175,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +35,blue-collar,married,basic.9y,no,no,no,telephone,jul,thu,46,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,divorced,unknown,no,no,no,cellular,jul,thu,536,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +59,retired,single,high.school,no,no,no,cellular,jul,thu,257,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +37,blue-collar,single,basic.4y,no,no,yes,cellular,jul,thu,728,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,jul,thu,1018,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,blue-collar,married,unknown,unknown,no,no,cellular,jul,thu,291,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,management,single,university.degree,no,no,no,cellular,jul,thu,654,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +45,admin.,divorced,university.degree,no,yes,no,cellular,jul,thu,1673,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +44,technician,single,professional.course,no,no,no,cellular,jul,thu,330,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +42,entrepreneur,married,basic.4y,unknown,yes,no,cellular,jul,thu,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +42,self-employed,single,professional.course,no,yes,no,telephone,jul,thu,171,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,technician,single,basic.6y,no,yes,no,telephone,jul,thu,248,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,admin.,single,university.degree,no,yes,no,cellular,jul,thu,170,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +44,technician,single,professional.course,no,yes,no,cellular,jul,thu,408,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,services,single,basic.6y,unknown,yes,no,cellular,jul,thu,301,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,services,single,basic.6y,unknown,no,no,cellular,jul,thu,88,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +23,technician,married,professional.course,no,no,no,cellular,jul,thu,81,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +57,technician,married,basic.9y,unknown,yes,yes,cellular,jul,thu,155,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,services,single,high.school,no,no,no,cellular,jul,thu,770,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +52,technician,married,professional.course,no,yes,no,cellular,jul,thu,57,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,single,basic.9y,no,yes,no,cellular,jul,thu,77,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +26,admin.,married,high.school,no,no,no,cellular,jul,thu,991,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +28,blue-collar,single,unknown,no,no,no,cellular,jul,thu,82,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,903,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,telephone,jul,thu,610,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,entrepreneur,married,basic.4y,unknown,yes,no,cellular,jul,thu,175,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,jul,thu,122,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,technician,divorced,high.school,no,yes,no,cellular,jul,thu,395,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +38,entrepreneur,married,basic.6y,unknown,no,no,telephone,jul,thu,517,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +38,services,divorced,high.school,no,yes,no,cellular,jul,thu,444,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,technician,single,basic.6y,no,no,no,telephone,jul,thu,207,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,technician,single,professional.course,no,yes,no,cellular,jul,thu,230,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,jul,thu,674,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +48,unemployed,married,basic.4y,unknown,yes,no,cellular,jul,thu,172,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +35,unemployed,divorced,basic.9y,no,no,no,cellular,jul,thu,169,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,admin.,single,high.school,unknown,no,no,cellular,jul,thu,320,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +46,admin.,single,university.degree,unknown,yes,no,cellular,jul,thu,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +46,admin.,single,university.degree,unknown,yes,no,cellular,jul,thu,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,jul,thu,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +29,blue-collar,single,professional.course,no,no,no,cellular,jul,thu,43,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +50,technician,married,professional.course,no,yes,no,cellular,jul,thu,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +31,self-employed,unknown,professional.course,no,no,no,cellular,jul,thu,505,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +49,admin.,divorced,high.school,no,no,no,telephone,jul,thu,27,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +37,admin.,single,university.degree,no,no,no,cellular,jul,thu,546,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,jul,thu,91,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +24,technician,single,basic.6y,no,no,no,cellular,jul,thu,75,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +42,services,married,high.school,no,no,no,cellular,jul,thu,1153,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,yes +49,admin.,divorced,high.school,no,no,no,cellular,jul,thu,602,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +32,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,740,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +27,blue-collar,divorced,unknown,no,no,no,cellular,jul,thu,193,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +28,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +52,housemaid,single,university.degree,no,no,no,cellular,jul,thu,188,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +57,admin.,married,high.school,no,no,no,telephone,jul,thu,487,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +39,admin.,married,high.school,unknown,no,yes,cellular,jul,thu,134,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,735,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.958,5228.1,no +25,services,single,high.school,no,yes,no,cellular,jul,fri,172,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,jul,fri,138,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +22,admin.,single,high.school,no,yes,no,cellular,jul,fri,64,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,services,married,high.school,no,no,yes,cellular,jul,fri,157,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,services,single,high.school,no,no,no,cellular,jul,fri,185,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +53,services,divorced,basic.9y,no,yes,no,cellular,jul,fri,121,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,high.school,no,no,yes,telephone,jul,fri,21,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,156,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,jul,fri,74,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,services,married,high.school,no,yes,no,cellular,jul,fri,302,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,services,married,high.school,no,no,no,cellular,jul,fri,95,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +22,blue-collar,single,basic.6y,no,no,no,cellular,jul,fri,100,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,self-employed,married,university.degree,unknown,no,no,cellular,jul,fri,172,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,blue-collar,married,basic.4y,no,no,no,cellular,jul,fri,623,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +37,technician,married,professional.course,no,no,yes,cellular,jul,fri,674,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +39,housemaid,married,basic.6y,no,yes,no,cellular,jul,fri,76,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,fri,1081,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +39,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,113,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,management,married,university.degree,no,no,yes,cellular,jul,fri,69,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,fri,50,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,technician,single,university.degree,no,no,no,telephone,jul,fri,455,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,admin.,single,university.degree,no,no,no,cellular,jul,fri,142,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,jul,fri,165,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +53,management,married,high.school,no,no,no,cellular,jul,fri,91,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,entrepreneur,married,basic.9y,no,yes,no,telephone,jul,fri,53,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,entrepreneur,married,university.degree,unknown,no,no,cellular,jul,fri,400,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,self-employed,single,university.degree,no,yes,no,cellular,jul,fri,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +51,housemaid,married,high.school,unknown,yes,yes,cellular,jul,fri,454,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,high.school,no,yes,yes,cellular,jul,fri,67,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +53,services,divorced,basic.9y,no,no,no,cellular,jul,fri,127,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,admin.,married,university.degree,unknown,no,no,cellular,jul,fri,178,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +48,admin.,married,high.school,no,no,no,cellular,jul,fri,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,technician,single,professional.course,no,no,no,cellular,jul,fri,59,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,single,high.school,no,no,yes,cellular,jul,fri,287,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,jul,fri,85,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,technician,married,professional.course,no,yes,yes,cellular,jul,fri,292,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,admin.,single,university.degree,unknown,yes,yes,cellular,jul,fri,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +40,services,divorced,basic.9y,no,yes,no,cellular,jul,fri,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,admin.,married,university.degree,no,no,no,cellular,jul,fri,146,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,technician,married,basic.9y,no,yes,no,cellular,jul,fri,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,jul,fri,103,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +57,blue-collar,married,high.school,unknown,no,no,cellular,jul,fri,558,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +57,blue-collar,married,high.school,unknown,yes,no,cellular,jul,fri,572,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +27,admin.,married,university.degree,no,yes,no,cellular,jul,fri,494,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +35,admin.,single,university.degree,no,no,no,cellular,jul,fri,14,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,admin.,married,high.school,no,no,yes,cellular,jul,fri,354,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,jul,fri,91,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,fri,304,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,fri,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,admin.,married,high.school,no,unknown,unknown,cellular,jul,fri,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,admin.,single,basic.9y,no,no,no,cellular,jul,fri,978,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +32,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,fri,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,blue-collar,single,basic.9y,unknown,unknown,unknown,cellular,jul,fri,240,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,fri,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,jul,fri,536,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +32,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,fri,316,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,services,married,high.school,no,yes,no,cellular,jul,fri,91,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,admin.,single,university.degree,no,no,no,cellular,jul,fri,149,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,management,single,university.degree,no,yes,no,cellular,jul,fri,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,management,single,basic.9y,no,yes,no,telephone,jul,fri,11,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,222,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,management,single,basic.9y,no,yes,no,cellular,jul,fri,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +52,retired,married,basic.4y,unknown,yes,no,cellular,jul,fri,412,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,university.degree,no,yes,yes,cellular,jul,fri,383,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,admin.,single,high.school,no,yes,no,telephone,jul,fri,41,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,high.school,no,no,no,cellular,jul,fri,567,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +31,technician,single,university.degree,no,yes,no,cellular,jul,fri,800,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,jul,fri,84,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,self-employed,married,university.degree,no,no,no,cellular,jul,fri,178,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,blue-collar,single,high.school,no,yes,no,cellular,jul,fri,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,technician,single,high.school,no,no,no,cellular,jul,fri,33,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,entrepreneur,single,professional.course,no,no,no,cellular,jul,fri,274,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,technician,married,university.degree,no,yes,no,cellular,jul,fri,116,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,services,single,high.school,no,yes,no,cellular,jul,fri,71,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,management,single,basic.9y,no,no,yes,cellular,jul,fri,968,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +43,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,377,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,113,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,225,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,fri,277,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,jul,fri,274,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,jul,fri,467,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,admin.,married,professional.course,no,no,no,cellular,jul,fri,262,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,fri,474,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +33,admin.,single,high.school,no,no,no,cellular,jul,fri,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,technician,married,high.school,no,yes,no,cellular,jul,fri,110,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,yes,telephone,jul,fri,131,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,blue-collar,single,high.school,no,yes,no,cellular,jul,fri,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,blue-collar,single,high.school,no,no,no,cellular,jul,fri,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +50,self-employed,married,basic.9y,no,no,no,cellular,jul,fri,411,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,admin.,single,high.school,no,yes,no,cellular,jul,fri,516,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +31,admin.,married,university.degree,no,no,no,cellular,jul,fri,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,services,married,high.school,no,yes,no,cellular,jul,fri,164,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,jul,fri,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,blue-collar,single,high.school,no,yes,no,cellular,jul,fri,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,services,divorced,high.school,unknown,yes,no,cellular,jul,fri,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,blue-collar,single,high.school,no,no,no,cellular,jul,fri,482,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,university.degree,no,no,yes,cellular,jul,fri,569,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,unemployed,divorced,high.school,no,no,no,cellular,jul,fri,167,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,services,divorced,high.school,unknown,no,yes,cellular,jul,fri,278,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +54,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,94,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,technician,single,unknown,no,unknown,unknown,cellular,jul,fri,177,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,services,married,high.school,no,yes,no,cellular,jul,fri,110,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,fri,383,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,286,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +22,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,610,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +37,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,223,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,fri,313,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,university.degree,no,unknown,unknown,cellular,jul,fri,41,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,admin.,single,high.school,no,yes,no,cellular,jul,fri,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,services,single,university.degree,no,no,no,cellular,jul,fri,116,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +50,services,married,high.school,no,yes,no,cellular,jul,fri,60,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,university.degree,no,yes,no,cellular,jul,fri,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,self-employed,married,basic.9y,unknown,no,no,cellular,jul,fri,119,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,services,divorced,high.school,no,no,no,cellular,jul,fri,238,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,services,single,university.degree,no,yes,no,cellular,jul,fri,337,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +57,retired,single,university.degree,no,yes,no,cellular,jul,fri,75,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,services,single,high.school,unknown,yes,yes,telephone,jul,fri,11,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,fri,174,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,fri,63,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,jul,fri,483,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,services,married,high.school,no,yes,no,cellular,jul,fri,47,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,blue-collar,single,basic.4y,no,no,no,cellular,jul,fri,308,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,269,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,blue-collar,married,basic.6y,no,no,no,cellular,jul,fri,640,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +33,admin.,married,university.degree,no,no,no,cellular,jul,fri,384,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,management,single,university.degree,no,no,no,cellular,jul,fri,292,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,jul,fri,147,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,jul,fri,287,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +57,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +22,blue-collar,single,basic.4y,unknown,yes,no,cellular,jul,fri,25,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,blue-collar,married,high.school,no,yes,no,cellular,jul,fri,159,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +57,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,302,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,fri,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,admin.,married,high.school,no,yes,no,cellular,jul,fri,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,admin.,single,university.degree,no,yes,no,cellular,jul,fri,439,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,unemployed,divorced,university.degree,no,yes,yes,cellular,jul,fri,133,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,blue-collar,married,basic.9y,no,no,yes,telephone,jul,fri,494,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,67,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,technician,married,professional.course,no,no,no,cellular,jul,fri,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,management,single,university.degree,no,yes,no,cellular,jul,fri,381,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,services,married,basic.4y,unknown,no,no,cellular,jul,fri,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,technician,married,professional.course,no,yes,no,cellular,jul,fri,354,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,housemaid,married,university.degree,unknown,yes,no,cellular,jul,fri,117,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,technician,divorced,professional.course,no,yes,no,cellular,jul,fri,239,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,services,single,professional.course,no,yes,no,cellular,jul,fri,671,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +45,admin.,divorced,university.degree,no,no,no,cellular,jul,fri,508,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,housemaid,divorced,basic.4y,unknown,no,no,cellular,jul,fri,420,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +44,entrepreneur,married,professional.course,no,no,no,cellular,jul,fri,56,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,entrepreneur,single,basic.9y,no,no,no,cellular,jul,fri,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,entrepreneur,single,basic.9y,no,yes,no,cellular,jul,fri,263,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,entrepreneur,married,basic.9y,unknown,yes,no,cellular,jul,fri,658,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +30,admin.,married,high.school,no,yes,no,cellular,jul,fri,362,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,blue-collar,married,basic.4y,no,yes,no,cellular,jul,fri,342,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,housemaid,divorced,basic.4y,unknown,no,no,cellular,jul,fri,300,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,207,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,unemployed,divorced,high.school,no,yes,no,cellular,jul,fri,115,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,services,divorced,basic.6y,unknown,yes,yes,cellular,jul,fri,112,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +51,services,married,basic.4y,no,yes,no,cellular,jul,fri,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,jul,fri,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +50,admin.,divorced,high.school,no,yes,no,cellular,jul,fri,95,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,services,single,high.school,no,yes,no,cellular,jul,fri,259,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +53,services,divorced,basic.9y,no,yes,no,cellular,jul,fri,503,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,blue-collar,divorced,basic.4y,unknown,yes,no,telephone,jul,fri,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,jul,fri,328,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,technician,married,university.degree,no,no,no,cellular,jul,fri,187,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,single,high.school,no,no,no,cellular,jul,fri,140,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,services,divorced,basic.6y,unknown,no,no,telephone,jul,fri,744,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +57,retired,divorced,basic.4y,unknown,no,no,cellular,jul,fri,655,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +59,management,married,basic.9y,unknown,yes,no,cellular,jul,fri,142,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,technician,married,university.degree,no,no,no,cellular,jul,fri,642,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,blue-collar,single,basic.4y,no,yes,no,cellular,jul,fri,141,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,jul,fri,659,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +43,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,fri,101,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +60,admin.,divorced,high.school,no,yes,no,cellular,jul,fri,179,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +60,admin.,divorced,high.school,no,yes,no,cellular,jul,fri,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,services,married,basic.9y,no,yes,no,cellular,jul,fri,169,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,admin.,single,university.degree,no,yes,no,telephone,jul,fri,199,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,technician,divorced,high.school,no,no,no,cellular,jul,fri,143,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,blue-collar,married,basic.4y,no,yes,no,cellular,jul,fri,641,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +25,admin.,single,university.degree,no,no,no,cellular,jul,fri,835,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,technician,single,university.degree,no,yes,no,telephone,jul,fri,54,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,management,single,university.degree,no,yes,no,cellular,jul,fri,415,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +42,admin.,married,university.degree,no,yes,no,cellular,jul,fri,146,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +52,admin.,married,high.school,unknown,yes,no,cellular,jul,fri,410,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,jul,fri,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,admin.,married,high.school,no,no,no,cellular,jul,fri,595,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,fri,97,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +27,technician,single,basic.9y,unknown,no,no,cellular,jul,fri,171,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +53,self-employed,married,university.degree,unknown,no,no,telephone,jul,fri,239,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,jul,fri,328,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,admin.,single,university.degree,no,no,no,cellular,jul,fri,852,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +34,admin.,single,high.school,no,yes,no,cellular,jul,fri,49,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,635,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +38,entrepreneur,married,basic.9y,no,yes,no,cellular,jul,fri,215,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,services,single,high.school,unknown,yes,no,cellular,jul,fri,34,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +42,admin.,single,university.degree,unknown,yes,no,cellular,jul,fri,218,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,jul,fri,352,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,management,single,basic.9y,no,no,no,cellular,jul,fri,652,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +46,management,divorced,university.degree,no,yes,no,cellular,jul,fri,317,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,entrepreneur,single,professional.course,no,yes,no,cellular,jul,fri,92,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,entrepreneur,married,basic.9y,no,no,no,cellular,jul,fri,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,blue-collar,married,high.school,no,no,no,cellular,jul,fri,297,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,admin.,married,high.school,unknown,no,no,cellular,jul,fri,225,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,admin.,single,university.degree,no,no,yes,telephone,jul,fri,183,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +20,student,single,university.degree,no,yes,no,cellular,jul,fri,1503,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,entrepreneur,married,basic.6y,no,yes,no,cellular,jul,fri,168,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,blue-collar,single,basic.6y,no,no,yes,cellular,jul,fri,1127,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +24,technician,single,professional.course,no,no,no,cellular,jul,fri,73,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,entrepreneur,married,basic.9y,no,no,yes,telephone,jul,fri,129,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,technician,single,university.degree,no,no,no,cellular,jul,fri,216,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,university.degree,no,no,no,telephone,jul,fri,55,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,admin.,single,university.degree,no,yes,no,cellular,jul,fri,706,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,jul,fri,728,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,management,single,basic.9y,no,yes,yes,cellular,jul,fri,351,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,admin.,single,high.school,no,no,no,cellular,jul,fri,134,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,jul,fri,127,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +49,technician,married,professional.course,no,yes,no,cellular,jul,fri,579,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,self-employed,married,basic.9y,unknown,yes,no,cellular,jul,fri,909,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,technician,single,high.school,no,no,no,cellular,jul,fri,96,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,blue-collar,single,basic.4y,unknown,yes,no,telephone,jul,fri,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,fri,100,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +45,housemaid,divorced,basic.4y,unknown,yes,no,cellular,jul,fri,183,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +47,admin.,married,high.school,unknown,yes,no,cellular,jul,fri,247,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,jul,fri,252,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,self-employed,married,high.school,unknown,no,no,cellular,jul,fri,175,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,technician,married,high.school,no,yes,no,cellular,jul,fri,1360,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +36,blue-collar,married,basic.9y,no,no,yes,cellular,jul,fri,118,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,university.degree,no,no,no,cellular,jul,fri,139,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,admin.,divorced,high.school,no,yes,no,cellular,jul,fri,464,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,self-employed,married,basic.9y,unknown,no,no,cellular,jul,fri,788,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,jul,fri,570,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,services,married,high.school,no,no,no,cellular,jul,fri,905,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +60,admin.,divorced,high.school,no,no,no,cellular,jul,fri,30,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +51,retired,married,basic.9y,no,no,no,cellular,jul,fri,180,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,fri,541,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,services,married,basic.4y,unknown,no,yes,cellular,jul,fri,127,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,housemaid,married,high.school,no,yes,no,cellular,jul,fri,440,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,admin.,married,university.degree,no,yes,no,cellular,jul,fri,112,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,fri,300,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,services,single,university.degree,no,no,yes,cellular,jul,fri,409,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,married,basic.9y,no,yes,no,cellular,jul,fri,247,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +56,admin.,married,university.degree,no,yes,no,cellular,jul,fri,177,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,services,single,high.school,no,no,no,cellular,jul,fri,320,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +32,entrepreneur,single,university.degree,no,no,no,cellular,jul,fri,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,services,single,high.school,no,yes,no,telephone,jul,fri,200,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,jul,fri,166,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,services,divorced,basic.4y,unknown,no,no,cellular,jul,fri,207,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,technician,single,university.degree,no,no,no,cellular,jul,fri,453,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,technician,single,unknown,no,no,no,cellular,jul,fri,126,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,379,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +36,housemaid,single,basic.4y,unknown,no,no,cellular,jul,fri,184,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,services,single,high.school,no,yes,no,cellular,jul,fri,37,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +24,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,191,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,services,single,unknown,no,no,no,telephone,jul,fri,662,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +28,admin.,single,unknown,no,yes,no,cellular,jul,fri,251,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,services,single,high.school,no,no,no,cellular,jul,fri,588,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +28,admin.,single,high.school,no,no,no,telephone,jul,fri,70,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,jul,fri,1373,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +53,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,93,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +21,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,127,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,entrepreneur,married,professional.course,no,no,no,cellular,jul,fri,462,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,jul,fri,305,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +41,self-employed,married,basic.9y,unknown,no,no,cellular,jul,fri,46,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,blue-collar,married,basic.9y,no,yes,yes,telephone,jul,fri,99,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,single,university.degree,no,no,no,cellular,jul,fri,35,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +53,technician,married,professional.course,unknown,yes,yes,cellular,jul,fri,264,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +38,entrepreneur,divorced,university.degree,no,yes,no,cellular,jul,fri,113,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,jul,fri,837,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,jul,fri,243,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +21,admin.,married,unknown,no,yes,no,cellular,jul,fri,528,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +29,admin.,single,university.degree,no,no,no,telephone,jul,fri,277,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +39,blue-collar,single,basic.4y,unknown,no,no,telephone,jul,fri,470,24,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +34,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,913,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +37,technician,married,professional.course,no,no,no,cellular,jul,fri,127,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +25,technician,married,professional.course,no,no,no,cellular,jul,fri,197,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +33,technician,married,professional.course,no,no,yes,cellular,jul,fri,414,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +22,student,single,high.school,no,no,yes,cellular,jul,fri,154,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,jul,fri,799,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +31,blue-collar,divorced,unknown,no,yes,no,cellular,jul,fri,320,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +31,blue-collar,divorced,unknown,no,yes,no,cellular,jul,fri,596,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +57,admin.,married,basic.9y,no,no,no,cellular,jul,fri,1139,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,yes +51,blue-collar,married,basic.6y,no,yes,no,cellular,jul,fri,227,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +44,blue-collar,divorced,basic.6y,unknown,no,no,cellular,jul,fri,580,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.957,5228.1,no +26,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,mon,82,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,mon,179,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,single,basic.9y,no,no,no,cellular,jul,mon,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,self-employed,single,university.degree,no,yes,no,cellular,jul,mon,212,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,technician,single,professional.course,no,no,no,telephone,jul,mon,280,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,management,married,university.degree,no,yes,no,cellular,jul,mon,124,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,technician,single,professional.course,no,yes,no,telephone,jul,mon,241,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,61,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,120,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,jul,mon,190,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,200,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,married,basic.9y,no,no,yes,cellular,jul,mon,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,technician,married,professional.course,no,yes,no,cellular,jul,mon,239,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,mon,200,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,jul,mon,463,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +54,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,144,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,blue-collar,married,high.school,no,yes,no,telephone,jul,mon,50,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,192,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,services,single,high.school,no,yes,no,cellular,jul,mon,75,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,mon,123,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,services,married,high.school,no,yes,no,cellular,jul,mon,93,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,no,no,cellular,jul,mon,999,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +26,services,married,high.school,no,yes,yes,cellular,jul,mon,114,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,services,single,high.school,no,yes,no,cellular,jul,mon,335,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,unknown,no,yes,no,cellular,jul,mon,43,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,housemaid,divorced,basic.9y,unknown,no,no,cellular,jul,mon,272,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,jul,mon,589,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +59,retired,married,basic.4y,unknown,no,no,cellular,jul,mon,91,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,student,single,high.school,unknown,yes,no,cellular,jul,mon,54,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,322,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,78,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,services,divorced,high.school,no,yes,no,cellular,jul,mon,72,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,168,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +22,blue-collar,single,basic.9y,no,yes,no,telephone,jul,mon,110,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +60,retired,married,university.degree,no,yes,no,cellular,jul,mon,120,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,married,unknown,no,yes,no,cellular,jul,mon,149,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,admin.,divorced,basic.9y,no,no,no,cellular,jul,mon,489,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,services,single,high.school,no,no,yes,telephone,jul,mon,1425,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,24,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,technician,single,university.degree,no,yes,no,telephone,jul,mon,218,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,unknown,no,no,yes,cellular,jul,mon,78,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,technician,single,professional.course,no,no,no,cellular,jul,mon,93,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +20,student,single,high.school,no,yes,no,cellular,jul,mon,100,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,257,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,mon,140,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,married,basic.9y,unknown,no,yes,cellular,jul,mon,145,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,management,single,university.degree,no,yes,no,telephone,jul,mon,90,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,basic.6y,no,no,no,cellular,jul,mon,122,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,97,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,admin.,single,professional.course,no,yes,no,cellular,jul,mon,357,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,management,married,university.degree,no,yes,no,cellular,jul,mon,638,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +45,admin.,married,university.degree,unknown,yes,no,cellular,jul,mon,478,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,services,divorced,high.school,no,no,yes,telephone,jul,mon,118,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,jul,mon,203,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,self-employed,single,university.degree,no,no,no,cellular,jul,mon,84,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,divorced,basic.9y,no,yes,no,cellular,jul,mon,118,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,single,high.school,unknown,no,yes,cellular,jul,mon,169,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,admin.,married,high.school,no,yes,no,cellular,jul,mon,176,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,self-employed,single,university.degree,no,no,no,cellular,jul,mon,195,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,101,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,technician,married,basic.9y,no,unknown,unknown,cellular,jul,mon,153,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,technician,single,professional.course,no,yes,no,cellular,jul,mon,519,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,227,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,entrepreneur,married,basic.9y,unknown,no,no,cellular,jul,mon,394,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,technician,married,basic.9y,no,yes,no,cellular,jul,mon,236,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,mon,180,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,services,divorced,high.school,no,no,yes,cellular,jul,mon,88,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,jul,mon,89,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,jul,mon,317,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,jul,mon,172,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,admin.,single,high.school,unknown,no,no,cellular,jul,mon,1105,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +27,self-employed,single,professional.course,no,no,no,cellular,jul,mon,553,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,technician,single,high.school,no,yes,no,cellular,jul,mon,538,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,808,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,blue-collar,divorced,high.school,no,yes,no,cellular,jul,mon,91,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,management,single,university.degree,no,yes,no,cellular,jul,mon,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,76,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,technician,married,professional.course,no,no,yes,cellular,jul,mon,554,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,management,married,university.degree,no,yes,no,cellular,jul,mon,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,technician,single,university.degree,no,yes,yes,cellular,jul,mon,126,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,316,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,405,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,self-employed,married,high.school,no,no,no,cellular,jul,mon,521,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +59,blue-collar,married,basic.4y,unknown,unknown,unknown,cellular,jul,mon,416,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,management,single,university.degree,no,yes,no,cellular,jul,mon,93,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,management,married,university.degree,unknown,yes,no,cellular,jul,mon,37,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,blue-collar,single,high.school,no,no,no,cellular,jul,mon,42,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,technician,single,professional.course,unknown,no,no,cellular,jul,mon,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,admin.,married,high.school,no,no,no,cellular,jul,mon,455,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,married,high.school,unknown,yes,no,cellular,jul,mon,150,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,blue-collar,married,basic.4y,no,yes,yes,cellular,jul,mon,93,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,jul,mon,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,admin.,single,basic.9y,no,no,no,cellular,jul,mon,66,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,management,single,university.degree,no,yes,no,cellular,jul,mon,323,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,blue-collar,single,basic.6y,unknown,no,no,telephone,jul,mon,37,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,services,divorced,high.school,no,yes,no,cellular,jul,mon,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,blue-collar,married,basic.4y,no,yes,yes,cellular,jul,mon,472,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,blue-collar,single,university.degree,no,no,no,cellular,jul,mon,357,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,mon,47,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,admin.,single,high.school,no,yes,no,cellular,jul,mon,295,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,technician,single,professional.course,no,no,no,cellular,jul,mon,581,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,113,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +54,blue-collar,married,basic.4y,no,yes,yes,cellular,jul,mon,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,admin.,married,high.school,no,yes,yes,cellular,jul,mon,193,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,admin.,married,high.school,no,yes,no,cellular,jul,mon,38,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,management,married,university.degree,no,no,no,cellular,jul,mon,77,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +53,entrepreneur,married,university.degree,no,yes,no,cellular,jul,mon,212,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,225,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,entrepreneur,single,university.degree,no,no,no,cellular,jul,mon,120,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +53,entrepreneur,married,university.degree,no,no,no,cellular,jul,mon,304,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +57,admin.,married,university.degree,no,no,no,cellular,jul,mon,230,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,856,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,admin.,married,university.degree,no,no,yes,cellular,jul,mon,396,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,853,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,single,high.school,unknown,no,no,cellular,jul,mon,590,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +35,self-employed,divorced,basic.9y,no,no,no,cellular,jul,mon,53,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,blue-collar,single,high.school,unknown,yes,no,cellular,jul,mon,55,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,mon,169,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,mon,475,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,blue-collar,married,basic.4y,no,no,yes,cellular,jul,mon,141,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,mon,54,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,admin.,single,high.school,no,yes,no,cellular,jul,mon,101,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,management,married,high.school,no,yes,no,cellular,jul,mon,54,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,blue-collar,single,basic.9y,no,no,yes,cellular,jul,mon,730,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,services,single,professional.course,no,yes,no,cellular,jul,mon,105,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,533,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,blue-collar,married,high.school,no,no,yes,cellular,jul,mon,177,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,admin.,married,high.school,no,yes,no,cellular,jul,mon,296,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,no,yes,cellular,jul,mon,304,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,technician,married,basic.4y,no,no,no,cellular,jul,mon,854,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +41,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,103,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,services,divorced,high.school,unknown,no,yes,cellular,jul,mon,97,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,admin.,single,high.school,no,no,no,cellular,jul,mon,31,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +60,admin.,married,high.school,unknown,no,yes,cellular,jul,mon,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,entrepreneur,married,basic.9y,no,no,no,cellular,jul,mon,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,services,married,high.school,no,yes,no,cellular,jul,mon,170,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,married,basic.9y,no,no,yes,cellular,jul,mon,99,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,blue-collar,married,basic.6y,no,no,no,cellular,jul,mon,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,services,married,high.school,no,yes,no,telephone,jul,mon,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,technician,divorced,professional.course,no,no,yes,cellular,jul,mon,100,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,admin.,married,university.degree,unknown,no,no,cellular,jul,mon,118,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,married,high.school,no,yes,no,telephone,jul,mon,19,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,married,high.school,no,no,no,telephone,jul,mon,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,services,married,high.school,unknown,no,yes,cellular,jul,mon,336,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,services,married,high.school,unknown,no,no,cellular,jul,mon,44,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,services,married,high.school,unknown,no,yes,cellular,jul,mon,479,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,single,basic.9y,no,no,no,cellular,jul,mon,71,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,technician,single,professional.course,no,no,no,cellular,jul,mon,617,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +46,management,married,university.degree,no,yes,no,cellular,jul,mon,92,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,mon,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,single,high.school,no,yes,no,cellular,jul,mon,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,divorced,basic.9y,no,no,no,cellular,jul,mon,177,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +45,admin.,married,university.degree,unknown,no,yes,cellular,jul,mon,93,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,blue-collar,married,basic.6y,no,yes,yes,cellular,jul,mon,218,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,369,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,technician,married,high.school,no,no,no,cellular,jul,mon,206,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +34,blue-collar,married,basic.6y,no,yes,no,cellular,jul,mon,320,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,mon,163,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,admin.,single,high.school,no,no,yes,cellular,jul,mon,101,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,admin.,single,professional.course,no,yes,no,cellular,jul,mon,171,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,1039,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +36,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,mon,221,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,369,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,single,high.school,unknown,yes,no,cellular,jul,mon,141,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,574,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +44,admin.,single,basic.9y,no,yes,yes,cellular,jul,mon,919,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +47,services,divorced,basic.9y,unknown,no,no,cellular,jul,mon,678,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,married,high.school,no,no,no,cellular,jul,mon,101,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,student,single,high.school,no,no,no,cellular,jul,mon,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,technician,married,professional.course,no,no,no,cellular,jul,mon,149,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,jul,mon,72,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,technician,single,professional.course,no,no,no,cellular,jul,mon,65,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,technician,divorced,high.school,no,yes,no,telephone,jul,mon,61,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,technician,divorced,high.school,no,yes,no,cellular,jul,mon,521,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,mon,1017,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +40,self-employed,married,high.school,no,yes,no,cellular,jul,mon,51,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,blue-collar,single,basic.9y,no,no,yes,cellular,jul,mon,237,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,technician,divorced,high.school,no,yes,no,cellular,jul,mon,357,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,mon,449,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +22,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,mon,848,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +38,entrepreneur,married,professional.course,no,yes,no,cellular,jul,mon,356,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,mon,204,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,admin.,single,high.school,no,no,no,cellular,jul,mon,71,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,technician,married,professional.course,no,yes,no,cellular,jul,mon,163,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,no,yes,cellular,jul,mon,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,married,university.degree,no,no,no,telephone,jul,mon,733,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +40,self-employed,married,high.school,no,no,no,cellular,jul,mon,353,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,mon,119,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,self-employed,married,high.school,no,yes,no,telephone,jul,mon,79,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,808,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,technician,single,university.degree,no,yes,no,cellular,jul,mon,553,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +43,admin.,married,high.school,no,no,no,cellular,jul,mon,507,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,admin.,married,university.degree,no,no,no,cellular,jul,mon,93,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,blue-collar,married,high.school,unknown,yes,no,cellular,jul,mon,245,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,technician,married,basic.9y,no,yes,no,cellular,jul,mon,1080,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +43,blue-collar,married,high.school,unknown,no,no,cellular,jul,mon,339,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,services,married,high.school,no,no,no,cellular,jul,mon,710,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +40,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,mon,824,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,jul,mon,333,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,services,married,high.school,no,yes,yes,cellular,jul,mon,1212,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +32,entrepreneur,married,high.school,no,yes,no,cellular,jul,mon,240,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +19,student,single,basic.9y,unknown,yes,no,cellular,jul,mon,87,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,admin.,married,university.degree,no,no,no,cellular,jul,mon,1156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,self-employed,married,high.school,no,no,no,cellular,jul,mon,761,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,200,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,471,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,jul,mon,80,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,services,divorced,high.school,no,no,no,cellular,jul,mon,137,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,623,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,services,single,high.school,no,no,no,cellular,jul,mon,881,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,housemaid,divorced,basic.4y,unknown,no,no,cellular,jul,mon,255,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +59,entrepreneur,married,university.degree,unknown,no,no,cellular,jul,mon,251,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,housemaid,divorced,basic.4y,unknown,no,no,cellular,jul,mon,357,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,services,married,basic.4y,unknown,no,no,cellular,jul,mon,891,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +22,blue-collar,single,unknown,unknown,no,no,cellular,jul,mon,228,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,housemaid,divorced,basic.4y,unknown,yes,no,cellular,jul,mon,121,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,services,divorced,high.school,no,yes,no,cellular,jul,mon,200,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,blue-collar,single,basic.4y,no,no,no,cellular,jul,mon,116,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,entrepreneur,married,university.degree,unknown,no,no,cellular,jul,mon,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,mon,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,single,university.degree,no,no,no,cellular,jul,mon,333,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,blue-collar,single,basic.4y,unknown,yes,no,cellular,jul,mon,153,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,technician,married,unknown,unknown,yes,no,cellular,jul,mon,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +52,blue-collar,divorced,basic.9y,unknown,yes,yes,cellular,jul,mon,410,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,56,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,services,married,university.degree,no,no,no,telephone,jul,mon,691,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +33,admin.,married,basic.9y,no,yes,yes,cellular,jul,mon,202,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,divorced,basic.9y,no,yes,yes,cellular,jul,mon,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,entrepreneur,single,university.degree,no,yes,no,cellular,jul,mon,580,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,blue-collar,married,basic.6y,no,no,no,cellular,jul,mon,178,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,single,basic.9y,no,yes,no,cellular,jul,mon,61,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,admin.,single,high.school,no,yes,no,telephone,jul,mon,742,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,admin.,married,university.degree,unknown,no,no,cellular,jul,mon,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,single,basic.6y,unknown,yes,no,telephone,jul,mon,1877,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +49,admin.,married,university.degree,unknown,yes,no,telephone,jul,mon,18,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,blue-collar,married,basic.6y,no,yes,no,cellular,jul,mon,167,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,295,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,181,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,management,married,university.degree,no,yes,no,cellular,jul,mon,292,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,blue-collar,married,basic.9y,no,no,no,telephone,jul,mon,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,46,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,578,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,admin.,single,high.school,no,yes,no,cellular,jul,mon,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,mon,299,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,admin.,married,university.degree,no,yes,no,cellular,jul,mon,588,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,single,basic.9y,no,yes,yes,cellular,jul,mon,145,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,blue-collar,married,basic.6y,unknown,yes,yes,cellular,jul,mon,250,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,technician,single,university.degree,no,yes,yes,cellular,jul,mon,149,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +23,services,single,high.school,no,yes,yes,cellular,jul,mon,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,services,single,high.school,no,yes,yes,cellular,jul,mon,208,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,admin.,single,high.school,no,no,no,cellular,jul,mon,249,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,technician,single,professional.course,no,yes,no,cellular,jul,mon,292,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,technician,single,high.school,no,yes,no,cellular,jul,mon,407,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,222,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,admin.,single,basic.9y,no,yes,no,cellular,jul,mon,50,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,technician,married,unknown,no,no,no,cellular,jul,mon,250,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,mon,147,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +22,services,married,high.school,unknown,yes,no,cellular,jul,mon,100,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,admin.,married,high.school,no,no,no,telephone,jul,mon,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,married,high.school,no,yes,no,telephone,jul,mon,107,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,services,married,high.school,no,yes,yes,cellular,jul,mon,332,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,132,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +54,retired,married,basic.4y,unknown,yes,yes,cellular,jul,mon,320,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,housemaid,divorced,basic.4y,no,yes,no,cellular,jul,mon,71,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,91,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,housemaid,married,basic.4y,no,yes,no,cellular,jul,mon,149,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,blue-collar,married,high.school,no,yes,no,cellular,jul,mon,392,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,blue-collar,married,unknown,unknown,yes,yes,cellular,jul,mon,210,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +22,blue-collar,single,unknown,unknown,no,no,telephone,jul,mon,50,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +57,blue-collar,married,professional.course,unknown,yes,no,cellular,jul,mon,857,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +31,services,single,university.degree,no,yes,no,cellular,jul,mon,68,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +56,blue-collar,married,unknown,unknown,no,no,cellular,jul,mon,298,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,blue-collar,single,basic.4y,unknown,yes,yes,cellular,jul,mon,213,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,services,single,university.degree,no,yes,no,cellular,jul,mon,195,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +58,management,married,university.degree,no,yes,no,cellular,jul,mon,260,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,services,married,high.school,no,no,no,cellular,jul,mon,474,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,jul,mon,231,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,admin.,single,high.school,no,yes,yes,cellular,jul,mon,936,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,technician,single,professional.course,no,no,no,cellular,jul,mon,690,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,admin.,single,basic.9y,no,yes,no,cellular,jul,mon,381,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +40,admin.,single,basic.9y,no,no,no,cellular,jul,mon,1089,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,management,single,high.school,no,no,no,cellular,jul,mon,312,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,management,single,university.degree,no,no,no,cellular,jul,mon,211,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,technician,single,high.school,no,no,no,cellular,jul,mon,147,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,378,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,jul,mon,60,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,jul,mon,366,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,mon,71,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,blue-collar,divorced,basic.9y,unknown,no,no,cellular,jul,mon,862,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,entrepreneur,divorced,high.school,unknown,yes,no,cellular,jul,mon,71,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,services,divorced,high.school,no,yes,no,cellular,jul,mon,172,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,admin.,single,high.school,no,yes,no,cellular,jul,mon,291,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,services,single,high.school,no,no,no,cellular,jul,mon,91,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,admin.,single,university.degree,no,no,yes,telephone,jul,mon,1130,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +29,admin.,married,basic.9y,no,yes,no,cellular,jul,mon,577,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +26,services,single,high.school,no,yes,no,cellular,jul,mon,509,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,services,single,high.school,no,yes,no,cellular,jul,mon,256,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,admin.,single,high.school,unknown,no,no,cellular,jul,mon,510,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,services,married,high.school,no,no,no,cellular,jul,mon,1342,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +29,technician,married,high.school,no,no,no,cellular,jul,mon,363,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,services,divorced,high.school,no,yes,no,cellular,jul,mon,522,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,admin.,married,high.school,no,no,no,cellular,jul,mon,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,services,married,high.school,no,no,yes,cellular,jul,mon,306,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,entrepreneur,single,professional.course,no,yes,no,cellular,jul,mon,354,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,jul,mon,106,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +50,entrepreneur,married,basic.9y,unknown,no,no,cellular,jul,mon,262,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,admin.,single,high.school,no,yes,no,cellular,jul,mon,87,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +47,blue-collar,married,basic.6y,no,no,yes,cellular,jul,mon,930,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,services,married,high.school,no,yes,yes,telephone,jul,mon,342,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,admin.,divorced,university.degree,no,no,yes,cellular,jul,mon,564,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,admin.,married,high.school,no,no,no,cellular,jul,mon,157,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,services,married,high.school,no,yes,no,cellular,jul,mon,181,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +58,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,418,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +31,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,mon,199,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,251,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,technician,single,professional.course,no,yes,no,cellular,jul,mon,1002,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +30,management,married,university.degree,no,no,yes,cellular,jul,mon,833,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,technician,single,professional.course,no,no,yes,cellular,jul,mon,452,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,services,divorced,high.school,unknown,yes,no,cellular,jul,mon,274,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,unemployed,married,basic.9y,no,yes,no,cellular,jul,mon,241,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +57,admin.,married,university.degree,no,yes,no,cellular,jul,mon,564,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,yes,no,telephone,jul,mon,132,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,mon,250,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +22,blue-collar,single,unknown,unknown,unknown,unknown,cellular,jul,mon,47,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,services,divorced,high.school,no,yes,no,cellular,jul,mon,313,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +22,student,single,university.degree,no,yes,no,telephone,jul,mon,138,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,management,married,university.degree,no,no,no,cellular,jul,mon,338,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,227,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,blue-collar,single,basic.9y,no,no,yes,cellular,jul,mon,985,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +35,admin.,married,unknown,unknown,yes,no,cellular,jul,mon,236,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,married,high.school,no,yes,no,cellular,jul,mon,67,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,162,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,121,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,jul,mon,929,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,unknown,no,no,no,cellular,jul,mon,91,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +35,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,mon,59,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,admin.,married,high.school,no,yes,no,cellular,jul,mon,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,769,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,jul,mon,1360,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +30,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,mon,90,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,admin.,married,university.degree,unknown,no,no,cellular,jul,mon,91,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,technician,divorced,professional.course,unknown,yes,no,cellular,jul,mon,1134,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +30,blue-collar,married,basic.6y,no,no,no,cellular,jul,mon,173,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,management,married,university.degree,no,no,no,cellular,jul,mon,86,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,130,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,admin.,single,basic.9y,no,no,no,cellular,jul,mon,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,75,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +38,housemaid,married,unknown,unknown,yes,no,cellular,jul,mon,208,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,single,basic.6y,unknown,no,no,cellular,jul,mon,276,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +26,admin.,single,unknown,no,no,yes,cellular,jul,mon,106,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,blue-collar,married,unknown,no,no,no,cellular,jul,mon,251,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,admin.,divorced,high.school,no,yes,no,cellular,jul,mon,482,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,blue-collar,single,basic.9y,unknown,yes,no,telephone,jul,mon,21,31,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,technician,married,professional.course,unknown,no,no,cellular,jul,mon,240,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +39,management,married,university.degree,unknown,yes,no,cellular,jul,mon,908,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,yes +35,entrepreneur,single,university.degree,no,yes,no,cellular,jul,mon,88,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,admin.,single,university.degree,no,yes,yes,cellular,jul,mon,150,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +46,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,mon,31,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,services,married,high.school,no,yes,yes,cellular,jul,mon,185,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +37,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,167,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +28,technician,married,basic.9y,no,yes,no,telephone,jul,mon,105,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,admin.,single,university.degree,no,no,no,telephone,jul,mon,86,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +23,admin.,single,high.school,no,yes,no,cellular,jul,mon,34,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,jul,mon,105,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,services,married,basic.4y,unknown,no,no,cellular,jul,mon,322,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,housemaid,single,basic.9y,no,yes,no,cellular,jul,mon,898,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,admin.,married,high.school,no,no,no,cellular,jul,mon,549,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,193,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,admin.,single,high.school,no,no,no,telephone,jul,mon,177,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +27,technician,single,professional.course,no,no,no,cellular,jul,mon,357,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +32,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,mon,419,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +55,technician,married,professional.course,unknown,no,no,cellular,jul,mon,78,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,admin.,single,high.school,no,yes,no,cellular,jul,mon,595,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,mon,24,28,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,married,high.school,unknown,yes,no,cellular,jul,mon,147,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +30,management,single,university.degree,no,no,yes,telephone,jul,mon,100,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,jul,mon,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,admin.,single,high.school,no,no,no,telephone,jul,mon,184,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +33,blue-collar,married,basic.6y,unknown,no,yes,cellular,jul,mon,111,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,jul,mon,189,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +29,retired,single,basic.4y,unknown,no,no,cellular,jul,mon,314,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +25,services,single,high.school,no,no,no,cellular,jul,mon,322,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,54,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +36,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,mon,445,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,mon,98,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +49,admin.,married,university.degree,unknown,no,no,cellular,jul,mon,97,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +24,admin.,single,high.school,no,yes,no,telephone,jul,mon,722,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.96,5228.1,no +45,services,married,high.school,no,yes,no,telephone,jul,tue,68,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,technician,married,basic.6y,no,yes,no,cellular,jul,tue,166,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,high.school,no,no,no,cellular,jul,tue,78,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,admin.,divorced,high.school,no,no,no,cellular,jul,tue,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,professional.course,unknown,no,no,telephone,jul,tue,44,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,management,married,unknown,no,yes,no,cellular,jul,tue,70,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,services,married,high.school,no,no,no,telephone,jul,tue,80,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,retired,divorced,basic.4y,unknown,no,yes,cellular,jul,tue,159,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,admin.,single,high.school,no,no,no,cellular,jul,tue,72,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,admin.,single,university.degree,no,no,no,cellular,jul,tue,125,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,high.school,unknown,no,no,cellular,jul,tue,712,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +38,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,tue,85,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,professional.course,unknown,no,no,cellular,jul,tue,156,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,professional.course,unknown,no,no,cellular,jul,tue,181,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,unemployed,married,high.school,no,yes,no,cellular,jul,tue,383,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,technician,single,high.school,no,no,yes,cellular,jul,tue,93,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,services,single,high.school,unknown,yes,no,cellular,jul,tue,40,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,retired,divorced,university.degree,no,yes,no,cellular,jul,tue,152,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,housemaid,divorced,basic.6y,no,yes,no,cellular,jul,tue,87,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,jul,tue,46,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,tue,17,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,single,basic.6y,no,no,no,telephone,jul,tue,68,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,married,professional.course,no,no,no,cellular,jul,tue,261,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,services,single,high.school,unknown,yes,no,cellular,jul,tue,204,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,jul,tue,102,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,divorced,high.school,no,unknown,unknown,cellular,jul,tue,637,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,professional.course,no,yes,no,cellular,jul,tue,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,tue,238,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,420,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,121,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,jul,tue,75,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,jul,tue,312,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,single,high.school,no,no,no,cellular,jul,tue,29,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,entrepreneur,married,university.degree,unknown,no,yes,cellular,jul,tue,41,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,jul,tue,1352,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +29,technician,married,professional.course,no,yes,yes,cellular,jul,tue,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,self-employed,single,unknown,no,yes,no,cellular,jul,tue,438,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,retired,married,basic.4y,no,no,no,cellular,jul,tue,153,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +22,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,tue,139,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,376,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,married,high.school,no,no,yes,cellular,jul,tue,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,services,divorced,high.school,no,yes,no,cellular,jul,tue,77,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,blue-collar,married,professional.course,no,no,no,cellular,jul,tue,211,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,management,married,university.degree,no,no,no,cellular,jul,tue,314,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,services,married,high.school,no,yes,no,cellular,jul,tue,278,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,single,university.degree,no,no,yes,cellular,jul,tue,263,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +21,services,single,high.school,no,yes,no,cellular,jul,tue,344,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,blue-collar,married,basic.6y,no,no,no,cellular,jul,tue,1077,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,152,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,tue,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,tue,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,tue,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,unknown,no,no,cellular,jul,tue,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,tue,178,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,tue,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,high.school,no,no,no,cellular,jul,tue,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,high.school,no,no,no,cellular,jul,tue,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,unknown,no,no,cellular,jul,tue,307,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,high.school,no,no,no,cellular,jul,tue,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,132,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,housemaid,divorced,basic.4y,unknown,yes,no,cellular,jul,tue,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,services,single,high.school,no,yes,no,cellular,jul,tue,714,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +27,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,66,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,housemaid,divorced,basic.4y,unknown,yes,no,cellular,jul,tue,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,technician,married,high.school,no,no,no,cellular,jul,tue,422,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,yes,yes,cellular,jul,tue,255,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,housemaid,divorced,basic.4y,unknown,no,yes,cellular,jul,tue,518,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,services,single,high.school,no,yes,no,cellular,jul,tue,168,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,255,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,blue-collar,single,high.school,no,no,no,cellular,jul,tue,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,married,unknown,unknown,yes,no,cellular,jul,tue,527,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,married,unknown,unknown,no,no,cellular,jul,tue,560,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +44,technician,married,professional.course,unknown,yes,no,cellular,jul,tue,663,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,690,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +39,blue-collar,single,high.school,unknown,yes,no,cellular,jul,tue,132,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,basic.9y,no,yes,yes,cellular,jul,tue,81,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,702,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,168,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,professional.course,unknown,no,no,cellular,jul,tue,407,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,high.school,no,yes,yes,cellular,jul,tue,254,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,jul,tue,176,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,services,married,high.school,no,no,no,cellular,jul,tue,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,admin.,married,high.school,no,no,no,cellular,jul,tue,305,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +22,admin.,single,high.school,no,yes,no,cellular,jul,tue,107,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,technician,single,unknown,no,yes,no,cellular,jul,tue,121,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,retired,married,basic.6y,no,no,no,cellular,jul,tue,268,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,retired,married,basic.6y,no,yes,no,cellular,jul,tue,196,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,single,high.school,unknown,yes,no,cellular,jul,tue,150,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,retired,married,basic.6y,no,yes,no,cellular,jul,tue,367,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,jul,tue,152,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,admin.,single,university.degree,no,no,no,cellular,jul,tue,490,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,jul,tue,125,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,retired,married,basic.6y,no,yes,no,cellular,jul,tue,807,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,1545,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +35,services,single,high.school,unknown,yes,no,cellular,jul,tue,40,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,single,high.school,unknown,no,no,cellular,jul,tue,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,single,high.school,unknown,yes,yes,cellular,jul,tue,47,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,single,high.school,unknown,yes,no,cellular,jul,tue,118,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,jul,tue,274,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,services,single,high.school,no,no,no,cellular,jul,tue,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,blue-collar,married,unknown,unknown,yes,no,cellular,jul,tue,1017,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,single,high.school,unknown,no,no,cellular,jul,tue,520,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,56,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,blue-collar,married,unknown,no,yes,no,cellular,jul,tue,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,student,married,university.degree,no,no,no,cellular,jul,tue,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,self-employed,single,unknown,no,no,no,cellular,jul,tue,843,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,blue-collar,married,professional.course,no,no,no,cellular,jul,tue,273,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,189,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,unknown,no,no,no,telephone,jul,tue,74,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,jul,tue,485,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,blue-collar,single,basic.4y,no,no,yes,cellular,jul,tue,271,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,blue-collar,single,basic.6y,no,no,no,cellular,jul,tue,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,services,married,high.school,no,no,no,cellular,jul,tue,152,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,tue,71,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,tue,599,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,admin.,married,unknown,no,yes,yes,cellular,jul,tue,247,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,jul,tue,204,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,university.degree,no,no,yes,telephone,jul,tue,215,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,tue,88,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,blue-collar,married,high.school,unknown,yes,no,cellular,jul,tue,423,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,285,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,admin.,married,university.degree,unknown,no,no,cellular,jul,tue,22,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,management,single,university.degree,no,no,no,cellular,jul,tue,200,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,blue-collar,single,basic.9y,no,no,no,cellular,jul,tue,246,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,352,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,high.school,no,no,yes,cellular,jul,tue,68,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,no,yes,yes,cellular,jul,tue,292,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,blue-collar,single,basic.6y,unknown,no,no,cellular,jul,tue,188,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,married,unknown,no,yes,no,cellular,jul,tue,506,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,136,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,retired,married,basic.6y,no,yes,no,cellular,jul,tue,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,117,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,basic.6y,unknown,yes,yes,cellular,jul,tue,188,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,tue,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,high.school,no,no,yes,cellular,jul,tue,455,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,unemployed,single,university.degree,no,yes,no,cellular,jul,tue,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,unemployed,single,university.degree,no,no,no,telephone,jul,tue,27,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,unemployed,single,university.degree,no,yes,no,cellular,jul,tue,272,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,unemployed,single,university.degree,no,yes,no,cellular,jul,tue,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,married,basic.4y,no,no,yes,telephone,jul,tue,605,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,management,married,university.degree,no,no,yes,cellular,jul,tue,630,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,self-employed,single,high.school,no,yes,no,cellular,jul,tue,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,technician,married,professional.course,no,no,no,cellular,jul,tue,62,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,technician,married,professional.course,no,no,yes,cellular,jul,tue,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,blue-collar,single,basic.9y,no,no,no,cellular,jul,tue,164,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,admin.,married,unknown,unknown,no,no,cellular,jul,tue,599,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,jul,tue,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,divorced,university.degree,no,no,yes,cellular,jul,tue,654,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +30,admin.,single,university.degree,no,no,yes,cellular,jul,tue,127,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,management,single,high.school,no,no,no,cellular,jul,tue,1288,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,married,basic.6y,no,no,no,cellular,jul,tue,59,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,divorced,basic.9y,no,yes,no,telephone,jul,tue,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,services,single,high.school,no,no,no,telephone,jul,tue,29,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,technician,married,professional.course,no,no,no,cellular,jul,tue,156,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,admin.,married,basic.9y,no,yes,no,cellular,jul,tue,73,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,blue-collar,single,basic.6y,unknown,no,no,cellular,jul,tue,333,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,married,basic.9y,unknown,yes,no,cellular,jul,tue,267,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,403,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,admin.,married,basic.9y,no,yes,no,cellular,jul,tue,129,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,no,no,yes,cellular,jul,tue,52,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,270,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,no,no,no,cellular,jul,tue,283,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,no,no,no,cellular,jul,tue,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,blue-collar,married,basic.4y,no,no,yes,cellular,jul,tue,849,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +36,services,divorced,professional.course,no,yes,no,telephone,jul,tue,261,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,no,yes,no,cellular,jul,tue,614,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,no,no,no,cellular,jul,tue,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,services,married,high.school,unknown,no,no,cellular,jul,tue,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,tue,1833,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +31,technician,single,professional.course,no,yes,no,cellular,jul,tue,77,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,married,university.degree,no,unknown,unknown,cellular,jul,tue,87,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,tue,369,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,62,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,86,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,high.school,no,no,no,cellular,jul,tue,431,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,self-employed,married,university.degree,no,no,yes,cellular,jul,tue,1220,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,entrepreneur,divorced,unknown,no,no,no,cellular,jul,tue,67,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,blue-collar,single,high.school,no,yes,no,cellular,jul,tue,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,technician,divorced,professional.course,no,yes,yes,cellular,jul,tue,639,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,divorced,university.degree,no,yes,no,cellular,jul,tue,722,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +49,admin.,single,high.school,no,yes,no,cellular,jul,tue,1281,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +22,services,single,high.school,no,yes,no,cellular,jul,tue,246,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,entrepreneur,single,university.degree,no,yes,no,cellular,jul,tue,654,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,retired,married,basic.4y,unknown,no,no,cellular,jul,tue,112,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,blue-collar,married,basic.4y,no,no,no,telephone,jul,tue,204,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,self-employed,single,high.school,no,no,no,cellular,jul,tue,364,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,self-employed,single,high.school,no,no,yes,cellular,jul,tue,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,entrepreneur,divorced,professional.course,no,yes,no,cellular,jul,tue,211,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,divorced,unknown,no,yes,no,cellular,jul,tue,1029,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,married,university.degree,no,yes,no,telephone,jul,tue,135,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,jul,tue,115,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,admin.,married,high.school,no,no,no,cellular,jul,tue,443,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,single,basic.6y,no,no,yes,cellular,jul,tue,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,unknown,no,no,no,cellular,jul,tue,133,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,entrepreneur,married,university.degree,no,yes,no,cellular,jul,tue,578,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,unknown,no,no,no,cellular,jul,tue,209,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,services,single,high.school,no,unknown,unknown,cellular,jul,tue,24,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,single,basic.6y,no,no,no,cellular,jul,tue,1508,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +57,management,married,university.degree,no,no,no,cellular,jul,tue,101,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,management,married,university.degree,no,no,no,cellular,jul,tue,632,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,unemployed,married,basic.4y,unknown,yes,yes,cellular,jul,tue,212,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,entrepreneur,married,university.degree,unknown,yes,yes,cellular,jul,tue,140,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,high.school,no,yes,no,cellular,jul,tue,662,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,admin.,married,university.degree,no,yes,no,cellular,jul,tue,263,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,blue-collar,married,unknown,unknown,yes,yes,cellular,jul,tue,97,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,retired,divorced,professional.course,no,no,no,cellular,jul,tue,867,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,entrepreneur,divorced,professional.course,no,yes,no,cellular,jul,tue,50,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,jul,tue,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,tue,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,blue-collar,married,basic.4y,no,yes,no,telephone,jul,tue,563,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,high.school,no,no,no,cellular,jul,tue,385,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,self-employed,single,high.school,no,no,no,cellular,jul,tue,196,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,blue-collar,single,high.school,no,yes,no,cellular,jul,tue,966,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +48,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,264,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,high.school,no,yes,no,cellular,jul,tue,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,no,no,no,cellular,jul,tue,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,services,married,high.school,unknown,no,no,cellular,jul,tue,210,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,unemployed,married,basic.4y,unknown,yes,no,telephone,jul,tue,275,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,admin.,married,high.school,no,unknown,unknown,cellular,jul,tue,502,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,blue-collar,married,high.school,no,no,no,cellular,jul,tue,405,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,entrepreneur,married,university.degree,no,no,no,cellular,jul,tue,289,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,unemployed,married,professional.course,no,no,no,cellular,jul,tue,182,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,technician,married,high.school,no,yes,no,telephone,jul,tue,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,no,no,cellular,jul,tue,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,basic.4y,no,yes,no,cellular,jul,tue,160,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,professional.course,no,no,no,cellular,jul,tue,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,admin.,single,unknown,unknown,no,no,cellular,jul,tue,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,tue,181,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,tue,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,blue-collar,divorced,basic.4y,no,no,yes,cellular,jul,tue,487,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,tue,82,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,housemaid,married,basic.9y,no,yes,no,cellular,jul,tue,681,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,tue,283,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,technician,single,professional.course,unknown,yes,no,cellular,jul,tue,417,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,60,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,yes,no,cellular,jul,tue,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,yes,no,cellular,jul,tue,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,yes,no,cellular,jul,tue,282,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,yes,no,cellular,jul,tue,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,no,no,cellular,jul,tue,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,yes,no,cellular,jul,tue,261,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,student,single,unknown,no,yes,no,cellular,jul,tue,661,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,high.school,no,no,no,cellular,jul,tue,206,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,university.degree,unknown,no,no,cellular,jul,tue,105,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,high.school,no,yes,no,cellular,jul,tue,445,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,management,married,university.degree,no,yes,no,cellular,jul,tue,90,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,entrepreneur,married,university.degree,no,yes,no,cellular,jul,tue,370,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,blue-collar,divorced,unknown,no,yes,no,cellular,jul,tue,242,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,technician,single,professional.course,no,no,yes,cellular,jul,tue,1408,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,services,married,high.school,no,yes,no,telephone,jul,tue,514,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,tue,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,admin.,single,high.school,no,unknown,unknown,cellular,jul,tue,176,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,university.degree,no,no,yes,cellular,jul,tue,135,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,tue,163,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,services,divorced,unknown,unknown,yes,yes,cellular,jul,tue,483,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,tue,608,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,services,divorced,high.school,unknown,yes,no,cellular,jul,tue,100,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,admin.,married,basic.9y,no,yes,yes,cellular,jul,tue,145,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,housemaid,married,basic.9y,no,yes,no,cellular,jul,tue,160,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,blue-collar,divorced,unknown,no,yes,no,cellular,jul,tue,160,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,entrepreneur,married,university.degree,unknown,yes,no,cellular,jul,tue,261,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,entrepreneur,married,university.degree,unknown,yes,no,cellular,jul,tue,307,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,services,single,high.school,no,yes,no,cellular,jul,tue,236,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,tue,403,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,high.school,no,no,yes,cellular,jul,tue,241,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,387,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,211,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,services,single,unknown,no,yes,no,cellular,jul,tue,598,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +33,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,1206,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,single,high.school,no,no,yes,cellular,jul,tue,248,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,no,no,no,cellular,jul,tue,139,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,management,married,university.degree,no,yes,no,cellular,jul,tue,181,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,retired,divorced,basic.4y,no,yes,no,cellular,jul,tue,237,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,management,married,university.degree,no,no,no,cellular,jul,tue,477,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,management,married,high.school,no,yes,no,cellular,jul,tue,312,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,housemaid,divorced,basic.4y,no,yes,no,cellular,jul,tue,727,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,high.school,no,yes,no,telephone,jul,tue,249,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,186,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,technician,married,university.degree,no,yes,no,cellular,jul,tue,459,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,blue-collar,married,professional.course,no,no,no,cellular,jul,tue,240,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,blue-collar,divorced,professional.course,no,no,no,cellular,jul,tue,107,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,unknown,no,yes,telephone,jul,tue,287,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,housemaid,married,illiterate,unknown,yes,no,cellular,jul,tue,176,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,technician,single,professional.course,no,no,no,cellular,jul,tue,270,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,admin.,single,high.school,no,yes,no,cellular,jul,tue,470,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,services,divorced,unknown,unknown,yes,no,cellular,jul,tue,139,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,services,single,high.school,unknown,yes,no,cellular,jul,tue,560,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +37,services,single,high.school,no,no,yes,cellular,jul,tue,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,high.school,no,no,no,cellular,jul,tue,100,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,entrepreneur,single,university.degree,no,no,yes,cellular,jul,tue,137,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,self-employed,single,unknown,no,yes,yes,cellular,jul,tue,55,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,university.degree,no,no,no,cellular,jul,tue,1237,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +27,blue-collar,single,unknown,no,unknown,unknown,cellular,jul,tue,81,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,246,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,blue-collar,married,unknown,no,no,yes,cellular,jul,tue,44,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,tue,493,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,basic.4y,no,no,no,cellular,jul,tue,345,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,married,basic.4y,no,yes,no,cellular,jul,tue,216,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,technician,married,high.school,no,yes,no,cellular,jul,tue,187,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,retired,married,basic.4y,unknown,no,no,cellular,jul,tue,580,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,services,single,high.school,no,no,no,cellular,jul,tue,191,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,184,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,management,married,university.degree,no,no,no,cellular,jul,tue,443,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,blue-collar,single,unknown,unknown,yes,no,cellular,jul,tue,213,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,blue-collar,married,basic.9y,no,no,no,telephone,jul,tue,400,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,blue-collar,married,basic.6y,no,no,yes,cellular,jul,tue,289,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,services,single,unknown,unknown,no,no,cellular,jul,tue,717,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,156,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,entrepreneur,single,university.degree,no,no,no,cellular,jul,tue,149,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,tue,89,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,self-employed,married,university.degree,no,yes,no,cellular,jul,tue,503,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,blue-collar,single,unknown,no,no,no,cellular,jul,tue,62,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,services,single,high.school,unknown,yes,no,cellular,jul,tue,282,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +20,services,single,high.school,no,no,no,telephone,jul,tue,97,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,blue-collar,single,unknown,no,no,no,cellular,jul,tue,39,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,102,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,management,married,university.degree,no,no,no,cellular,jul,tue,88,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,unknown,married,basic.6y,no,no,no,cellular,jul,tue,199,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,management,divorced,university.degree,no,yes,no,cellular,jul,tue,233,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,tue,126,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,admin.,single,basic.9y,no,yes,no,cellular,jul,tue,44,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,blue-collar,single,unknown,unknown,yes,no,cellular,jul,tue,78,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,blue-collar,single,basic.6y,no,yes,yes,cellular,jul,tue,246,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,203,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,housemaid,married,basic.9y,no,no,no,cellular,jul,tue,209,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,112,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,blue-collar,married,basic.6y,no,no,no,cellular,jul,tue,728,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,services,divorced,high.school,no,yes,no,cellular,jul,tue,249,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,tue,282,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,admin.,single,high.school,no,no,yes,cellular,jul,tue,210,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,tue,1287,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,services,single,high.school,no,no,no,cellular,jul,tue,32,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,self-employed,divorced,professional.course,no,yes,no,cellular,jul,tue,437,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,jul,tue,36,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,single,high.school,unknown,yes,yes,telephone,jul,tue,1148,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,864,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +55,admin.,married,university.degree,no,yes,no,cellular,jul,tue,464,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,188,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +23,management,single,university.degree,no,yes,no,cellular,jul,tue,314,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,technician,married,high.school,no,yes,no,cellular,jul,tue,1037,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +41,blue-collar,divorced,unknown,no,yes,no,telephone,jul,tue,351,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,279,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,divorced,university.degree,no,yes,no,telephone,jul,tue,119,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,jul,tue,162,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +22,services,married,basic.9y,no,yes,no,cellular,jul,tue,209,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +20,student,single,high.school,no,yes,yes,cellular,jul,tue,136,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,technician,divorced,professional.course,no,no,no,cellular,jul,tue,624,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,entrepreneur,married,university.degree,unknown,yes,no,cellular,jul,tue,167,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,housemaid,married,basic.4y,no,yes,no,cellular,jul,tue,38,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,housemaid,married,basic.4y,no,no,yes,cellular,jul,tue,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,high.school,no,no,no,telephone,jul,tue,802,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +28,blue-collar,married,basic.9y,no,no,no,cellular,jul,tue,143,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,tue,262,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,tue,254,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,entrepreneur,married,university.degree,no,no,no,cellular,jul,tue,1226,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,technician,married,professional.course,unknown,no,no,cellular,jul,tue,113,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,tue,714,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,tue,282,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,tue,534,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,married,unknown,unknown,yes,yes,cellular,jul,tue,174,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,blue-collar,single,basic.9y,unknown,yes,yes,cellular,jul,tue,532,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,admin.,single,unknown,unknown,yes,no,cellular,jul,tue,319,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,unknown,unknown,no,no,cellular,jul,tue,1608,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +31,admin.,single,university.degree,no,unknown,unknown,cellular,jul,wed,61,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,no,no,cellular,jul,wed,84,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,single,basic.9y,unknown,no,no,cellular,jul,wed,127,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,technician,divorced,basic.9y,no,yes,no,cellular,jul,wed,85,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,487,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,yes,no,cellular,jul,wed,217,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,single,basic.9y,no,no,no,cellular,jul,wed,439,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,admin.,married,unknown,no,yes,no,cellular,jul,wed,170,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,411,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,wed,71,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +21,services,single,basic.9y,no,yes,no,cellular,jul,wed,285,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,wed,442,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,unknown,no,no,no,cellular,jul,wed,59,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,unknown,unknown,no,no,cellular,jul,wed,100,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,retired,married,unknown,unknown,no,no,cellular,jul,wed,133,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,entrepreneur,married,university.degree,no,yes,no,cellular,jul,wed,40,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,entrepreneur,married,university.degree,no,no,no,cellular,jul,wed,187,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,university.degree,no,no,yes,cellular,jul,wed,70,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +21,blue-collar,married,basic.9y,no,no,yes,cellular,jul,wed,89,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,services,single,high.school,no,yes,no,cellular,jul,wed,75,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,services,single,high.school,no,yes,no,cellular,jul,wed,284,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,221,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,jul,wed,97,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,housemaid,married,basic.4y,unknown,no,yes,cellular,jul,wed,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,wed,364,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,professional.course,no,yes,no,cellular,jul,wed,194,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,blue-collar,single,basic.6y,unknown,no,no,cellular,jul,wed,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,164,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,no,yes,cellular,jul,wed,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,services,married,basic.9y,no,yes,yes,cellular,jul,wed,51,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,housemaid,single,basic.4y,unknown,no,yes,cellular,jul,wed,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,technician,married,basic.9y,no,no,no,cellular,jul,wed,500,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,wed,569,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,single,high.school,no,yes,no,cellular,jul,wed,318,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,entrepreneur,married,university.degree,no,no,no,telephone,jul,wed,38,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,entrepreneur,married,university.degree,no,no,yes,cellular,jul,wed,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,entrepreneur,married,university.degree,no,no,no,telephone,jul,wed,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,self-employed,married,university.degree,no,yes,no,cellular,jul,wed,181,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,retired,married,basic.4y,no,no,no,cellular,jul,wed,390,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,single,high.school,no,yes,no,cellular,jul,wed,926,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +31,blue-collar,single,high.school,no,yes,yes,cellular,jul,wed,870,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +24,services,single,basic.9y,no,no,no,cellular,jul,wed,105,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,single,basic.9y,no,yes,no,cellular,jul,wed,411,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,no,yes,no,telephone,jul,wed,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,no,no,cellular,jul,wed,141,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,no,no,cellular,jul,wed,187,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,yes,no,cellular,jul,wed,245,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,no,yes,cellular,jul,wed,190,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,yes,no,cellular,jul,wed,58,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,no,no,cellular,jul,wed,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,retired,married,unknown,unknown,no,no,cellular,jul,wed,177,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,yes,no,cellular,jul,wed,429,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,management,divorced,university.degree,no,yes,no,cellular,jul,wed,256,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,admin.,single,high.school,no,yes,no,cellular,jul,wed,271,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,married,basic.4y,no,yes,no,telephone,jul,wed,157,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,high.school,no,no,no,cellular,jul,wed,107,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,single,university.degree,no,no,no,cellular,jul,wed,285,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,services,married,basic.4y,unknown,yes,no,cellular,jul,wed,205,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,technician,married,basic.9y,no,yes,no,cellular,jul,wed,161,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,single,university.degree,no,yes,no,telephone,jul,wed,40,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,single,high.school,no,no,yes,cellular,jul,wed,237,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,wed,145,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,technician,single,basic.9y,no,yes,no,cellular,jul,wed,74,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,technician,married,professional.course,no,no,no,cellular,jul,wed,244,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,jul,wed,730,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,no,no,no,cellular,jul,wed,223,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,married,basic.6y,unknown,yes,no,cellular,jul,wed,138,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,retired,married,basic.4y,no,yes,no,cellular,jul,wed,498,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,married,basic.6y,unknown,yes,no,cellular,jul,wed,327,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,divorced,basic.6y,unknown,yes,no,telephone,jul,wed,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,high.school,no,yes,yes,cellular,jul,wed,376,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,entrepreneur,married,university.degree,no,no,no,cellular,jul,wed,94,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,admin.,married,basic.6y,no,yes,no,cellular,jul,wed,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,379,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,retired,married,basic.4y,no,no,no,cellular,jul,wed,761,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +24,services,single,basic.9y,no,yes,no,telephone,jul,wed,108,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,divorced,professional.course,no,yes,yes,cellular,jul,wed,232,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,high.school,no,yes,yes,cellular,jul,wed,302,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,management,married,university.degree,unknown,no,no,cellular,jul,wed,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,high.school,no,yes,no,cellular,jul,wed,77,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,high.school,no,yes,no,cellular,jul,wed,229,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,married,basic.6y,unknown,no,no,cellular,jul,wed,1176,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +42,admin.,married,university.degree,no,unknown,unknown,cellular,jul,wed,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +21,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,281,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,divorced,university.degree,no,unknown,unknown,cellular,jul,wed,145,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,wed,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,married,unknown,no,yes,no,telephone,jul,wed,142,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,technician,divorced,basic.9y,no,yes,no,cellular,jul,wed,142,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,single,high.school,no,no,yes,cellular,jul,wed,136,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,university.degree,no,yes,no,cellular,jul,wed,105,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,495,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +21,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,160,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,jul,wed,84,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,167,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,services,married,high.school,no,no,no,cellular,jul,wed,235,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,unemployed,single,basic.9y,unknown,yes,yes,cellular,jul,wed,633,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +32,services,single,high.school,no,yes,no,telephone,jul,wed,272,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,management,married,basic.9y,no,no,no,cellular,jul,wed,55,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,single,university.degree,no,yes,yes,cellular,jul,wed,1089,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,management,married,university.degree,no,yes,yes,telephone,jul,wed,43,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.9y,unknown,yes,yes,cellular,jul,wed,16,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,unknown,unknown,yes,no,cellular,jul,wed,40,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,single,high.school,no,yes,yes,cellular,jul,wed,87,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,jul,wed,336,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,admin.,divorced,university.degree,no,no,no,cellular,jul,wed,471,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,unemployed,married,professional.course,unknown,yes,no,cellular,jul,wed,59,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,single,basic.9y,unknown,yes,no,telephone,jul,wed,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,services,married,basic.9y,no,yes,no,cellular,jul,wed,18,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,single,basic.9y,no,yes,no,telephone,jul,wed,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,services,married,basic.9y,no,yes,no,cellular,jul,wed,178,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,single,basic.9y,no,no,no,cellular,jul,wed,250,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,jul,wed,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,single,basic.4y,no,yes,yes,telephone,jul,wed,18,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,single,basic.6y,no,no,no,telephone,jul,wed,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,housemaid,single,high.school,no,yes,yes,cellular,jul,wed,61,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,technician,married,unknown,no,yes,no,cellular,jul,wed,644,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,services,married,high.school,no,yes,yes,telephone,jul,wed,36,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,421,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,divorced,high.school,no,yes,no,cellular,jul,wed,178,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,unknown,married,basic.6y,no,no,no,cellular,jul,wed,884,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,university.degree,no,yes,no,cellular,jul,wed,156,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,high.school,no,no,no,cellular,jul,wed,238,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,married,high.school,no,no,no,cellular,jul,wed,319,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,married,basic.4y,no,yes,yes,cellular,jul,wed,371,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,jul,wed,670,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,services,married,high.school,no,yes,no,cellular,jul,wed,194,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,management,single,university.degree,no,yes,no,cellular,jul,wed,35,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,148,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,284,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,wed,182,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,admin.,married,basic.9y,no,no,yes,cellular,jul,wed,194,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,entrepreneur,married,university.degree,no,no,yes,cellular,jul,wed,56,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,single,basic.6y,unknown,yes,no,cellular,jul,wed,375,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,technician,married,university.degree,no,yes,no,telephone,jul,wed,31,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,jul,wed,73,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,housemaid,single,high.school,no,no,yes,cellular,jul,wed,952,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,high.school,no,no,no,cellular,jul,wed,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,wed,213,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,unknown,unknown,no,no,cellular,jul,wed,146,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,admin.,single,basic.9y,no,yes,no,cellular,jul,wed,158,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,single,basic.9y,no,yes,no,telephone,jul,wed,163,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +21,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,150,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,single,basic.6y,no,yes,no,cellular,jul,wed,423,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,married,basic.6y,no,no,no,cellular,jul,wed,368,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,yes,no,cellular,jul,wed,280,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,services,married,high.school,unknown,no,no,cellular,jul,wed,79,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,high.school,no,no,no,telephone,jul,wed,40,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,high.school,no,yes,no,cellular,jul,wed,122,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,single,basic.6y,no,no,no,cellular,jul,wed,123,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,professional.course,no,no,yes,cellular,jul,wed,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,entrepreneur,married,university.degree,no,no,no,cellular,jul,wed,639,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,123,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,divorced,unknown,no,no,no,cellular,jul,wed,222,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,single,basic.4y,unknown,yes,no,telephone,jul,wed,70,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +47,self-employed,single,unknown,no,yes,no,cellular,jul,wed,202,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,services,single,high.school,no,yes,no,cellular,jul,wed,190,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,services,single,high.school,no,no,no,cellular,jul,wed,172,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,no,no,yes,cellular,jul,wed,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,married,basic.6y,no,no,no,cellular,jul,wed,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,single,basic.9y,unknown,no,no,telephone,jul,wed,173,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,unemployed,married,university.degree,no,yes,no,cellular,jul,wed,387,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,74,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,management,married,high.school,no,yes,no,cellular,jul,wed,155,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,single,university.degree,no,no,no,cellular,jul,wed,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,admin.,married,unknown,no,yes,no,cellular,jul,wed,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,married,university.degree,no,no,yes,cellular,jul,wed,690,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +53,services,married,high.school,no,no,yes,cellular,jul,wed,159,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,services,single,high.school,no,no,no,cellular,jul,wed,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,no,yes,cellular,jul,wed,465,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,student,single,high.school,no,no,yes,cellular,jul,wed,312,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,no,telephone,jul,wed,717,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,technician,single,university.degree,no,no,yes,telephone,jul,wed,355,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,entrepreneur,married,university.degree,no,yes,no,cellular,jul,wed,191,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,jul,wed,538,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,admin.,single,university.degree,no,no,no,cellular,jul,wed,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,married,university.degree,no,no,no,cellular,jul,wed,118,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,services,divorced,high.school,no,no,no,telephone,jul,wed,197,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,retired,married,basic.4y,unknown,yes,no,cellular,jul,wed,374,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,admin.,married,unknown,no,yes,yes,cellular,jul,wed,130,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,entrepreneur,divorced,university.degree,no,yes,no,cellular,jul,wed,97,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,married,university.degree,no,yes,no,cellular,jul,wed,529,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +49,unemployed,married,high.school,no,yes,no,cellular,jul,wed,98,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,retired,married,university.degree,unknown,no,no,cellular,jul,wed,108,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,273,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,unknown,unknown,unknown,unknown,cellular,jul,wed,140,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,married,university.degree,no,no,no,cellular,jul,wed,179,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,retired,married,professional.course,no,no,no,cellular,jul,wed,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,admin.,married,university.degree,no,no,no,cellular,jul,wed,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,jul,wed,511,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,management,single,university.degree,no,no,no,cellular,jul,wed,435,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,single,university.degree,no,no,no,telephone,jul,wed,36,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,self-employed,divorced,university.degree,no,no,yes,cellular,jul,wed,207,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,unknown,unknown,cellular,jul,wed,173,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,divorced,university.degree,no,no,no,cellular,jul,wed,366,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,admin.,divorced,university.degree,no,no,yes,cellular,jul,wed,216,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,jul,wed,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,wed,297,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,housemaid,married,unknown,no,yes,no,cellular,jul,wed,58,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,management,single,university.degree,no,no,no,cellular,jul,wed,76,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,wed,99,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,no,no,cellular,jul,wed,103,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,services,single,high.school,no,yes,yes,cellular,jul,wed,158,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,married,high.school,no,no,no,telephone,jul,wed,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.6y,no,no,yes,cellular,jul,wed,1152,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +27,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,55,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,335,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,self-employed,divorced,university.degree,no,yes,no,cellular,jul,wed,126,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,439,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,technician,single,professional.course,no,no,no,cellular,jul,wed,169,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,single,university.degree,no,no,yes,cellular,jul,wed,979,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,unknown,married,university.degree,no,yes,no,cellular,jul,wed,92,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,married,high.school,unknown,yes,no,telephone,jul,wed,203,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,technician,single,university.degree,no,yes,no,cellular,jul,wed,256,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,married,unknown,no,yes,no,cellular,jul,wed,167,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,admin.,married,university.degree,no,yes,no,cellular,jul,wed,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,85,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,jul,wed,172,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,entrepreneur,divorced,university.degree,no,no,no,telephone,jul,wed,383,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,services,single,high.school,no,unknown,unknown,telephone,jul,wed,588,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,152,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,married,basic.4y,no,no,yes,telephone,jul,wed,25,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,874,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,admin.,married,university.degree,no,yes,no,cellular,jul,wed,396,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,self-employed,married,professional.course,unknown,no,no,cellular,jul,wed,434,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,wed,322,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,545,24,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,retired,divorced,unknown,no,no,no,cellular,jul,wed,413,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,jul,wed,34,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,jul,wed,586,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,services,single,university.degree,no,no,no,cellular,jul,wed,698,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,single,basic.9y,no,yes,no,cellular,jul,wed,73,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,divorced,high.school,no,no,no,cellular,jul,wed,1960,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +28,blue-collar,single,basic.4y,unknown,no,no,cellular,jul,wed,186,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,married,basic.6y,no,no,no,cellular,jul,wed,212,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,jul,wed,1331,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,divorced,high.school,no,no,no,cellular,jul,wed,1776,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,married,basic.6y,unknown,no,no,cellular,jul,wed,312,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,basic.6y,no,no,no,cellular,jul,wed,638,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,services,married,high.school,no,no,no,cellular,jul,wed,98,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,technician,married,high.school,unknown,no,no,cellular,jul,wed,517,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,services,married,basic.9y,no,no,no,cellular,jul,wed,271,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,single,professional.course,no,yes,no,cellular,jul,wed,100,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,married,high.school,no,no,no,cellular,jul,wed,206,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,single,university.degree,no,yes,yes,cellular,jul,wed,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,high.school,unknown,yes,no,cellular,jul,wed,671,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,single,university.degree,no,no,no,cellular,jul,wed,259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,yes,no,cellular,jul,wed,957,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +31,technician,single,professional.course,no,no,no,telephone,jul,wed,296,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,entrepreneur,married,basic.9y,no,yes,yes,telephone,jul,wed,85,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,unknown,married,unknown,unknown,yes,no,cellular,jul,wed,323,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,single,university.degree,no,yes,no,cellular,jul,wed,438,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,wed,218,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,retired,married,basic.4y,unknown,no,no,cellular,jul,wed,119,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,yes,no,cellular,jul,wed,332,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,technician,married,basic.4y,unknown,no,no,cellular,jul,wed,158,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,125,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,services,single,university.degree,no,unknown,unknown,cellular,jul,wed,288,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,management,married,unknown,no,yes,no,cellular,jul,wed,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,self-employed,divorced,university.degree,unknown,yes,no,cellular,jul,wed,544,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,single,university.degree,no,no,no,cellular,jul,wed,91,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,entrepreneur,married,basic.4y,unknown,yes,no,cellular,jul,wed,448,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,single,basic.9y,no,no,no,cellular,jul,wed,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,single,university.degree,no,no,no,cellular,jul,wed,203,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,divorced,professional.course,no,yes,no,cellular,jul,wed,118,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,yes,no,cellular,jul,wed,902,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +39,blue-collar,married,unknown,unknown,yes,no,cellular,jul,wed,123,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,management,divorced,high.school,no,no,yes,cellular,jul,wed,361,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,high.school,no,no,no,cellular,jul,wed,248,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,single,basic.9y,no,no,no,cellular,jul,wed,711,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,55,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,wed,1327,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +30,management,married,university.degree,no,yes,no,telephone,jul,wed,90,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,high.school,no,no,no,telephone,jul,wed,239,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,admin.,married,university.degree,unknown,no,yes,cellular,jul,wed,122,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,1090,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,entrepreneur,married,university.degree,no,yes,no,telephone,jul,wed,82,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,technician,single,professional.course,no,unknown,unknown,cellular,jul,wed,361,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,single,university.degree,no,no,no,telephone,jul,wed,67,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +21,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,2078,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +36,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,339,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,services,married,professional.course,no,yes,no,cellular,jul,wed,185,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,single,university.degree,no,no,yes,telephone,jul,wed,203,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,technician,single,university.degree,no,no,yes,telephone,jul,wed,1118,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,divorced,high.school,no,no,yes,cellular,jul,wed,400,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,no,no,cellular,jul,wed,580,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,179,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,blue-collar,single,basic.4y,no,no,no,cellular,jul,wed,475,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,technician,single,high.school,no,no,no,cellular,jul,wed,58,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,management,married,university.degree,no,yes,yes,cellular,jul,wed,229,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,530,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,497,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,technician,married,basic.9y,no,yes,no,cellular,jul,wed,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,362,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,unknown,married,university.degree,no,no,yes,cellular,jul,wed,255,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,admin.,single,professional.course,no,no,yes,cellular,jul,wed,206,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,self-employed,married,university.degree,no,no,no,telephone,jul,wed,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,wed,125,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,self-employed,married,university.degree,no,no,no,cellular,jul,wed,673,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,self-employed,divorced,university.degree,no,yes,no,cellular,jul,wed,1124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +51,admin.,married,basic.9y,unknown,yes,no,cellular,jul,wed,228,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +30,technician,divorced,professional.course,no,no,no,cellular,jul,wed,180,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,technician,divorced,professional.course,no,no,yes,cellular,jul,wed,808,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +28,admin.,married,university.degree,no,yes,no,cellular,jul,wed,510,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,jul,wed,162,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,wed,413,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,housemaid,unknown,basic.4y,no,yes,no,cellular,jul,wed,198,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,management,married,basic.9y,no,yes,no,cellular,jul,wed,421,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,basic.9y,no,no,no,telephone,jul,wed,350,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,professional.course,no,yes,no,cellular,jul,wed,322,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,married,high.school,no,no,no,cellular,jul,wed,201,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,entrepreneur,married,university.degree,no,no,no,cellular,jul,wed,638,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +28,admin.,single,high.school,no,no,yes,cellular,jul,wed,437,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,divorced,basic.9y,unknown,no,no,cellular,jul,wed,68,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,single,university.degree,no,yes,no,cellular,jul,wed,147,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,services,married,high.school,no,no,no,telephone,jul,wed,248,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,wed,108,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,management,married,university.degree,no,yes,no,cellular,jul,wed,110,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,328,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,retired,married,professional.course,no,yes,no,cellular,jul,wed,1066,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,305,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,admin.,single,high.school,no,yes,no,telephone,jul,wed,293,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,technician,married,professional.course,no,unknown,unknown,cellular,jul,wed,68,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,services,married,unknown,no,yes,yes,telephone,jul,wed,329,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.6y,no,yes,yes,telephone,jul,wed,329,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,609,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,admin.,married,high.school,no,no,no,cellular,jul,wed,652,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,unknown,unknown,yes,yes,cellular,jul,wed,1201,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +35,services,married,basic.9y,no,yes,yes,cellular,jul,wed,252,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,wed,1309,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +48,technician,divorced,professional.course,no,no,no,cellular,jul,wed,127,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,married,high.school,no,yes,yes,cellular,jul,wed,205,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,services,married,high.school,unknown,yes,no,cellular,jul,wed,476,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,158,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,services,single,high.school,no,no,no,cellular,jul,wed,74,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,admin.,married,high.school,no,no,no,cellular,jul,wed,419,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,basic.6y,no,yes,no,telephone,jul,wed,165,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,management,single,unknown,no,yes,yes,cellular,jul,wed,408,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,housemaid,single,basic.4y,unknown,no,no,telephone,jul,wed,135,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,services,single,high.school,no,unknown,unknown,cellular,jul,wed,1300,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,housemaid,married,high.school,unknown,yes,no,cellular,jul,wed,41,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,entrepreneur,married,university.degree,no,yes,no,telephone,jul,wed,83,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,divorced,basic.6y,no,no,no,cellular,jul,wed,144,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +60,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,293,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,blue-collar,divorced,basic.9y,no,no,no,telephone,jul,wed,161,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,admin.,married,university.degree,unknown,yes,no,telephone,jul,wed,173,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,services,single,high.school,no,yes,no,cellular,jul,wed,156,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,wed,280,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +47,self-employed,married,basic.9y,no,yes,no,cellular,jul,wed,1359,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +43,admin.,married,university.degree,no,yes,no,telephone,jul,wed,122,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +60,self-employed,married,university.degree,no,yes,no,cellular,jul,wed,416,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +27,technician,married,professional.course,no,no,no,telephone,jul,wed,36,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,admin.,single,university.degree,no,unknown,unknown,cellular,jul,wed,623,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,single,basic.4y,no,no,no,cellular,jul,wed,53,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,entrepreneur,married,university.degree,no,no,no,cellular,jul,wed,279,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,services,divorced,high.school,no,no,no,cellular,jul,wed,532,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +48,services,married,basic.9y,no,yes,no,cellular,jul,wed,107,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,wed,933,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,management,married,university.degree,no,no,no,cellular,jul,wed,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,790,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,divorced,university.degree,no,no,no,telephone,jul,wed,97,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,single,basic.9y,unknown,yes,yes,cellular,jul,wed,171,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,single,professional.course,no,yes,no,cellular,jul,wed,505,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,jul,wed,495,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,technician,married,unknown,unknown,no,no,cellular,jul,wed,799,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,111,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,self-employed,married,professional.course,unknown,yes,yes,cellular,jul,wed,683,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +24,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,84,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,divorced,professional.course,no,yes,yes,cellular,jul,wed,547,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,admin.,married,high.school,no,yes,no,telephone,jul,wed,103,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,236,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,married,basic.9y,no,yes,no,telephone,jul,wed,71,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,divorced,university.degree,no,no,no,telephone,jul,wed,192,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,services,single,basic.6y,no,yes,no,cellular,jul,wed,476,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,blue-collar,divorced,basic.9y,no,no,no,cellular,jul,thu,50,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,technician,single,high.school,no,no,no,cellular,jul,thu,54,29,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,high.school,no,no,no,cellular,jul,thu,42,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,retired,married,basic.4y,no,no,no,cellular,jul,thu,57,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,blue-collar,single,basic.9y,unknown,no,yes,telephone,jul,thu,70,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,blue-collar,married,basic.4y,no,no,yes,cellular,jul,thu,265,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,services,married,high.school,unknown,yes,no,cellular,jul,thu,117,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,entrepreneur,married,university.degree,no,unknown,unknown,cellular,jul,thu,430,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +47,technician,divorced,high.school,no,no,no,cellular,jul,thu,202,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,technician,single,university.degree,no,no,no,cellular,jul,thu,537,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,high.school,no,no,yes,cellular,jul,thu,219,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,blue-collar,married,basic.4y,no,yes,no,telephone,jul,thu,48,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,retired,married,basic.4y,unknown,unknown,unknown,cellular,jul,thu,143,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,married,high.school,no,yes,yes,cellular,jul,thu,241,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,services,married,high.school,no,no,no,cellular,jul,thu,63,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,jul,thu,357,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,entrepreneur,single,high.school,no,yes,yes,cellular,jul,thu,21,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,entrepreneur,married,university.degree,unknown,no,yes,cellular,jul,thu,13,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,yes,no,telephone,jul,thu,32,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,high.school,no,no,no,cellular,jul,thu,73,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,yes,no,cellular,jul,thu,148,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,yes,no,cellular,jul,thu,46,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,divorced,basic.6y,unknown,no,yes,cellular,jul,thu,53,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,119,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,blue-collar,single,basic.6y,no,yes,no,cellular,jul,thu,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,basic.6y,no,unknown,unknown,cellular,jul,thu,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,university.degree,no,no,yes,cellular,jul,thu,200,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,no,no,cellular,jul,thu,42,24,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,services,divorced,high.school,no,no,yes,cellular,jul,thu,187,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,services,divorced,high.school,no,no,yes,cellular,jul,thu,208,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,married,high.school,no,no,no,cellular,jul,thu,125,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,married,professional.course,no,no,no,cellular,jul,thu,162,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,jul,thu,281,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,single,university.degree,no,no,yes,cellular,jul,thu,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,services,divorced,high.school,no,no,yes,cellular,jul,thu,481,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,101,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,services,married,high.school,unknown,no,yes,cellular,jul,thu,205,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,university.degree,no,no,yes,cellular,jul,thu,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,311,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,technician,single,university.degree,no,no,no,cellular,jul,thu,186,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,high.school,no,yes,no,cellular,jul,thu,66,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,professional.course,no,yes,yes,cellular,jul,thu,137,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,technician,single,high.school,no,no,no,cellular,jul,thu,91,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,married,high.school,no,no,no,cellular,jul,thu,544,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,entrepreneur,married,basic.9y,no,yes,no,cellular,jul,thu,129,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,management,single,university.degree,unknown,yes,no,cellular,jul,thu,211,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,technician,single,university.degree,no,yes,yes,cellular,jul,thu,78,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,entrepreneur,single,high.school,no,no,no,cellular,jul,thu,67,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,entrepreneur,single,high.school,no,no,no,cellular,jul,thu,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,blue-collar,single,basic.6y,no,no,no,cellular,jul,thu,326,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,entrepreneur,single,high.school,no,yes,no,telephone,jul,thu,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,entrepreneur,married,university.degree,unknown,no,no,cellular,jul,thu,58,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,basic.6y,no,no,no,cellular,jul,thu,130,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,yes,cellular,jul,thu,76,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,divorced,basic.6y,unknown,yes,yes,cellular,jul,thu,97,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,technician,married,university.degree,unknown,no,yes,cellular,jul,thu,459,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,technician,single,university.degree,no,no,no,cellular,jul,thu,196,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,thu,71,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,thu,212,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,admin.,married,professional.course,no,no,no,cellular,jul,thu,458,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,services,married,high.school,unknown,no,no,telephone,jul,thu,105,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,basic.9y,no,no,no,telephone,jul,thu,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,student,single,high.school,no,yes,no,cellular,jul,thu,853,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +57,management,married,university.degree,no,no,no,cellular,jul,thu,164,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,entrepreneur,married,high.school,no,yes,no,cellular,jul,thu,380,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,jul,thu,194,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,entrepreneur,single,high.school,no,yes,no,cellular,jul,thu,1204,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +31,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,467,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,university.degree,no,no,no,cellular,jul,thu,55,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,services,married,high.school,unknown,no,yes,cellular,jul,thu,338,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,technician,married,professional.course,no,no,yes,cellular,jul,thu,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,professional.course,unknown,no,yes,cellular,jul,thu,157,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,management,single,university.degree,no,no,no,cellular,jul,thu,528,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,technician,married,professional.course,no,no,no,cellular,jul,thu,464,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,self-employed,married,university.degree,no,yes,yes,telephone,jul,thu,152,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,yes,no,cellular,jul,thu,211,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,self-employed,married,university.degree,no,no,no,cellular,jul,thu,313,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,married,high.school,unknown,yes,no,telephone,jul,thu,279,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,jul,thu,335,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,single,high.school,no,yes,no,cellular,jul,thu,209,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,married,high.school,unknown,no,yes,cellular,jul,thu,775,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,services,married,basic.9y,unknown,no,no,cellular,jul,thu,63,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,jul,thu,561,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,basic.4y,no,yes,no,cellular,jul,thu,197,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,entrepreneur,single,university.degree,no,yes,no,cellular,jul,thu,329,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,no,no,yes,cellular,jul,thu,70,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,high.school,unknown,yes,no,cellular,jul,thu,53,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,jul,thu,43,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,single,basic.9y,no,no,no,cellular,jul,thu,142,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,523,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,high.school,unknown,yes,yes,telephone,jul,thu,193,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,university.degree,no,yes,no,cellular,jul,thu,604,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,technician,married,basic.9y,no,yes,no,cellular,jul,thu,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,entrepreneur,married,university.degree,no,yes,no,cellular,jul,thu,302,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,205,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,admin.,married,basic.4y,unknown,yes,no,cellular,jul,thu,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,admin.,married,basic.4y,unknown,no,no,cellular,jul,thu,142,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,services,married,basic.9y,unknown,yes,no,cellular,jul,thu,58,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,jul,thu,100,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,retired,single,basic.9y,no,no,no,telephone,jul,thu,239,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,high.school,unknown,no,no,cellular,jul,thu,1756,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,services,married,high.school,no,no,no,cellular,jul,thu,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,services,single,basic.9y,no,no,yes,cellular,jul,thu,169,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,self-employed,married,university.degree,no,no,yes,cellular,jul,thu,1441,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +52,technician,married,professional.course,no,no,no,cellular,jul,thu,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,technician,married,unknown,no,yes,no,cellular,jul,thu,38,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,technician,married,professional.course,no,no,no,cellular,jul,thu,191,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,services,single,high.school,unknown,no,no,cellular,jul,thu,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,jul,thu,149,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,blue-collar,married,unknown,unknown,unknown,unknown,telephone,jul,thu,747,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,university.degree,no,no,no,cellular,jul,thu,186,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,technician,divorced,university.degree,no,yes,no,cellular,jul,thu,223,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,management,married,university.degree,no,yes,yes,telephone,jul,thu,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.9y,no,yes,no,telephone,jul,thu,60,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,services,divorced,high.school,no,no,no,cellular,jul,thu,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,divorced,high.school,no,no,no,cellular,jul,thu,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,university.degree,no,yes,no,cellular,jul,thu,185,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,technician,married,professional.course,no,yes,no,cellular,jul,thu,224,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,management,married,unknown,unknown,yes,no,cellular,jul,thu,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,services,married,high.school,unknown,unknown,unknown,cellular,jul,thu,84,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,admin.,married,basic.4y,no,no,no,cellular,jul,thu,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,self-employed,married,basic.4y,no,yes,yes,cellular,jul,thu,164,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,128,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,no,yes,no,cellular,jul,thu,15,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,386,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,401,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,housemaid,divorced,high.school,no,yes,yes,cellular,jul,thu,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,services,married,high.school,unknown,no,no,cellular,jul,thu,200,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,single,basic.6y,unknown,no,no,cellular,jul,thu,225,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,services,married,high.school,unknown,yes,yes,cellular,jul,thu,379,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,unknown,unknown,yes,no,cellular,jul,thu,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,no,yes,no,cellular,jul,thu,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,unknown,unknown,no,no,cellular,jul,thu,188,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,self-employed,single,high.school,no,no,no,cellular,jul,thu,168,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,unknown,unknown,yes,no,cellular,jul,thu,651,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +57,blue-collar,married,basic.4y,no,yes,no,telephone,jul,thu,305,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,high.school,unknown,yes,no,cellular,jul,thu,497,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,entrepreneur,single,high.school,no,yes,no,cellular,jul,thu,205,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,housemaid,married,basic.4y,no,yes,no,telephone,jul,thu,179,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,services,divorced,high.school,no,no,no,telephone,jul,thu,212,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,unknown,no,no,yes,cellular,jul,thu,36,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,thu,39,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +24,services,single,high.school,no,yes,no,cellular,jul,thu,576,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,basic.6y,no,yes,yes,cellular,jul,thu,94,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,unknown,no,yes,no,cellular,jul,thu,240,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,technician,married,professional.course,no,yes,no,cellular,jul,thu,147,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,technician,married,high.school,no,yes,no,cellular,jul,thu,604,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,technician,married,professional.course,unknown,yes,no,telephone,jul,thu,193,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,211,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,blue-collar,married,unknown,no,yes,no,cellular,jul,thu,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,entrepreneur,married,high.school,no,yes,no,cellular,jul,thu,169,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,divorced,basic.6y,no,yes,no,cellular,jul,thu,1491,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +53,blue-collar,married,unknown,no,no,no,cellular,jul,thu,131,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,unknown,single,unknown,no,yes,no,cellular,jul,thu,343,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,services,divorced,high.school,no,yes,yes,cellular,jul,thu,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +23,blue-collar,single,basic.9y,no,yes,no,telephone,jul,thu,308,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,retired,married,basic.4y,unknown,no,no,cellular,jul,thu,408,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,technician,single,university.degree,no,yes,no,telephone,jul,thu,119,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,unknown,unknown,yes,no,cellular,jul,thu,418,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,blue-collar,married,unknown,no,no,yes,cellular,jul,thu,821,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,99,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,16,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,78,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,unemployed,married,professional.course,unknown,yes,yes,cellular,jul,thu,225,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,university.degree,no,yes,yes,cellular,jul,thu,604,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,management,married,unknown,unknown,yes,no,cellular,jul,thu,250,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,208,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,technician,single,professional.course,no,yes,no,cellular,jul,thu,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,thu,23,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,single,professional.course,no,yes,no,cellular,jul,thu,498,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,blue-collar,married,basic.6y,unknown,unknown,unknown,cellular,jul,thu,78,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,management,married,high.school,no,no,no,cellular,jul,thu,204,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,entrepreneur,single,high.school,no,yes,no,cellular,jul,thu,90,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,services,divorced,high.school,no,no,no,cellular,jul,thu,539,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,entrepreneur,divorced,unknown,no,no,yes,cellular,jul,thu,273,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,107,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,married,university.degree,no,no,no,cellular,jul,thu,650,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,university.degree,no,no,no,cellular,jul,thu,48,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,management,married,university.degree,no,no,no,cellular,jul,thu,91,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,married,university.degree,unknown,no,no,cellular,jul,thu,229,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,yes,no,cellular,jul,thu,304,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,no,no,cellular,jul,thu,129,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,divorced,high.school,no,no,no,cellular,jul,thu,537,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,self-employed,married,university.degree,no,yes,no,cellular,jul,thu,915,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,married,high.school,no,yes,no,cellular,jul,thu,903,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +53,retired,married,basic.9y,no,yes,yes,cellular,jul,thu,58,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,jul,thu,122,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,thu,873,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +35,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,jul,thu,248,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,unknown,married,basic.4y,no,yes,no,cellular,jul,thu,1298,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +41,entrepreneur,single,high.school,no,yes,no,cellular,jul,thu,149,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,married,university.degree,unknown,no,no,cellular,jul,thu,717,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,yes,no,telephone,jul,thu,147,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +21,unemployed,married,high.school,no,yes,yes,cellular,jul,thu,85,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,technician,married,basic.4y,unknown,yes,yes,cellular,jul,thu,709,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +32,technician,single,university.degree,no,yes,no,cellular,jul,thu,72,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,unknown,married,basic.4y,no,no,yes,cellular,jul,thu,185,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,single,basic.9y,no,no,no,telephone,jul,thu,28,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,retired,married,basic.9y,no,yes,no,cellular,jul,thu,148,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,married,unknown,no,yes,no,cellular,jul,thu,172,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,divorced,basic.4y,no,no,no,cellular,jul,thu,150,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,single,unknown,unknown,yes,no,cellular,jul,thu,51,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,management,married,university.degree,no,yes,yes,cellular,jul,thu,90,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,services,married,basic.9y,unknown,yes,no,cellular,jul,thu,1206,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,no,yes,cellular,jul,thu,1869,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,unknown,married,unknown,no,yes,no,cellular,jul,thu,52,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,technician,single,professional.course,no,no,no,telephone,jul,thu,575,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.6y,unknown,no,yes,cellular,jul,thu,256,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,basic.6y,no,yes,no,cellular,jul,thu,823,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,484,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,married,professional.course,no,unknown,unknown,cellular,jul,thu,230,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,basic.6y,no,no,no,cellular,jul,thu,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,81,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,services,divorced,high.school,no,yes,no,cellular,jul,thu,56,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,management,divorced,university.degree,unknown,no,no,cellular,jul,thu,245,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,332,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,technician,married,unknown,unknown,yes,no,cellular,jul,thu,988,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.9y,no,no,yes,cellular,jul,thu,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,132,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,218,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,unemployed,married,university.degree,no,yes,no,cellular,jul,thu,773,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,single,high.school,unknown,no,no,cellular,jul,thu,147,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,953,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,jul,thu,43,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,thu,1259,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,unemployed,married,basic.6y,no,yes,no,cellular,jul,thu,267,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,entrepreneur,married,university.degree,no,yes,yes,cellular,jul,thu,736,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,management,married,university.degree,unknown,no,no,cellular,jul,thu,901,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +43,entrepreneur,married,high.school,no,no,no,cellular,jul,thu,362,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,single,basic.9y,no,no,no,cellular,jul,thu,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,married,basic.4y,no,no,no,cellular,jul,thu,196,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,single,professional.course,no,no,yes,cellular,jul,thu,346,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,79,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,unemployed,married,basic.6y,no,no,no,cellular,jul,thu,1850,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +46,blue-collar,married,high.school,unknown,no,no,cellular,jul,thu,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,married,basic.9y,no,yes,yes,cellular,jul,thu,217,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,married,high.school,no,yes,no,cellular,jul,thu,119,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,347,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,single,professional.course,no,yes,yes,cellular,jul,thu,559,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,married,university.degree,unknown,yes,no,cellular,jul,thu,141,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,unknown,unknown,yes,no,telephone,jul,thu,27,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,blue-collar,married,high.school,no,yes,yes,cellular,jul,thu,126,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,no,no,telephone,jul,thu,101,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,entrepreneur,married,university.degree,unknown,yes,yes,cellular,jul,thu,62,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,services,divorced,high.school,no,yes,yes,cellular,jul,thu,464,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,631,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +22,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,single,professional.course,unknown,yes,no,cellular,jul,thu,306,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,services,married,basic.9y,unknown,yes,no,cellular,jul,thu,318,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,entrepreneur,married,high.school,no,yes,no,cellular,jul,thu,810,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,married,high.school,unknown,yes,no,cellular,jul,thu,273,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,single,professional.course,unknown,yes,no,telephone,jul,thu,780,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,university.degree,no,yes,yes,cellular,jul,thu,844,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,university.degree,no,yes,no,cellular,jul,thu,947,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,328,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +22,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,448,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,management,married,high.school,no,no,no,telephone,jul,thu,258,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,technician,married,university.degree,unknown,no,no,cellular,jul,thu,213,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,married,university.degree,no,yes,no,cellular,jul,thu,161,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,entrepreneur,married,basic.4y,no,yes,no,cellular,jul,thu,82,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,unknown,no,no,no,cellular,jul,thu,730,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,blue-collar,married,unknown,unknown,yes,no,cellular,jul,thu,180,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,married,university.degree,unknown,unknown,unknown,cellular,jul,thu,367,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,housemaid,divorced,high.school,no,yes,no,cellular,jul,thu,870,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,1820,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,single,basic.9y,no,yes,no,cellular,jul,thu,144,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,732,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,jul,thu,303,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,married,basic.4y,no,yes,no,telephone,jul,thu,553,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,married,high.school,unknown,yes,no,cellular,jul,thu,90,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,technician,divorced,university.degree,no,yes,no,cellular,jul,thu,137,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,professional.course,no,no,yes,cellular,jul,thu,268,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,jul,thu,828,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,services,single,basic.9y,no,yes,no,cellular,jul,thu,136,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,jul,thu,180,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,367,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +38,admin.,single,university.degree,no,yes,yes,cellular,jul,thu,513,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,married,basic.9y,no,yes,no,cellular,jul,thu,347,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,unemployed,married,university.degree,no,yes,no,cellular,jul,thu,1173,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,entrepreneur,single,high.school,no,yes,no,telephone,jul,thu,153,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,university.degree,no,yes,no,cellular,jul,thu,73,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,unemployed,married,unknown,no,no,no,telephone,jul,thu,626,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,services,single,basic.9y,no,yes,no,cellular,jul,thu,123,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,technician,married,professional.course,no,yes,yes,cellular,jul,thu,77,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,unemployed,married,university.degree,no,yes,no,cellular,jul,thu,263,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,divorced,university.degree,no,no,no,cellular,jul,thu,91,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,retired,single,high.school,no,yes,no,cellular,jul,thu,577,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,no,yes,cellular,jul,thu,417,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,high.school,no,no,no,telephone,jul,thu,393,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,unknown,married,basic.4y,no,yes,no,cellular,jul,thu,633,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,self-employed,married,university.degree,no,no,no,cellular,jul,thu,568,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,technician,divorced,high.school,no,yes,no,cellular,jul,thu,237,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,180,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,management,single,university.degree,no,no,no,cellular,jul,thu,257,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,unemployed,married,professional.course,unknown,no,no,cellular,jul,thu,144,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,212,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,technician,single,university.degree,no,no,no,telephone,jul,thu,447,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,technician,married,professional.course,unknown,no,yes,cellular,jul,thu,92,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,self-employed,married,university.degree,no,no,no,telephone,jul,thu,552,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,housemaid,divorced,high.school,no,yes,no,cellular,jul,thu,241,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,unemployed,married,basic.4y,unknown,yes,no,cellular,jul,thu,458,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +37,admin.,married,basic.6y,no,yes,yes,cellular,jul,thu,1602,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +57,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,42,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,technician,married,basic.6y,unknown,no,no,cellular,jul,fri,130,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,unknown,no,no,cellular,jul,fri,197,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,single,high.school,no,no,no,cellular,jul,fri,52,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,single,high.school,no,no,no,cellular,jul,fri,441,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,unknown,unknown,yes,no,cellular,jul,fri,31,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,single,high.school,no,no,no,telephone,jul,fri,219,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,179,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,fri,1492,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +43,admin.,married,basic.9y,no,no,no,cellular,jul,fri,72,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,technician,divorced,unknown,unknown,no,no,cellular,jul,fri,64,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,entrepreneur,single,university.degree,no,no,yes,cellular,jul,fri,210,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,retired,married,high.school,unknown,no,no,telephone,jul,fri,133,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,admin.,divorced,high.school,no,no,no,cellular,jul,fri,203,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,married,basic.9y,unknown,no,no,cellular,jul,fri,823,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,fri,682,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,technician,married,professional.course,no,yes,no,cellular,jul,fri,154,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,management,married,university.degree,no,yes,no,telephone,jul,fri,150,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,technician,married,professional.course,no,yes,no,cellular,jul,fri,13,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,single,high.school,no,yes,no,cellular,jul,fri,1422,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +52,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,fri,114,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,divorced,high.school,no,no,yes,cellular,jul,fri,186,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,entrepreneur,divorced,university.degree,no,yes,yes,cellular,jul,fri,57,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,technician,divorced,professional.course,no,yes,no,telephone,jul,fri,159,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,entrepreneur,divorced,university.degree,no,no,no,cellular,jul,fri,123,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,single,high.school,no,no,no,cellular,jul,fri,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,married,high.school,no,yes,yes,cellular,jul,fri,65,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,technician,married,university.degree,no,no,no,telephone,jul,fri,78,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,services,married,high.school,no,yes,no,cellular,jul,fri,303,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,professional.course,no,no,yes,cellular,jul,fri,43,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,admin.,married,university.degree,no,no,no,cellular,jul,fri,44,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,high.school,no,yes,no,cellular,jul,fri,212,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,admin.,single,university.degree,unknown,yes,no,cellular,jul,fri,111,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,retired,single,professional.course,unknown,yes,no,cellular,jul,fri,161,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,university.degree,no,no,yes,cellular,jul,fri,979,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +42,admin.,married,university.degree,no,no,no,cellular,jul,fri,591,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,602,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,entrepreneur,married,basic.6y,unknown,no,no,cellular,jul,fri,190,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,services,single,high.school,no,no,yes,cellular,jul,fri,616,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +42,admin.,single,high.school,no,no,yes,cellular,jul,fri,295,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,admin.,married,professional.course,no,no,no,cellular,jul,fri,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,management,married,university.degree,no,no,yes,cellular,jul,fri,153,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,fri,110,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,high.school,no,no,no,cellular,jul,fri,198,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,management,married,university.degree,no,yes,no,cellular,jul,fri,136,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,technician,married,unknown,no,no,no,cellular,jul,fri,173,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,divorced,high.school,no,no,no,cellular,jul,fri,294,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,high.school,no,yes,no,cellular,jul,fri,784,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +40,admin.,married,university.degree,no,yes,no,cellular,jul,fri,310,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,single,basic.4y,no,yes,yes,cellular,jul,fri,107,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,self-employed,married,university.degree,no,yes,no,cellular,jul,fri,298,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,high.school,no,yes,no,cellular,jul,fri,110,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,single,unknown,no,no,yes,cellular,jul,fri,1000,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +39,admin.,single,high.school,no,yes,no,cellular,jul,fri,361,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,retired,married,professional.course,no,yes,no,cellular,jul,fri,695,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +52,blue-collar,single,unknown,unknown,no,yes,cellular,jul,fri,137,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,high.school,no,yes,no,cellular,jul,fri,335,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,unknown,no,no,no,cellular,jul,fri,735,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +28,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,75,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,unemployed,married,high.school,no,yes,yes,cellular,jul,fri,57,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,159,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,single,high.school,no,yes,no,cellular,jul,fri,337,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,technician,married,university.degree,no,no,yes,cellular,jul,fri,337,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,jul,fri,267,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,803,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,technician,married,university.degree,no,yes,no,cellular,jul,fri,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,282,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,professional.course,no,yes,no,telephone,jul,fri,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,unknown,unknown,no,no,cellular,jul,fri,18,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,married,university.degree,no,no,no,cellular,jul,fri,54,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,technician,single,unknown,no,yes,no,cellular,jul,fri,172,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,professional.course,no,no,no,cellular,jul,fri,256,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,technician,single,high.school,no,no,yes,cellular,jul,fri,112,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,services,single,high.school,no,yes,no,cellular,jul,fri,862,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +45,technician,divorced,unknown,unknown,no,no,cellular,jul,fri,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,married,high.school,no,no,no,cellular,jul,fri,324,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,jul,fri,65,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,single,university.degree,no,yes,no,cellular,jul,fri,250,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,single,university.degree,no,yes,no,cellular,jul,fri,198,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,single,university.degree,no,no,no,telephone,jul,fri,241,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,retired,married,high.school,unknown,yes,no,cellular,jul,fri,79,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,single,basic.4y,no,yes,no,cellular,jul,fri,112,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,technician,married,unknown,unknown,yes,no,cellular,jul,fri,86,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,married,university.degree,no,yes,no,cellular,jul,fri,127,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,divorced,university.degree,unknown,yes,no,cellular,jul,fri,246,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,retired,married,basic.9y,unknown,yes,no,cellular,jul,fri,50,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,high.school,no,yes,no,cellular,jul,fri,71,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,services,single,basic.9y,no,no,no,cellular,jul,fri,61,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,self-employed,married,basic.6y,no,yes,no,cellular,jul,fri,40,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,retired,married,high.school,no,no,no,cellular,jul,fri,720,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,jul,fri,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,jul,fri,234,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,university.degree,no,yes,no,cellular,jul,fri,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,university.degree,no,unknown,unknown,cellular,jul,fri,352,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,unknown,unknown,no,no,cellular,jul,fri,227,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,high.school,no,yes,no,cellular,jul,fri,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,self-employed,married,basic.9y,unknown,no,no,cellular,jul,fri,571,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,married,basic.4y,no,no,no,telephone,jul,fri,110,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +29,services,single,university.degree,no,no,no,cellular,jul,fri,246,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,divorced,professional.course,no,no,no,cellular,jul,fri,63,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,113,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,jul,fri,188,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,married,university.degree,no,yes,no,cellular,jul,fri,133,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,technician,single,professional.course,no,yes,no,cellular,jul,fri,98,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,fri,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,blue-collar,married,basic.9y,no,no,no,telephone,jul,fri,286,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,unknown,no,yes,no,cellular,jul,fri,238,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,professional.course,no,no,no,cellular,jul,fri,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,management,married,university.degree,no,no,no,cellular,jul,fri,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,single,high.school,no,no,yes,cellular,jul,fri,18,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,married,high.school,no,no,no,cellular,jul,fri,795,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,technician,divorced,university.degree,unknown,yes,no,telephone,jul,fri,1946,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +56,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,560,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,high.school,no,yes,no,cellular,jul,fri,172,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,fri,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,married,university.degree,no,no,no,cellular,jul,fri,99,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,fri,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,retired,married,high.school,unknown,yes,no,telephone,jul,fri,297,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,retired,married,basic.6y,unknown,no,no,cellular,jul,fri,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,retired,married,basic.6y,unknown,no,no,cellular,jul,fri,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,telephone,jul,fri,182,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,jul,fri,168,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,divorced,unknown,unknown,yes,no,cellular,jul,fri,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,married,basic.4y,no,no,no,cellular,jul,fri,46,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,professional.course,no,no,no,cellular,jul,fri,1106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,admin.,divorced,high.school,no,yes,no,cellular,jul,fri,81,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,blue-collar,married,unknown,no,no,no,cellular,jul,fri,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,fri,236,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,married,high.school,no,yes,yes,cellular,jul,fri,132,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,entrepreneur,married,university.degree,no,yes,no,cellular,jul,fri,94,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,unemployed,married,high.school,unknown,no,no,cellular,jul,fri,203,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,no,yes,cellular,jul,fri,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,technician,married,university.degree,no,no,no,cellular,jul,fri,146,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,single,basic.4y,no,no,no,telephone,jul,fri,102,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,high.school,no,no,no,cellular,jul,fri,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,technician,married,university.degree,no,yes,no,cellular,jul,fri,367,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,admin.,married,basic.6y,no,yes,no,cellular,jul,fri,426,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,divorced,high.school,no,yes,no,cellular,jul,fri,800,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,married,professional.course,no,yes,no,cellular,jul,fri,96,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,technician,divorced,university.degree,no,no,yes,cellular,jul,fri,165,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,357,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,self-employed,married,basic.9y,no,yes,no,cellular,jul,fri,177,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,technician,married,professional.course,unknown,no,no,cellular,jul,fri,69,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,retired,married,professional.course,no,yes,no,cellular,jul,fri,72,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,technician,married,professional.course,unknown,no,no,cellular,jul,fri,209,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,divorced,basic.9y,unknown,yes,no,telephone,jul,fri,362,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +40,blue-collar,married,basic.9y,unknown,no,yes,cellular,jul,fri,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,fri,135,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,fri,132,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,technician,married,unknown,unknown,yes,no,cellular,jul,fri,177,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,university.degree,no,no,no,cellular,jul,fri,67,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,admin.,married,high.school,no,no,yes,cellular,jul,fri,204,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,single,unknown,no,yes,no,cellular,jul,fri,153,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,services,married,high.school,unknown,yes,yes,cellular,jul,fri,239,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,technician,single,unknown,no,no,no,cellular,jul,fri,337,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,professional.course,no,yes,no,telephone,jul,fri,149,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,97,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,married,basic.9y,unknown,yes,no,cellular,jul,fri,471,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,single,high.school,no,yes,yes,telephone,jul,fri,214,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,professional.course,no,no,no,cellular,jul,fri,796,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,married,professional.course,no,yes,no,cellular,jul,fri,51,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,management,married,basic.9y,no,yes,no,telephone,jul,fri,106,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,fri,211,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,high.school,no,yes,no,cellular,jul,fri,311,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,technician,married,university.degree,no,yes,yes,cellular,jul,fri,483,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,married,professional.course,no,yes,yes,cellular,jul,fri,605,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,basic.9y,unknown,yes,yes,cellular,jul,fri,110,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,276,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,admin.,married,university.degree,no,no,no,telephone,jul,fri,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,retired,married,professional.course,no,no,yes,cellular,jul,fri,39,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,jul,fri,127,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,fri,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,divorced,university.degree,no,no,no,telephone,jul,fri,87,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,66,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,single,high.school,no,no,no,cellular,jul,fri,163,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,unemployed,married,high.school,unknown,yes,no,cellular,jul,fri,83,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,divorced,unknown,unknown,no,no,telephone,jul,fri,511,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,technician,single,unknown,no,yes,no,cellular,jul,fri,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,services,single,basic.9y,no,no,no,cellular,jul,fri,102,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,53,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,married,university.degree,no,no,no,cellular,jul,fri,743,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +55,retired,married,basic.4y,unknown,yes,no,cellular,jul,fri,129,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,retired,married,basic.4y,unknown,yes,yes,cellular,jul,fri,258,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,fri,2015,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +56,admin.,married,university.degree,unknown,no,no,cellular,jul,fri,98,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,self-employed,divorced,professional.course,no,no,no,telephone,jul,fri,657,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,management,married,university.degree,no,yes,no,telephone,jul,fri,199,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,261,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,services,married,high.school,no,yes,no,cellular,jul,fri,442,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,management,married,university.degree,no,no,no,cellular,jul,fri,241,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,unknown,yes,yes,cellular,jul,fri,152,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,high.school,no,yes,no,cellular,jul,fri,147,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,unemployed,married,high.school,no,yes,yes,cellular,jul,fri,730,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,fri,36,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,technician,married,high.school,no,no,no,cellular,jul,fri,1161,26,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,admin.,married,basic.9y,no,no,no,cellular,jul,fri,90,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,technician,married,university.degree,no,no,no,cellular,jul,fri,95,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,blue-collar,married,high.school,no,no,no,cellular,jul,fri,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,admin.,married,university.degree,no,yes,yes,cellular,jul,fri,374,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,services,married,high.school,no,no,no,cellular,jul,fri,468,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,entrepreneur,married,basic.6y,unknown,no,no,cellular,jul,fri,141,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,entrepreneur,divorced,university.degree,no,no,no,cellular,jul,fri,155,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,housemaid,married,basic.4y,unknown,unknown,unknown,cellular,jul,fri,356,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,technician,divorced,university.degree,no,no,no,cellular,jul,fri,147,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,basic.6y,no,no,yes,cellular,jul,fri,268,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,admin.,married,university.degree,no,no,no,cellular,jul,fri,84,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,married,basic.9y,unknown,no,no,telephone,jul,fri,259,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,entrepreneur,divorced,high.school,no,unknown,unknown,cellular,jul,fri,360,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,retired,married,professional.course,no,yes,no,cellular,jul,fri,1031,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +46,technician,married,professional.course,no,unknown,unknown,cellular,jul,fri,1368,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,services,married,high.school,unknown,yes,no,cellular,jul,fri,507,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,university.degree,unknown,no,no,cellular,jul,fri,148,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,technician,single,unknown,no,yes,no,cellular,jul,fri,266,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,unknown,single,unknown,no,no,no,cellular,jul,fri,295,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,services,married,high.school,no,no,no,cellular,jul,fri,134,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,technician,single,high.school,no,yes,no,cellular,jul,fri,270,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +33,services,married,high.school,no,yes,no,cellular,jul,fri,396,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,services,single,high.school,no,yes,no,cellular,jul,fri,273,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,services,married,high.school,no,yes,no,cellular,jul,fri,72,30,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,blue-collar,single,basic.4y,no,unknown,unknown,telephone,jul,fri,385,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,high.school,no,no,no,cellular,jul,fri,87,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,technician,married,professional.course,no,no,no,cellular,jul,fri,161,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,entrepreneur,married,basic.6y,unknown,yes,no,cellular,jul,fri,92,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,retired,married,professional.course,no,no,no,cellular,jul,fri,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,self-employed,married,university.degree,no,no,no,cellular,jul,fri,356,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,unknown,no,no,cellular,jul,fri,394,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,married,university.degree,no,no,no,cellular,jul,fri,293,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,single,high.school,no,no,no,cellular,jul,fri,135,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,technician,married,high.school,no,no,no,cellular,jul,fri,590,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +28,services,married,high.school,no,no,yes,cellular,jul,fri,200,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,student,single,unknown,no,yes,no,cellular,jul,fri,587,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,married,basic.9y,unknown,no,no,cellular,jul,fri,1330,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +45,blue-collar,married,basic.4y,no,no,no,cellular,jul,fri,194,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,admin.,divorced,high.school,no,yes,no,cellular,jul,fri,238,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,married,university.degree,no,no,yes,cellular,jul,fri,171,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,unemployed,single,basic.9y,no,no,no,cellular,jul,fri,936,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,management,divorced,university.degree,no,no,no,cellular,jul,fri,210,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,single,university.degree,no,no,yes,cellular,jul,fri,83,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,services,married,high.school,unknown,yes,no,cellular,jul,fri,946,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +31,services,married,high.school,no,no,yes,cellular,jul,fri,1319,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,entrepreneur,married,university.degree,no,no,yes,cellular,jul,fri,250,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,technician,married,basic.4y,unknown,no,yes,cellular,jul,fri,103,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,admin.,married,unknown,unknown,yes,no,cellular,jul,fri,150,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,admin.,married,university.degree,unknown,no,no,cellular,jul,fri,67,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,entrepreneur,married,basic.6y,unknown,yes,yes,cellular,jul,fri,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,blue-collar,married,basic.4y,unknown,yes,yes,cellular,jul,fri,85,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,single,basic.4y,no,no,yes,telephone,jul,fri,93,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,retired,married,high.school,no,yes,no,cellular,jul,fri,99,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,married,high.school,no,yes,no,cellular,jul,fri,1448,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +52,blue-collar,married,basic.9y,unknown,no,yes,cellular,jul,fri,432,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,admin.,single,high.school,no,yes,no,telephone,jul,fri,143,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,unemployed,single,basic.9y,no,yes,yes,cellular,jul,fri,50,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,self-employed,married,basic.4y,unknown,yes,no,cellular,jul,fri,126,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,married,high.school,no,no,yes,cellular,jul,fri,87,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,university.degree,no,no,yes,cellular,jul,fri,400,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,student,single,unknown,no,yes,no,telephone,jul,fri,279,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +44,blue-collar,married,basic.9y,no,no,yes,cellular,jul,fri,185,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,divorced,high.school,no,yes,yes,cellular,jul,fri,164,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,admin.,married,university.degree,no,no,yes,cellular,jul,fri,188,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,technician,married,professional.course,unknown,no,yes,cellular,jul,fri,118,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,admin.,married,high.school,unknown,yes,no,cellular,jul,fri,661,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +57,admin.,single,unknown,no,no,no,cellular,jul,fri,137,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,single,high.school,no,yes,no,cellular,jul,fri,237,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,unemployed,divorced,high.school,unknown,no,no,cellular,jul,fri,195,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,basic.6y,unknown,yes,yes,cellular,jul,fri,138,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +25,management,single,university.degree,no,yes,yes,cellular,jul,fri,114,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,management,married,high.school,no,yes,no,cellular,jul,fri,96,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,technician,divorced,university.degree,unknown,no,no,cellular,jul,fri,65,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,blue-collar,married,basic.4y,no,no,no,cellular,jul,fri,144,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,fri,198,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,blue-collar,married,unknown,unknown,yes,no,cellular,jul,fri,386,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,single,university.degree,no,no,no,telephone,jul,fri,163,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,admin.,single,high.school,no,no,yes,cellular,jul,fri,63,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,technician,married,unknown,unknown,yes,yes,cellular,jul,fri,84,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,technician,married,basic.9y,unknown,no,no,cellular,jul,fri,188,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,divorced,basic.9y,no,yes,yes,cellular,jul,fri,481,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,jul,fri,1369,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +39,admin.,married,university.degree,no,no,no,cellular,jul,fri,653,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +50,retired,married,professional.course,no,yes,yes,cellular,jul,fri,460,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,jul,fri,41,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,fri,282,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,professional.course,no,no,yes,telephone,jul,fri,395,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,no,yes,no,cellular,jul,fri,190,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,71,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,admin.,divorced,professional.course,unknown,no,no,cellular,jul,mon,68,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,admin.,married,high.school,unknown,yes,no,cellular,jul,mon,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,yes,yes,cellular,jul,mon,32,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,management,married,high.school,unknown,yes,no,cellular,jul,mon,102,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,divorced,professional.course,no,yes,no,cellular,jul,mon,147,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,unknown,single,university.degree,unknown,yes,no,cellular,jul,mon,93,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,mon,29,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,services,married,high.school,no,yes,yes,telephone,jul,mon,63,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,mon,40,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,230,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,unknown,married,unknown,no,yes,no,cellular,jul,mon,33,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,housemaid,divorced,university.degree,unknown,yes,no,cellular,jul,mon,57,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,technician,married,basic.6y,no,yes,no,cellular,jul,mon,177,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,blue-collar,single,basic.9y,no,yes,yes,cellular,jul,mon,52,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,entrepreneur,single,university.degree,no,no,no,cellular,jul,mon,49,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,entrepreneur,single,university.degree,no,no,no,cellular,jul,mon,123,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,admin.,divorced,high.school,no,yes,yes,cellular,jul,mon,44,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,self-employed,married,university.degree,no,no,no,cellular,jul,mon,243,30,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,mon,41,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,divorced,university.degree,no,no,no,cellular,jul,mon,60,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,technician,divorced,university.degree,unknown,yes,yes,telephone,jul,mon,31,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,divorced,high.school,no,yes,yes,cellular,jul,mon,52,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,student,married,unknown,no,yes,no,cellular,jul,mon,110,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,basic.9y,unknown,yes,yes,cellular,jul,mon,33,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,unknown,unknown,unknown,unknown,yes,yes,cellular,jul,mon,49,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,high.school,unknown,no,no,cellular,jul,mon,327,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,single,professional.course,no,yes,no,cellular,jul,mon,108,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,services,married,high.school,no,yes,yes,cellular,jul,mon,95,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,services,divorced,high.school,no,no,no,cellular,jul,mon,119,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,admin.,divorced,basic.6y,unknown,no,yes,cellular,jul,mon,234,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,management,single,university.degree,unknown,no,no,cellular,jul,mon,261,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,management,married,basic.9y,no,yes,no,cellular,jul,mon,180,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,services,married,high.school,no,yes,no,cellular,jul,mon,56,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,retired,divorced,professional.course,no,yes,no,cellular,jul,mon,70,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,basic.9y,unknown,yes,no,cellular,jul,mon,163,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,basic.6y,no,yes,no,cellular,jul,mon,62,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,admin.,married,university.degree,unknown,yes,no,cellular,jul,mon,110,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,high.school,unknown,yes,no,cellular,jul,mon,386,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,high.school,no,yes,no,cellular,jul,mon,295,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,458,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +51,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,117,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,admin.,married,high.school,no,yes,no,cellular,jul,mon,69,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,university.degree,no,yes,no,cellular,jul,mon,48,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,57,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,divorced,university.degree,no,no,no,cellular,jul,mon,983,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +47,technician,single,professional.course,no,yes,no,cellular,jul,mon,365,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +42,self-employed,married,university.degree,unknown,no,yes,cellular,jul,mon,95,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,31,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,technician,married,university.degree,no,yes,no,cellular,jul,mon,55,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,services,married,high.school,unknown,yes,no,cellular,jul,mon,49,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,single,high.school,unknown,no,no,telephone,jul,mon,193,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,telephone,jul,mon,36,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,married,university.degree,no,yes,no,cellular,jul,mon,664,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +40,blue-collar,married,professional.course,no,yes,no,cellular,jul,mon,108,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,technician,married,professional.course,no,no,no,cellular,jul,mon,110,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,services,married,high.school,unknown,no,no,cellular,jul,mon,57,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,management,married,university.degree,no,no,no,cellular,jul,mon,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,single,high.school,unknown,no,no,cellular,jul,mon,699,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +37,admin.,divorced,high.school,no,no,yes,cellular,jul,mon,131,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,married,basic.6y,unknown,no,no,cellular,jul,mon,463,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,married,basic.6y,unknown,yes,yes,cellular,jul,mon,228,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,management,single,university.degree,no,yes,no,cellular,jul,mon,30,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,admin.,married,high.school,no,yes,no,cellular,jul,mon,700,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +53,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,124,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,management,married,university.degree,unknown,no,yes,cellular,jul,mon,219,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,services,married,professional.course,no,yes,yes,cellular,jul,mon,307,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,services,married,high.school,no,yes,no,cellular,jul,mon,82,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,151,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,management,single,university.degree,unknown,yes,no,cellular,jul,mon,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,married,unknown,unknown,yes,no,telephone,jul,mon,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,services,married,high.school,no,yes,yes,cellular,jul,mon,115,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,married,basic.6y,unknown,unknown,unknown,cellular,jul,mon,939,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +51,management,married,university.degree,unknown,no,no,cellular,jul,mon,60,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,divorced,university.degree,no,yes,yes,cellular,jul,mon,340,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,technician,married,professional.course,unknown,yes,no,cellular,jul,mon,54,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,technician,divorced,university.degree,unknown,no,no,cellular,jul,mon,73,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,divorced,basic.4y,unknown,yes,no,cellular,jul,mon,362,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,management,married,university.degree,unknown,yes,yes,cellular,jul,mon,746,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,married,unknown,unknown,yes,no,telephone,jul,mon,22,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,admin.,divorced,basic.4y,unknown,yes,yes,cellular,jul,mon,745,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +38,admin.,married,high.school,no,yes,no,cellular,jul,mon,319,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,married,high.school,no,no,no,cellular,jul,mon,219,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,technician,divorced,high.school,no,yes,yes,cellular,jul,mon,200,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,married,unknown,unknown,yes,no,cellular,jul,mon,174,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,basic.9y,unknown,no,no,cellular,jul,mon,136,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,technician,divorced,university.degree,unknown,no,no,cellular,jul,mon,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,professional.course,no,no,no,telephone,jul,mon,108,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,management,married,university.degree,no,no,no,cellular,jul,mon,87,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,technician,married,professional.course,no,no,no,cellular,jul,mon,68,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,self-employed,married,university.degree,unknown,unknown,unknown,telephone,jul,mon,644,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,mon,108,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,housemaid,married,basic.4y,unknown,yes,no,telephone,jul,mon,148,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,married,university.degree,no,no,no,cellular,jul,mon,139,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,blue-collar,married,high.school,no,yes,no,cellular,jul,mon,84,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,professional.course,no,no,no,cellular,jul,mon,240,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,basic.9y,unknown,no,no,cellular,jul,mon,194,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,professional.course,no,yes,yes,cellular,jul,mon,330,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,admin.,single,unknown,unknown,no,no,telephone,jul,mon,228,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,management,married,university.degree,no,no,no,cellular,jul,mon,662,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +53,services,married,unknown,unknown,yes,no,cellular,jul,mon,60,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,self-employed,married,university.degree,unknown,yes,no,telephone,jul,mon,40,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,unknown,unknown,unknown,unknown,yes,no,cellular,jul,mon,230,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,jul,mon,173,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,housemaid,married,basic.4y,unknown,no,no,cellular,jul,mon,78,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,retired,married,basic.9y,no,no,no,cellular,jul,mon,551,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,divorced,university.degree,no,no,no,telephone,jul,mon,130,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,admin.,single,unknown,unknown,no,yes,cellular,jul,mon,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,married,unknown,unknown,no,no,cellular,jul,mon,295,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,housemaid,married,basic.4y,unknown,no,no,cellular,jul,mon,139,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,management,married,high.school,unknown,yes,no,telephone,jul,mon,13,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,mon,367,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,management,married,high.school,unknown,no,no,telephone,jul,mon,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,self-employed,married,university.degree,no,no,no,cellular,jul,mon,97,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,admin.,married,university.degree,no,no,no,cellular,jul,mon,73,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,management,married,high.school,unknown,yes,no,cellular,jul,mon,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,management,married,high.school,unknown,no,no,cellular,jul,mon,164,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,jul,mon,50,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,jul,mon,24,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,self-employed,married,university.degree,no,no,no,cellular,jul,mon,84,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,married,basic.6y,unknown,no,no,cellular,jul,mon,547,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,management,married,high.school,unknown,no,yes,cellular,jul,mon,292,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,unknown,married,unknown,unknown,no,no,cellular,jul,mon,53,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,241,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,management,married,high.school,unknown,yes,no,cellular,jul,mon,418,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,services,divorced,high.school,no,yes,yes,telephone,jul,mon,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,married,basic.4y,unknown,no,yes,cellular,jul,mon,65,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,married,high.school,no,yes,yes,telephone,jul,mon,388,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,unemployed,married,basic.6y,unknown,no,no,cellular,jul,mon,273,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,housemaid,divorced,unknown,unknown,no,no,cellular,jul,mon,103,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,services,divorced,high.school,no,yes,yes,cellular,jul,mon,1169,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +46,admin.,divorced,university.degree,no,yes,no,telephone,jul,mon,59,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,professional.course,no,yes,yes,cellular,jul,mon,431,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +50,unknown,married,unknown,unknown,yes,no,cellular,jul,mon,143,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,married,basic.6y,unknown,yes,yes,cellular,jul,mon,405,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,admin.,married,high.school,no,yes,yes,cellular,jul,mon,263,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,self-employed,married,unknown,unknown,no,no,cellular,jul,mon,143,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,divorced,high.school,no,no,no,cellular,jul,mon,837,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +45,services,married,professional.course,no,yes,no,cellular,jul,mon,19,23,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,jul,mon,63,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,high.school,unknown,no,yes,telephone,jul,mon,55,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,services,married,high.school,unknown,yes,no,telephone,jul,mon,596,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +37,admin.,married,university.degree,unknown,yes,no,cellular,jul,mon,35,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,housemaid,married,basic.4y,unknown,no,no,cellular,jul,mon,71,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,101,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,married,high.school,no,no,no,cellular,jul,mon,337,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,married,basic.6y,unknown,yes,no,cellular,jul,mon,65,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,unknown,married,unknown,no,yes,no,cellular,jul,mon,48,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,services,married,high.school,unknown,no,no,cellular,jul,mon,174,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,high.school,unknown,yes,no,cellular,jul,mon,201,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,divorced,basic.6y,no,no,yes,telephone,jul,mon,296,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +35,entrepreneur,single,university.degree,no,no,no,cellular,jul,mon,180,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,admin.,married,university.degree,unknown,no,no,cellular,jul,mon,332,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,mon,55,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,high.school,unknown,no,yes,cellular,jul,mon,301,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,divorced,university.degree,no,no,no,telephone,jul,mon,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,jul,mon,54,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,basic.9y,unknown,yes,no,cellular,jul,mon,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,admin.,divorced,high.school,no,yes,no,cellular,jul,mon,86,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,404,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,blue-collar,single,high.school,no,yes,no,cellular,jul,mon,435,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,university.degree,no,no,yes,cellular,jul,mon,231,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,basic.4y,no,yes,yes,telephone,jul,mon,40,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,single,university.degree,no,yes,no,cellular,jul,mon,73,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,divorced,high.school,no,no,no,cellular,jul,mon,300,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,services,married,high.school,unknown,yes,no,cellular,jul,mon,193,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,management,married,high.school,unknown,no,yes,telephone,jul,mon,73,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,retired,married,basic.4y,unknown,no,no,cellular,jul,mon,22,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,technician,married,basic.9y,no,yes,no,cellular,jul,mon,502,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,self-employed,married,university.degree,no,no,yes,cellular,jul,mon,83,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,289,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,management,divorced,professional.course,no,no,no,cellular,jul,mon,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,services,married,high.school,no,no,no,cellular,jul,mon,157,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,438,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,technician,married,professional.course,no,no,no,telephone,jul,mon,155,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,professional.course,no,no,no,cellular,jul,mon,189,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,professional.course,no,yes,no,cellular,jul,mon,96,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,single,university.degree,no,yes,yes,cellular,jul,mon,25,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,services,divorced,high.school,no,yes,yes,cellular,jul,mon,395,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,blue-collar,single,high.school,unknown,yes,no,cellular,jul,mon,246,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,admin.,divorced,high.school,unknown,no,yes,cellular,jul,mon,630,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +37,admin.,married,university.degree,no,no,no,cellular,jul,mon,60,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,technician,married,basic.9y,unknown,no,no,cellular,jul,mon,116,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,self-employed,married,unknown,unknown,no,no,telephone,jul,mon,1025,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,admin.,married,university.degree,unknown,yes,no,cellular,jul,mon,231,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,services,married,basic.6y,unknown,yes,yes,cellular,jul,mon,76,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,unemployed,married,basic.6y,unknown,yes,no,cellular,jul,mon,131,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,470,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,management,divorced,university.degree,no,no,no,cellular,jul,mon,85,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,mon,60,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,married,professional.course,no,yes,no,cellular,jul,mon,383,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +36,services,single,high.school,no,no,no,cellular,jul,mon,719,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,unemployed,married,basic.9y,unknown,yes,no,cellular,jul,mon,68,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,admin.,divorced,basic.6y,unknown,no,no,cellular,jul,mon,70,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,blue-collar,single,basic.9y,no,no,no,cellular,jul,mon,234,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,professional.course,no,no,no,cellular,jul,mon,81,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +59,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,mon,106,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,self-employed,married,university.degree,unknown,no,no,cellular,jul,mon,83,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,89,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,cellular,jul,mon,82,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,services,divorced,high.school,unknown,yes,no,cellular,jul,mon,118,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,admin.,married,high.school,no,no,no,cellular,jul,mon,76,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,single,university.degree,unknown,no,no,telephone,jul,mon,97,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,married,professional.course,no,no,no,cellular,jul,mon,86,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,blue-collar,married,high.school,unknown,no,no,cellular,jul,mon,33,29,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,1339,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,no,yes,no,cellular,jul,mon,359,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,professional.course,no,no,no,cellular,jul,mon,102,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,mon,59,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,mon,128,22,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,services,married,high.school,unknown,yes,no,cellular,jul,mon,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,technician,divorced,professional.course,no,yes,no,cellular,jul,mon,112,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,professional.course,no,no,no,cellular,jul,mon,674,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,admin.,married,university.degree,no,no,no,telephone,jul,mon,1009,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +55,self-employed,married,unknown,unknown,no,no,cellular,jul,mon,136,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,admin.,married,university.degree,unknown,yes,no,cellular,jul,mon,121,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,self-employed,married,unknown,unknown,yes,no,telephone,jul,mon,81,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,management,divorced,university.degree,unknown,yes,no,cellular,jul,mon,141,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,services,divorced,high.school,no,yes,no,cellular,jul,mon,158,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,technician,married,unknown,no,yes,no,cellular,jul,mon,1096,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +42,self-employed,married,university.degree,no,unknown,unknown,cellular,jul,mon,624,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,management,married,university.degree,unknown,no,no,cellular,jul,mon,93,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,professional.course,no,yes,no,cellular,jul,mon,534,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,unemployed,divorced,basic.9y,no,no,no,cellular,jul,mon,117,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,housemaid,divorced,basic.4y,no,yes,yes,cellular,jul,mon,78,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,247,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,services,married,university.degree,unknown,yes,no,telephone,jul,mon,317,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,admin.,divorced,high.school,no,yes,no,telephone,jul,mon,75,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,management,married,unknown,no,yes,yes,cellular,jul,mon,88,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,divorced,university.degree,no,yes,no,cellular,jul,mon,63,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,318,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,married,unknown,no,no,no,cellular,jul,mon,246,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,867,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +43,unemployed,divorced,basic.9y,no,yes,yes,telephone,jul,mon,41,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,unknown,married,unknown,unknown,yes,no,cellular,jul,mon,207,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,divorced,high.school,unknown,yes,no,cellular,jul,mon,761,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,married,high.school,no,yes,yes,cellular,jul,mon,234,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,management,single,university.degree,no,no,no,cellular,jul,mon,310,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,self-employed,married,high.school,unknown,yes,yes,cellular,jul,mon,88,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,admin.,married,high.school,no,yes,yes,cellular,jul,mon,283,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,admin.,single,basic.9y,unknown,yes,no,cellular,jul,mon,418,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,self-employed,divorced,university.degree,no,no,no,cellular,jul,mon,179,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,single,high.school,no,no,no,cellular,jul,mon,419,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,yes,no,cellular,jul,mon,88,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,management,divorced,high.school,no,no,no,cellular,jul,mon,121,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,divorced,unknown,no,no,no,cellular,jul,mon,42,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,services,married,high.school,unknown,no,yes,telephone,jul,mon,187,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,single,university.degree,no,yes,yes,cellular,jul,mon,141,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,admin.,married,university.degree,no,yes,no,cellular,jul,mon,320,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,technician,divorced,professional.course,no,yes,yes,cellular,jul,mon,154,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,married,high.school,no,no,no,cellular,jul,mon,339,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,admin.,divorced,high.school,no,no,no,cellular,jul,mon,493,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,admin.,married,high.school,no,no,yes,cellular,jul,mon,551,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +50,self-employed,married,professional.course,no,yes,yes,cellular,jul,mon,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,239,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,single,university.degree,unknown,no,no,cellular,jul,mon,644,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,married,university.degree,no,yes,no,cellular,jul,mon,322,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,admin.,divorced,unknown,no,yes,yes,cellular,jul,mon,269,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,jul,mon,124,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,single,university.degree,unknown,yes,no,cellular,jul,mon,333,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,admin.,married,high.school,no,no,no,cellular,jul,mon,180,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +32,blue-collar,single,basic.4y,no,no,no,cellular,jul,mon,160,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,services,divorced,high.school,no,yes,no,cellular,jul,mon,192,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,management,married,university.degree,unknown,yes,no,telephone,jul,mon,182,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,housemaid,married,basic.4y,no,yes,no,cellular,jul,mon,76,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,self-employed,divorced,university.degree,unknown,yes,no,cellular,jul,mon,433,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,technician,divorced,basic.6y,no,yes,no,cellular,jul,mon,120,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +27,admin.,married,high.school,no,yes,no,cellular,jul,mon,290,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,university.degree,no,yes,no,cellular,jul,mon,118,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,divorced,high.school,no,yes,no,cellular,jul,mon,58,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,admin.,married,high.school,no,yes,no,cellular,jul,mon,149,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,114,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,student,single,unknown,unknown,no,no,cellular,jul,mon,91,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,unemployed,divorced,basic.9y,no,no,no,cellular,jul,mon,398,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,services,married,basic.4y,no,no,no,cellular,jul,mon,101,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,divorced,unknown,no,no,yes,cellular,jul,mon,117,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,services,married,basic.6y,no,yes,no,cellular,jul,mon,159,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,management,married,university.degree,unknown,yes,no,cellular,jul,mon,37,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,divorced,university.degree,no,no,yes,cellular,jul,mon,127,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,housemaid,married,basic.4y,no,no,no,cellular,jul,mon,90,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,admin.,divorced,professional.course,no,no,yes,cellular,jul,mon,155,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +37,services,married,high.school,no,no,yes,cellular,jul,mon,264,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,unemployed,divorced,high.school,no,no,no,cellular,jul,mon,377,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,married,high.school,no,no,no,cellular,jul,mon,73,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,housemaid,married,university.degree,unknown,yes,no,cellular,jul,mon,71,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,blue-collar,married,unknown,unknown,no,no,cellular,jul,mon,118,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,admin.,married,university.degree,unknown,no,no,cellular,jul,mon,257,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,married,unknown,no,no,no,cellular,jul,mon,234,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,divorced,basic.6y,unknown,no,no,cellular,jul,mon,1065,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +55,services,divorced,high.school,no,yes,no,cellular,jul,mon,499,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,married,unknown,no,no,no,cellular,jul,mon,220,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +30,admin.,married,unknown,no,no,no,cellular,jul,mon,270,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,mon,213,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,divorced,basic.6y,unknown,no,no,telephone,jul,mon,1037,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,housemaid,married,basic.4y,no,no,no,cellular,jul,mon,262,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,self-employed,married,university.degree,no,no,no,cellular,jul,mon,22,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,management,married,unknown,no,no,no,cellular,jul,mon,123,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,management,married,basic.9y,unknown,no,no,cellular,jul,mon,83,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,blue-collar,divorced,basic.9y,no,yes,yes,cellular,jul,mon,138,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,self-employed,married,university.degree,unknown,no,no,cellular,jul,mon,191,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,technician,single,university.degree,unknown,yes,no,cellular,jul,mon,267,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,retired,divorced,high.school,no,no,no,cellular,jul,mon,609,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,retired,divorced,basic.9y,no,no,no,telephone,jul,mon,313,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,admin.,married,high.school,no,yes,no,cellular,jul,mon,170,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,single,unknown,unknown,no,no,cellular,jul,mon,117,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +38,student,single,unknown,unknown,yes,yes,cellular,jul,mon,76,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,retired,married,basic.4y,unknown,no,yes,cellular,jul,mon,780,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,entrepreneur,married,basic.9y,no,yes,no,cellular,jul,mon,165,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,jul,mon,314,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,housemaid,married,university.degree,no,yes,no,cellular,jul,mon,306,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +52,housemaid,married,basic.9y,no,yes,no,cellular,jul,mon,83,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,services,married,basic.6y,no,yes,no,cellular,jul,mon,320,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,unemployed,divorced,basic.9y,no,no,no,cellular,jul,mon,39,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,technician,divorced,unknown,unknown,yes,no,cellular,jul,mon,341,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +34,admin.,married,university.degree,no,yes,yes,cellular,jul,mon,151,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,married,high.school,no,no,no,cellular,jul,mon,377,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +51,entrepreneur,divorced,university.degree,no,unknown,unknown,cellular,jul,mon,19,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,admin.,married,high.school,no,yes,yes,cellular,jul,mon,76,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,technician,married,basic.9y,unknown,yes,no,cellular,jul,mon,72,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,university.degree,unknown,yes,no,cellular,jul,mon,194,24,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,self-employed,divorced,university.degree,no,no,yes,cellular,jul,mon,890,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +43,services,married,high.school,no,yes,yes,telephone,jul,mon,118,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +45,self-employed,divorced,university.degree,no,yes,no,cellular,jul,mon,168,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,technician,married,professional.course,no,no,yes,telephone,jul,mon,76,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,services,divorced,high.school,no,no,no,cellular,jul,mon,167,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,admin.,single,university.degree,no,no,no,cellular,jul,mon,472,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,self-employed,divorced,high.school,unknown,no,no,telephone,jul,mon,178,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,admin.,divorced,professional.course,no,yes,no,cellular,jul,mon,276,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,university.degree,no,no,no,cellular,jul,mon,147,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +60,retired,divorced,professional.course,no,no,no,cellular,jul,mon,131,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +56,blue-collar,divorced,basic.9y,no,yes,yes,cellular,jul,mon,123,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,housemaid,divorced,basic.4y,no,yes,no,cellular,jul,mon,50,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,divorced,university.degree,unknown,no,yes,cellular,jul,mon,85,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +41,unknown,unknown,unknown,no,yes,no,cellular,jul,mon,91,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,blue-collar,married,high.school,no,yes,no,cellular,jul,mon,209,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +58,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,97,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,admin.,married,university.degree,no,no,no,telephone,jul,mon,1076,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,yes +46,self-employed,married,university.degree,no,yes,no,cellular,jul,mon,152,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,technician,divorced,professional.course,no,no,yes,telephone,jul,mon,107,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,housemaid,married,basic.9y,unknown,no,no,cellular,jul,mon,100,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +46,management,married,basic.9y,unknown,yes,yes,cellular,jul,mon,488,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +43,unemployed,divorced,basic.9y,no,yes,no,cellular,jul,mon,265,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,retired,single,unknown,unknown,yes,yes,cellular,jul,mon,174,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,mon,504,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +26,admin.,single,university.degree,no,no,no,telephone,jul,mon,127,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,blue-collar,married,high.school,no,no,yes,cellular,jul,mon,136,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +55,services,divorced,high.school,no,no,no,cellular,jul,mon,164,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,retired,married,basic.4y,unknown,no,no,cellular,jul,mon,110,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +53,blue-collar,married,high.school,no,yes,yes,cellular,jul,mon,243,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +36,housemaid,married,basic.4y,no,yes,yes,cellular,jul,mon,120,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +57,admin.,married,professional.course,no,unknown,unknown,cellular,jul,mon,127,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +42,housemaid,married,basic.4y,unknown,yes,no,telephone,jul,mon,122,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +40,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,206,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +44,technician,divorced,professional.course,no,yes,yes,telephone,jul,mon,90,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +48,retired,married,basic.4y,unknown,yes,yes,telephone,jul,mon,27,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,divorced,high.school,no,no,no,telephone,jul,mon,210,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,technician,married,high.school,no,yes,no,telephone,jul,mon,126,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +54,housemaid,married,basic.4y,unknown,no,no,cellular,jul,mon,125,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +39,admin.,single,high.school,no,yes,no,telephone,jul,mon,215,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +50,technician,single,professional.course,no,no,yes,cellular,jul,mon,173,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +49,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,jul,mon,786,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.962,5228.1,no +47,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,38,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,retired,married,high.school,no,no,no,cellular,jul,tue,193,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,tue,215,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,tue,393,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,retired,divorced,university.degree,no,yes,no,cellular,jul,tue,62,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,self-employed,married,high.school,no,yes,no,telephone,jul,tue,121,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,entrepreneur,divorced,university.degree,no,no,no,telephone,jul,tue,345,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,technician,married,high.school,no,yes,no,cellular,jul,tue,88,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,technician,married,professional.course,no,no,yes,cellular,jul,tue,178,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,admin.,divorced,high.school,no,no,no,cellular,jul,tue,858,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,tue,82,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,self-employed,married,high.school,no,yes,no,cellular,jul,tue,119,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,blue-collar,single,high.school,no,no,no,telephone,jul,tue,480,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,technician,single,professional.course,no,yes,no,cellular,jul,tue,179,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,single,unknown,no,yes,no,cellular,jul,tue,95,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,admin.,single,university.degree,no,yes,yes,cellular,jul,tue,62,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,technician,single,unknown,no,no,no,cellular,jul,tue,117,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,unemployed,married,basic.4y,unknown,yes,no,cellular,jul,tue,176,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,married,professional.course,no,yes,no,cellular,jul,tue,47,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,services,single,unknown,unknown,yes,no,telephone,jul,tue,105,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,admin.,married,high.school,unknown,yes,yes,cellular,jul,tue,10,22,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,jul,tue,62,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,married,university.degree,unknown,yes,yes,telephone,jul,tue,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,admin.,single,university.degree,no,no,no,cellular,jul,tue,60,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,technician,single,professional.course,no,no,no,cellular,jul,tue,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,technician,married,basic.9y,unknown,yes,no,cellular,jul,tue,234,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,management,divorced,university.degree,no,yes,yes,cellular,jul,tue,192,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,married,high.school,no,yes,no,cellular,jul,tue,118,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,services,married,high.school,unknown,no,no,cellular,jul,tue,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,professional.course,no,no,yes,telephone,jul,tue,186,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,university.degree,no,yes,yes,cellular,jul,tue,82,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,services,divorced,high.school,no,yes,yes,cellular,jul,tue,148,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,high.school,no,no,no,cellular,jul,tue,215,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,jul,tue,54,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,management,divorced,high.school,no,no,no,cellular,jul,tue,36,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,admin.,single,university.degree,no,yes,yes,cellular,jul,tue,146,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,housemaid,married,professional.course,no,no,no,cellular,jul,tue,604,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,entrepreneur,married,university.degree,no,yes,no,cellular,jul,tue,303,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,unknown,married,unknown,unknown,no,no,cellular,jul,tue,156,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,retired,married,basic.4y,unknown,no,no,cellular,jul,tue,32,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,874,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +41,services,married,unknown,no,no,no,cellular,jul,tue,99,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,retired,divorced,basic.4y,no,yes,no,telephone,jul,tue,50,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,tue,648,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +54,management,married,university.degree,no,yes,yes,telephone,jul,tue,44,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,jul,tue,71,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,jul,tue,101,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,109,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,management,divorced,university.degree,no,yes,no,cellular,jul,tue,76,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,admin.,single,university.degree,no,no,no,cellular,jul,tue,90,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,management,married,university.degree,no,no,yes,cellular,jul,tue,218,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,blue-collar,married,basic.6y,no,no,no,cellular,jul,tue,164,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,technician,married,basic.9y,no,unknown,unknown,cellular,jul,tue,1569,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,married,university.degree,no,yes,no,telephone,jul,tue,7,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,self-employed,divorced,university.degree,no,no,no,cellular,jul,tue,69,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,entrepreneur,divorced,university.degree,no,no,no,cellular,jul,tue,122,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,divorced,high.school,unknown,yes,no,cellular,jul,tue,162,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,housemaid,divorced,basic.4y,no,unknown,unknown,cellular,jul,tue,179,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,management,married,high.school,unknown,no,no,cellular,jul,tue,179,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,blue-collar,married,illiterate,unknown,yes,yes,cellular,jul,tue,83,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,retired,divorced,university.degree,unknown,yes,no,cellular,jul,tue,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,services,married,high.school,no,no,no,cellular,jul,tue,301,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,retired,divorced,university.degree,unknown,yes,no,cellular,jul,tue,466,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,services,married,high.school,no,yes,no,cellular,jul,tue,117,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,services,divorced,professional.course,no,yes,no,telephone,jul,tue,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,unknown,unknown,no,yes,cellular,jul,tue,25,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,services,divorced,professional.course,no,no,no,cellular,jul,tue,318,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,112,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,housemaid,married,basic.4y,no,yes,no,cellular,jul,tue,241,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,entrepreneur,divorced,high.school,unknown,yes,no,cellular,jul,tue,710,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +55,blue-collar,divorced,basic.9y,no,yes,yes,cellular,jul,tue,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,technician,married,professional.course,unknown,yes,no,cellular,jul,tue,116,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,retired,divorced,high.school,no,yes,no,cellular,jul,tue,609,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,technician,married,professional.course,unknown,no,yes,cellular,jul,tue,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,164,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,housemaid,divorced,basic.4y,unknown,yes,no,cellular,jul,tue,129,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,services,divorced,basic.4y,no,no,no,cellular,jul,tue,149,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,retired,divorced,basic.4y,no,yes,no,cellular,jul,tue,600,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +46,admin.,single,university.degree,no,no,no,cellular,jul,tue,206,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,retired,divorced,high.school,unknown,yes,yes,cellular,jul,tue,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,admin.,married,basic.9y,unknown,no,no,telephone,jul,tue,75,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,technician,divorced,professional.course,no,no,no,cellular,jul,tue,124,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,entrepreneur,married,university.degree,unknown,yes,no,cellular,jul,tue,893,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +47,services,single,high.school,no,yes,no,cellular,jul,tue,43,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,admin.,married,basic.9y,unknown,no,yes,cellular,jul,tue,336,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,unknown,married,unknown,unknown,yes,no,cellular,jul,tue,112,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,services,married,basic.9y,no,no,no,cellular,jul,tue,70,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,admin.,married,university.degree,unknown,yes,no,cellular,jul,tue,55,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,services,single,high.school,no,no,no,cellular,jul,tue,293,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,jul,tue,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,unknown,married,unknown,unknown,yes,no,telephone,jul,tue,237,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,technician,married,professional.course,unknown,no,no,cellular,jul,tue,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,services,married,university.degree,no,yes,no,cellular,jul,tue,135,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,married,unknown,unknown,yes,no,cellular,jul,tue,299,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,jul,tue,24,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,university.degree,no,no,no,cellular,jul,tue,497,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,jul,tue,97,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,services,married,high.school,no,yes,no,cellular,jul,tue,55,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,admin.,married,high.school,no,yes,no,cellular,jul,tue,60,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,admin.,single,high.school,no,no,no,cellular,jul,tue,48,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,admin.,divorced,unknown,no,no,no,cellular,jul,tue,109,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,housemaid,married,university.degree,no,no,no,cellular,jul,tue,132,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,housemaid,divorced,professional.course,unknown,no,no,cellular,jul,tue,167,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,tue,197,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,admin.,married,high.school,no,yes,no,cellular,jul,tue,98,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,jul,tue,345,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,services,married,high.school,unknown,no,no,cellular,jul,tue,165,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,single,university.degree,no,yes,no,cellular,jul,tue,69,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,technician,married,professional.course,unknown,no,no,telephone,jul,tue,55,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,high.school,no,no,no,telephone,jul,tue,647,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,single,university.degree,no,no,no,cellular,jul,tue,105,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,single,university.degree,no,yes,no,cellular,jul,tue,33,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,technician,single,basic.4y,unknown,yes,no,cellular,jul,tue,96,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,management,married,university.degree,no,yes,no,cellular,jul,tue,100,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,blue-collar,single,unknown,no,yes,no,cellular,jul,tue,91,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,services,married,high.school,unknown,no,yes,cellular,jul,tue,285,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,professional.course,no,no,no,cellular,jul,tue,214,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,tue,155,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,divorced,basic.4y,no,no,no,cellular,jul,tue,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,divorced,basic.4y,no,no,no,cellular,jul,tue,305,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,technician,divorced,unknown,unknown,yes,no,cellular,jul,tue,261,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,blue-collar,divorced,basic.4y,no,no,yes,cellular,jul,tue,446,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,technician,married,professional.course,no,yes,no,cellular,jul,tue,248,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,admin.,married,high.school,unknown,yes,no,cellular,jul,tue,103,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,technician,single,university.degree,unknown,no,no,cellular,jul,tue,86,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,housemaid,married,basic.4y,unknown,unknown,unknown,cellular,jul,tue,105,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,services,divorced,high.school,no,no,no,cellular,jul,tue,57,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,services,divorced,university.degree,no,no,no,cellular,jul,tue,221,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,jul,tue,2516,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +48,housemaid,married,basic.4y,unknown,yes,yes,cellular,jul,tue,72,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,retired,married,university.degree,unknown,no,no,cellular,jul,tue,361,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,admin.,married,high.school,no,yes,no,cellular,jul,tue,247,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +29,services,divorced,high.school,unknown,no,no,cellular,jul,tue,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,self-employed,married,university.degree,no,yes,no,cellular,jul,tue,146,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,married,unknown,no,no,yes,cellular,jul,tue,64,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,522,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,admin.,divorced,university.degree,no,no,no,cellular,jul,tue,213,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,housemaid,married,university.degree,no,no,yes,cellular,jul,tue,137,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,married,university.degree,no,yes,yes,telephone,jul,tue,104,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,admin.,single,university.degree,no,no,no,cellular,jul,tue,57,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,services,married,basic.6y,no,no,no,cellular,jul,tue,100,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,technician,married,professional.course,no,yes,no,cellular,jul,tue,208,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,professional.course,no,no,no,cellular,jul,tue,735,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,technician,married,basic.9y,no,no,no,cellular,jul,tue,94,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,retired,divorced,university.degree,unknown,no,no,cellular,jul,tue,46,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,unemployed,married,high.school,unknown,no,no,telephone,jul,tue,28,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,technician,divorced,professional.course,no,yes,no,cellular,jul,tue,121,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,admin.,single,university.degree,no,yes,yes,cellular,jul,tue,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,retired,married,high.school,no,yes,yes,cellular,jul,tue,394,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,retired,single,unknown,unknown,yes,no,cellular,jul,tue,189,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,technician,divorced,professional.course,no,yes,yes,cellular,jul,tue,797,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,services,divorced,high.school,unknown,no,no,cellular,jul,tue,204,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,admin.,single,university.degree,no,no,no,cellular,jul,tue,212,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,admin.,married,university.degree,no,no,yes,cellular,jul,tue,255,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,blue-collar,divorced,basic.4y,no,no,yes,cellular,jul,tue,196,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,divorced,high.school,unknown,yes,no,telephone,jul,tue,184,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,university.degree,no,yes,no,telephone,jul,tue,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,housemaid,married,basic.4y,no,no,no,telephone,jul,tue,81,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,retired,divorced,professional.course,no,no,no,cellular,jul,tue,47,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,technician,single,unknown,no,yes,yes,telephone,jul,tue,24,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,housemaid,married,basic.4y,unknown,yes,no,telephone,jul,tue,35,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,tue,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,blue-collar,divorced,high.school,no,yes,no,cellular,jul,tue,538,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,services,married,high.school,no,yes,no,cellular,jul,tue,520,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,jul,tue,283,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,student,single,high.school,no,yes,no,cellular,jul,tue,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,82,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,unknown,married,unknown,unknown,yes,no,cellular,jul,tue,198,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,533,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,married,professional.course,no,yes,no,cellular,jul,tue,60,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +24,student,single,high.school,no,no,no,cellular,jul,tue,569,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,entrepreneur,married,high.school,no,yes,no,cellular,jul,tue,300,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,entrepreneur,married,high.school,no,no,no,cellular,jul,tue,422,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,high.school,no,no,no,cellular,jul,tue,100,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,admin.,divorced,high.school,no,no,yes,cellular,jul,tue,129,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,admin.,single,university.degree,no,no,no,cellular,jul,tue,57,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,divorced,university.degree,no,no,no,cellular,jul,tue,199,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,admin.,divorced,university.degree,no,yes,no,cellular,jul,tue,56,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,jul,tue,281,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,cellular,jul,tue,207,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,admin.,married,professional.course,no,yes,yes,cellular,jul,tue,1186,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,retired,divorced,professional.course,no,no,no,cellular,jul,tue,454,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +48,blue-collar,married,basic.6y,no,no,yes,cellular,jul,tue,337,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,unemployed,married,basic.4y,unknown,yes,no,telephone,jul,tue,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,unemployed,married,basic.4y,unknown,no,no,cellular,jul,tue,195,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,blue-collar,married,basic.6y,no,yes,no,cellular,jul,tue,63,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,blue-collar,married,high.school,no,yes,no,cellular,jul,tue,20,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,admin.,divorced,high.school,no,no,no,cellular,jul,tue,52,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,student,single,unknown,unknown,no,yes,cellular,jul,tue,113,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,single,professional.course,no,no,no,cellular,jul,tue,328,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,admin.,divorced,university.degree,no,yes,no,cellular,jul,tue,86,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,unemployed,married,basic.4y,unknown,no,no,cellular,jul,tue,1058,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +49,entrepreneur,married,university.degree,no,no,no,cellular,jul,tue,114,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,admin.,divorced,high.school,no,no,no,cellular,jul,tue,121,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,self-employed,married,university.degree,no,yes,yes,cellular,jul,tue,45,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,unemployed,divorced,basic.9y,no,yes,no,cellular,jul,tue,187,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,tue,369,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,single,university.degree,unknown,no,no,telephone,jul,tue,143,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,housemaid,divorced,basic.4y,unknown,no,no,cellular,jul,tue,277,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,blue-collar,single,basic.6y,unknown,yes,yes,cellular,jul,tue,85,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,admin.,married,high.school,unknown,no,no,cellular,jul,tue,96,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +42,blue-collar,single,basic.6y,unknown,no,no,telephone,jul,tue,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,admin.,divorced,high.school,no,yes,yes,cellular,jul,tue,180,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,housemaid,married,high.school,unknown,no,no,telephone,jul,tue,317,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,admin.,single,university.degree,no,no,no,cellular,jul,tue,108,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,admin.,married,high.school,no,yes,no,cellular,jul,tue,104,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,housemaid,married,basic.4y,no,yes,no,cellular,jul,tue,665,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,services,single,high.school,no,no,yes,cellular,jul,tue,125,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,services,divorced,high.school,no,no,yes,cellular,jul,tue,246,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,admin.,divorced,university.degree,no,no,no,cellular,jul,tue,33,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,jul,tue,95,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,retired,married,professional.course,no,yes,no,cellular,jul,tue,277,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,married,high.school,no,yes,no,cellular,jul,tue,127,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,university.degree,unknown,no,no,telephone,jul,tue,38,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,admin.,married,high.school,no,no,no,telephone,jul,tue,790,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,admin.,single,high.school,no,yes,no,cellular,jul,tue,635,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,housemaid,married,university.degree,no,yes,no,cellular,jul,tue,597,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,high.school,no,yes,no,telephone,jul,tue,77,34,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,technician,married,university.degree,no,no,no,cellular,jul,tue,62,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,management,single,professional.course,unknown,no,no,cellular,jul,tue,72,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,professional.course,no,no,yes,cellular,jul,tue,171,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,technician,divorced,professional.course,unknown,no,no,telephone,jul,tue,665,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +50,services,single,high.school,no,yes,no,cellular,jul,tue,110,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,technician,divorced,professional.course,no,no,no,cellular,jul,tue,77,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,housemaid,divorced,university.degree,no,yes,no,cellular,jul,tue,226,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,housemaid,divorced,university.degree,no,no,no,cellular,jul,tue,367,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +56,retired,married,basic.6y,no,yes,no,cellular,jul,tue,509,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +49,retired,married,high.school,no,yes,no,cellular,jul,tue,228,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,married,high.school,no,no,no,cellular,jul,tue,935,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,services,divorced,high.school,no,yes,no,telephone,jul,tue,129,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,admin.,single,high.school,no,no,no,cellular,jul,tue,313,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,blue-collar,single,basic.9y,unknown,yes,no,cellular,jul,tue,80,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,divorced,university.degree,unknown,yes,no,telephone,jul,tue,375,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,blue-collar,single,basic.9y,unknown,no,yes,cellular,jul,tue,194,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,housemaid,divorced,basic.9y,no,yes,no,cellular,jul,tue,94,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,admin.,married,professional.course,unknown,yes,no,cellular,jul,tue,97,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,services,married,high.school,no,yes,yes,cellular,jul,tue,197,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,admin.,divorced,university.degree,no,no,no,cellular,jul,tue,403,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,technician,married,professional.course,no,yes,no,telephone,jul,tue,616,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +42,admin.,divorced,high.school,no,yes,yes,telephone,jul,tue,207,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +57,admin.,divorced,university.degree,unknown,yes,yes,cellular,jul,tue,816,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +54,entrepreneur,divorced,high.school,unknown,no,yes,cellular,jul,tue,268,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,admin.,married,high.school,no,no,no,telephone,jul,tue,99,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,jul,tue,114,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +36,technician,married,high.school,no,yes,no,cellular,jul,tue,123,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +59,housemaid,divorced,unknown,no,unknown,unknown,cellular,jul,tue,246,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,unemployed,married,high.school,no,unknown,unknown,cellular,jul,tue,263,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,services,single,high.school,unknown,yes,no,cellular,jul,tue,109,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +60,retired,married,basic.6y,unknown,yes,no,cellular,jul,tue,122,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,technician,married,basic.9y,no,no,no,cellular,jul,tue,162,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,services,divorced,high.school,no,no,no,cellular,jul,tue,69,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +39,blue-collar,married,unknown,no,yes,no,cellular,jul,tue,82,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,high.school,no,yes,no,cellular,jul,tue,205,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,admin.,divorced,high.school,unknown,yes,no,cellular,jul,tue,136,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +28,technician,single,university.degree,unknown,no,no,cellular,jul,tue,808,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +37,admin.,single,high.school,no,yes,no,cellular,jul,tue,316,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,entrepreneur,married,high.school,no,no,no,telephone,jul,tue,259,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +33,technician,married,professional.course,no,yes,yes,cellular,jul,tue,110,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,services,married,basic.6y,unknown,yes,no,cellular,jul,tue,64,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,services,married,high.school,no,yes,no,cellular,jul,tue,110,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,entrepreneur,divorced,university.degree,no,no,yes,telephone,jul,tue,119,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,jul,tue,336,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,admin.,married,high.school,no,no,no,cellular,jul,tue,327,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +48,technician,married,professional.course,no,no,no,telephone,jul,tue,316,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,blue-collar,single,basic.9y,no,yes,no,telephone,jul,tue,1127,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,yes +55,housemaid,married,basic.4y,unknown,no,no,telephone,jul,tue,1140,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +43,retired,married,basic.9y,no,yes,no,cellular,jul,tue,284,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,management,divorced,university.degree,no,yes,no,cellular,jul,tue,543,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +54,retired,divorced,basic.4y,unknown,no,yes,cellular,jul,tue,189,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,high.school,no,yes,no,cellular,jul,tue,52,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,high.school,no,no,yes,cellular,jul,tue,223,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,housemaid,married,university.degree,unknown,no,yes,cellular,jul,tue,468,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +26,unemployed,married,high.school,no,no,no,cellular,jul,tue,322,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +51,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,tue,61,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +41,housemaid,divorced,high.school,unknown,yes,yes,cellular,jul,tue,185,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,services,married,high.school,no,no,yes,cellular,jul,tue,347,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,divorced,university.degree,no,yes,no,telephone,jul,tue,399,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,admin.,married,university.degree,no,no,no,cellular,jul,tue,340,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,637,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +58,retired,divorced,professional.course,no,no,no,cellular,jul,tue,60,24,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +25,admin.,single,high.school,no,no,yes,cellular,jul,tue,234,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +53,housemaid,married,basic.4y,unknown,no,no,cellular,jul,tue,165,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,housemaid,married,basic.4y,unknown,yes,yes,telephone,jul,tue,308,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,professional.course,no,no,no,cellular,jul,tue,75,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,jul,tue,242,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,management,married,basic.4y,unknown,no,yes,cellular,jul,tue,142,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,unknown,married,high.school,unknown,no,no,cellular,jul,tue,153,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +55,housemaid,married,basic.4y,unknown,yes,no,telephone,jul,tue,481,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,admin.,single,university.degree,no,no,no,telephone,jul,tue,128,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +46,admin.,married,university.degree,no,no,no,telephone,jul,tue,53,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,high.school,no,yes,no,cellular,jul,tue,234,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +44,technician,divorced,unknown,no,no,no,telephone,jul,tue,222,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,blue-collar,single,high.school,no,yes,no,cellular,jul,tue,186,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,technician,married,professional.course,no,no,no,cellular,jul,tue,333,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,high.school,no,no,no,cellular,jul,tue,333,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,admin.,married,university.degree,no,yes,no,cellular,jul,tue,79,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,blue-collar,married,unknown,no,no,no,cellular,jul,tue,112,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,services,married,high.school,unknown,yes,no,telephone,jul,tue,157,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,blue-collar,single,high.school,no,yes,no,cellular,jul,tue,101,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +32,admin.,married,high.school,no,no,no,cellular,jul,tue,193,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +47,retired,married,university.degree,no,no,no,telephone,jul,tue,863,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +35,management,single,university.degree,no,yes,no,cellular,jul,tue,590,23,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,jul,tue,92,30,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +52,admin.,single,high.school,unknown,yes,no,cellular,jul,tue,153,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +40,housemaid,married,basic.6y,no,yes,no,telephone,jul,tue,225,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +37,admin.,single,high.school,no,yes,no,telephone,jul,tue,49,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +27,services,single,basic.9y,no,yes,yes,cellular,jul,tue,88,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +31,blue-collar,single,professional.course,no,yes,no,cellular,jul,tue,825,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +30,entrepreneur,single,university.degree,no,no,no,telephone,jul,tue,254,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.961,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,jul,wed,11,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,jul,wed,520,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,technician,married,basic.4y,unknown,yes,yes,cellular,jul,wed,138,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,entrepreneur,married,basic.9y,no,yes,no,cellular,jul,wed,44,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,services,single,university.degree,no,yes,no,cellular,jul,wed,142,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,high.school,unknown,yes,yes,cellular,jul,wed,984,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,services,married,basic.9y,no,yes,no,telephone,jul,wed,78,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,management,married,university.degree,no,yes,yes,cellular,jul,wed,329,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,single,high.school,no,yes,no,cellular,jul,wed,353,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +47,housemaid,married,basic.4y,unknown,no,no,cellular,jul,wed,189,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,housemaid,single,high.school,no,yes,no,cellular,jul,wed,125,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +60,blue-collar,divorced,basic.4y,unknown,no,no,cellular,jul,wed,105,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,334,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,housemaid,married,basic.4y,unknown,no,yes,cellular,jul,wed,68,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,management,single,professional.course,unknown,no,no,cellular,jul,wed,76,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,married,university.degree,no,yes,no,cellular,jul,wed,28,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,housemaid,divorced,basic.4y,unknown,yes,no,cellular,jul,wed,458,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,services,single,high.school,no,yes,no,cellular,jul,wed,142,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,admin.,married,high.school,no,no,no,cellular,jul,wed,189,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,blue-collar,married,high.school,no,yes,yes,cellular,jul,wed,70,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,unemployed,divorced,university.degree,no,yes,no,cellular,jul,wed,18,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,technician,married,professional.course,no,no,no,cellular,jul,wed,158,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,single,university.degree,no,yes,yes,cellular,jul,wed,59,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,services,single,basic.9y,no,yes,no,cellular,jul,wed,31,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,jul,wed,150,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,retired,married,basic.6y,no,yes,no,telephone,jul,wed,90,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,jul,wed,258,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,single,university.degree,no,yes,no,cellular,jul,wed,305,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +47,services,divorced,basic.4y,unknown,no,no,cellular,jul,wed,67,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,married,high.school,no,yes,no,telephone,jul,wed,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,services,single,high.school,no,yes,no,cellular,jul,wed,99,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,admin.,divorced,basic.9y,no,no,no,cellular,jul,wed,39,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,admin.,divorced,basic.9y,no,yes,no,cellular,jul,wed,70,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,university.degree,no,no,yes,cellular,jul,wed,112,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,high.school,unknown,yes,no,cellular,jul,wed,113,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,student,married,unknown,unknown,yes,yes,cellular,jul,wed,69,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,retired,married,basic.6y,no,no,no,cellular,jul,wed,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +59,retired,married,high.school,unknown,yes,no,cellular,jul,wed,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,services,divorced,basic.6y,no,no,yes,cellular,jul,wed,684,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +37,admin.,single,university.degree,no,no,yes,cellular,jul,wed,312,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,technician,married,university.degree,no,yes,yes,telephone,jul,wed,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,services,married,high.school,unknown,yes,yes,cellular,jul,wed,42,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,high.school,unknown,yes,yes,cellular,jul,wed,843,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +38,technician,married,university.degree,no,yes,yes,cellular,jul,wed,150,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,admin.,single,university.degree,no,yes,no,cellular,jul,wed,834,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,technician,married,basic.9y,no,yes,no,cellular,jul,wed,528,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,technician,married,basic.9y,no,no,no,cellular,jul,wed,516,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,services,married,high.school,unknown,yes,no,cellular,jul,wed,86,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,129,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,services,divorced,high.school,no,yes,no,cellular,jul,wed,652,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,housemaid,married,basic.6y,no,yes,no,cellular,jul,wed,102,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,entrepreneur,single,unknown,no,no,no,cellular,jul,wed,295,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,services,married,high.school,no,no,no,cellular,jul,wed,650,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +25,services,single,high.school,unknown,no,no,telephone,jul,wed,273,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,single,high.school,no,no,no,telephone,jul,wed,38,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,single,professional.course,unknown,yes,no,cellular,jul,wed,409,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,divorced,high.school,no,no,no,cellular,jul,wed,160,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,admin.,single,professional.course,no,yes,no,cellular,jul,wed,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,services,married,high.school,no,no,no,cellular,jul,wed,65,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,single,basic.4y,no,yes,yes,cellular,jul,wed,132,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,services,single,high.school,unknown,yes,no,cellular,jul,wed,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,entrepreneur,single,university.degree,no,yes,yes,cellular,jul,wed,192,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,jul,wed,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,entrepreneur,single,unknown,unknown,no,no,telephone,jul,wed,542,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +27,services,single,basic.9y,no,no,no,telephone,jul,wed,120,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,unknown,married,unknown,unknown,yes,no,cellular,jul,wed,219,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,blue-collar,married,basic.6y,no,yes,yes,telephone,jul,wed,47,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,married,high.school,no,yes,no,cellular,jul,wed,93,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,services,divorced,high.school,no,no,no,cellular,jul,wed,32,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,management,married,university.degree,no,no,no,cellular,jul,wed,119,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,self-employed,married,university.degree,no,yes,no,cellular,jul,wed,229,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,jul,wed,25,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,unknown,married,high.school,unknown,yes,no,telephone,jul,wed,195,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,entrepreneur,married,university.degree,no,yes,no,telephone,jul,wed,64,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,management,married,university.degree,no,yes,yes,telephone,jul,wed,270,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,professional.course,no,yes,no,cellular,jul,wed,173,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,self-employed,married,university.degree,no,yes,no,cellular,jul,wed,695,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,wed,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,divorced,university.degree,no,yes,no,cellular,jul,wed,594,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,admin.,married,university.degree,no,yes,no,cellular,jul,wed,115,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,entrepreneur,married,university.degree,no,no,no,cellular,jul,wed,101,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,jul,wed,605,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,entrepreneur,divorced,university.degree,no,yes,no,cellular,jul,wed,537,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,services,married,basic.9y,unknown,no,no,telephone,jul,wed,42,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,self-employed,single,university.degree,no,yes,no,telephone,jul,wed,51,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,no,no,cellular,jul,wed,71,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,technician,married,university.degree,no,yes,no,cellular,jul,wed,141,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,admin.,married,high.school,no,yes,yes,cellular,jul,wed,351,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,jul,wed,50,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,technician,single,professional.course,no,no,no,cellular,jul,wed,76,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,admin.,married,university.degree,unknown,no,no,cellular,jul,wed,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,jul,wed,58,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,housemaid,divorced,basic.9y,unknown,no,no,cellular,jul,wed,141,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,jul,wed,187,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,jul,wed,55,22,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,married,high.school,no,yes,yes,cellular,jul,wed,164,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,technician,single,professional.course,no,yes,no,cellular,jul,wed,111,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,technician,single,unknown,no,yes,no,telephone,jul,wed,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,wed,292,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,71,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,technician,single,professional.course,no,no,no,cellular,jul,wed,14,29,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,220,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,services,single,high.school,no,yes,no,telephone,jul,wed,340,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,unemployed,single,high.school,no,yes,no,cellular,jul,wed,148,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,blue-collar,married,high.school,unknown,yes,no,cellular,jul,wed,105,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,management,married,university.degree,no,no,yes,telephone,jul,wed,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,wed,83,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,wed,138,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,244,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,unemployed,single,high.school,no,yes,no,cellular,jul,wed,597,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,unemployed,divorced,university.degree,no,no,no,cellular,jul,wed,161,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,admin.,married,university.degree,unknown,unknown,unknown,telephone,jul,wed,171,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,services,single,high.school,no,no,no,cellular,jul,wed,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,unemployed,divorced,university.degree,no,yes,no,cellular,jul,wed,1373,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +47,unknown,married,unknown,no,yes,no,cellular,jul,wed,133,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,housemaid,divorced,basic.9y,unknown,no,yes,cellular,jul,wed,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,single,university.degree,no,yes,no,cellular,jul,wed,153,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,management,single,university.degree,no,yes,no,cellular,jul,wed,65,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,self-employed,married,basic.9y,unknown,yes,no,cellular,jul,wed,41,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,married,university.degree,no,no,no,cellular,jul,wed,29,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,self-employed,married,university.degree,no,no,no,cellular,jul,wed,86,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,jul,wed,255,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,professional.course,no,yes,no,cellular,jul,wed,218,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,married,university.degree,unknown,yes,no,telephone,jul,wed,197,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,high.school,no,no,no,cellular,jul,wed,788,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +31,housemaid,single,high.school,no,yes,no,cellular,jul,wed,380,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,988,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +25,admin.,single,high.school,no,no,no,cellular,jul,wed,55,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,services,single,high.school,no,no,no,cellular,jul,wed,129,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,student,married,high.school,no,no,no,cellular,jul,wed,622,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,technician,divorced,professional.course,no,no,no,telephone,jul,wed,38,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,blue-collar,married,basic.6y,no,no,no,cellular,jul,wed,86,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,married,high.school,no,no,no,cellular,jul,wed,227,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,services,divorced,high.school,no,no,no,cellular,jul,wed,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,married,high.school,unknown,yes,no,cellular,jul,wed,149,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,jul,wed,144,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,single,university.degree,no,yes,yes,cellular,jul,wed,126,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,technician,single,university.degree,no,yes,no,telephone,jul,wed,185,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,basic.9y,no,yes,no,cellular,jul,wed,197,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,jul,wed,543,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +37,blue-collar,married,basic.6y,unknown,no,no,cellular,jul,wed,99,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,jul,wed,156,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,management,single,high.school,no,no,no,cellular,jul,wed,94,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,blue-collar,married,basic.9y,unknown,no,no,telephone,jul,wed,87,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,high.school,no,yes,no,telephone,jul,wed,82,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,student,single,university.degree,no,yes,yes,cellular,jul,wed,77,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,basic.9y,no,no,yes,cellular,jul,wed,444,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,housemaid,married,basic.6y,no,no,no,telephone,jul,wed,34,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,high.school,no,no,yes,cellular,jul,wed,287,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,student,married,high.school,no,no,yes,cellular,jul,wed,73,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,wed,152,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,technician,married,professional.course,no,yes,no,cellular,jul,wed,69,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,74,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,basic.9y,no,yes,no,cellular,jul,wed,535,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,student,single,university.degree,no,yes,no,cellular,jul,wed,209,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,jul,wed,72,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,housemaid,married,high.school,no,yes,no,cellular,jul,wed,44,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +52,admin.,married,basic.9y,no,no,no,cellular,jul,wed,1171,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +41,services,divorced,high.school,no,no,yes,cellular,jul,wed,72,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,entrepreneur,divorced,professional.course,no,no,no,telephone,jul,wed,117,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,wed,729,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +57,admin.,single,university.degree,no,no,no,cellular,jul,wed,341,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +28,self-employed,married,university.degree,no,yes,yes,cellular,jul,wed,186,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,jul,wed,96,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,services,single,basic.9y,no,yes,no,cellular,jul,wed,509,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +32,admin.,married,professional.course,no,yes,no,telephone,jul,wed,166,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,single,professional.course,no,yes,no,cellular,jul,wed,1078,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,married,basic.9y,no,no,yes,telephone,jul,wed,27,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,services,married,high.school,no,yes,no,cellular,jul,wed,698,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,no,no,cellular,jul,wed,114,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,married,university.degree,unknown,yes,no,telephone,jul,wed,340,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,married,high.school,no,yes,no,cellular,jul,wed,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,married,university.degree,unknown,yes,no,cellular,jul,wed,424,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,services,married,high.school,no,yes,no,cellular,jul,wed,436,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,159,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,self-employed,single,university.degree,no,no,no,cellular,jul,wed,208,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,married,high.school,no,no,no,cellular,jul,wed,96,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,359,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,services,married,basic.6y,no,no,no,cellular,jul,wed,69,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,blue-collar,married,high.school,no,no,no,cellular,jul,wed,259,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,blue-collar,married,unknown,no,yes,yes,cellular,jul,wed,225,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,married,high.school,no,yes,yes,telephone,jul,wed,1089,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +40,technician,married,professional.course,no,no,no,cellular,jul,wed,65,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,married,professional.course,no,no,yes,cellular,jul,wed,266,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,self-employed,single,university.degree,no,no,no,cellular,jul,wed,1211,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +44,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,50,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,management,married,unknown,no,no,no,cellular,jul,wed,178,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,single,high.school,no,no,no,telephone,jul,wed,130,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,housemaid,divorced,basic.9y,unknown,no,no,cellular,jul,wed,118,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,divorced,basic.9y,no,no,no,telephone,jul,wed,109,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,single,basic.9y,unknown,no,yes,cellular,jul,wed,94,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,wed,647,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +55,blue-collar,married,professional.course,no,yes,no,cellular,jul,wed,120,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,married,high.school,no,yes,no,cellular,jul,wed,136,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,married,professional.course,no,yes,no,cellular,jul,wed,458,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +48,entrepreneur,married,basic.9y,no,yes,no,cellular,jul,wed,438,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,self-employed,married,university.degree,no,yes,no,cellular,jul,wed,225,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,student,single,unknown,unknown,no,no,cellular,jul,wed,103,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,services,single,high.school,no,yes,no,cellular,jul,wed,112,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,admin.,single,high.school,unknown,yes,no,cellular,jul,wed,145,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,technician,single,university.degree,no,no,no,cellular,jul,wed,31,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,divorced,professional.course,no,yes,no,telephone,jul,wed,216,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,married,high.school,no,no,no,telephone,jul,wed,156,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,services,single,high.school,no,no,yes,cellular,jul,wed,52,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,high.school,no,yes,no,cellular,jul,wed,154,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,technician,married,high.school,no,no,no,cellular,jul,wed,1165,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +50,services,single,high.school,no,no,no,cellular,jul,wed,117,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,married,university.degree,no,yes,no,cellular,jul,wed,89,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,unemployed,single,university.degree,no,yes,yes,cellular,jul,wed,266,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,jul,wed,107,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,married,university.degree,no,yes,no,cellular,jul,wed,486,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,blue-collar,single,high.school,no,yes,no,cellular,jul,wed,72,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,technician,married,university.degree,no,yes,yes,cellular,jul,wed,63,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,married,high.school,no,no,no,telephone,jul,wed,100,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,management,married,university.degree,no,no,no,cellular,jul,wed,174,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +25,admin.,single,high.school,no,yes,no,cellular,jul,wed,62,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,single,professional.course,no,yes,no,cellular,jul,wed,520,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,admin.,married,university.degree,no,yes,no,cellular,jul,wed,103,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,high.school,no,no,yes,cellular,jul,wed,233,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,technician,single,university.degree,no,no,yes,cellular,jul,wed,109,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,professional.course,unknown,yes,no,cellular,jul,wed,64,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,unemployed,married,high.school,no,yes,yes,cellular,jul,wed,41,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,professional.course,no,unknown,unknown,cellular,jul,wed,153,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,divorced,high.school,no,unknown,unknown,cellular,jul,wed,57,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,housemaid,married,high.school,no,yes,no,cellular,jul,wed,335,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,retired,divorced,basic.4y,no,no,yes,cellular,jul,wed,246,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,single,high.school,no,no,no,cellular,jul,wed,86,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,retired,divorced,professional.course,no,no,no,cellular,jul,wed,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,unemployed,divorced,university.degree,no,yes,yes,cellular,jul,wed,104,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +57,admin.,married,university.degree,unknown,no,no,cellular,jul,wed,35,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,services,married,high.school,no,yes,yes,cellular,jul,wed,149,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,blue-collar,single,basic.9y,no,no,yes,cellular,jul,wed,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,married,high.school,unknown,no,no,cellular,jul,wed,82,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,jul,wed,350,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,self-employed,single,university.degree,no,no,no,cellular,jul,wed,540,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +29,technician,married,university.degree,no,yes,no,cellular,jul,wed,115,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,management,married,basic.9y,no,no,no,cellular,jul,wed,109,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,management,married,unknown,no,yes,yes,cellular,jul,wed,595,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,self-employed,married,university.degree,no,no,no,cellular,jul,wed,155,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,technician,married,professional.course,no,yes,no,telephone,jul,wed,242,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,288,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,admin.,married,university.degree,unknown,yes,no,cellular,jul,wed,163,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,self-employed,married,professional.course,no,yes,no,telephone,jul,wed,339,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,services,married,high.school,no,no,no,telephone,jul,wed,29,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,services,married,high.school,no,no,no,telephone,jul,wed,139,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,divorced,university.degree,unknown,yes,yes,cellular,jul,wed,123,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,technician,married,professional.course,no,no,no,cellular,jul,wed,72,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,management,single,university.degree,no,no,yes,cellular,jul,wed,352,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,admin.,divorced,university.degree,unknown,yes,yes,cellular,jul,wed,103,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,retired,divorced,high.school,no,yes,no,cellular,jul,wed,173,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,blue-collar,single,high.school,no,yes,no,telephone,jul,wed,168,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,management,married,university.degree,no,no,yes,cellular,jul,wed,50,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,services,single,basic.9y,no,yes,no,cellular,jul,wed,22,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +53,technician,married,professional.course,unknown,no,no,telephone,jul,wed,191,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,entrepreneur,divorced,high.school,no,no,yes,cellular,jul,wed,245,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,admin.,single,high.school,no,no,no,cellular,jul,wed,251,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,student,single,high.school,no,yes,no,cellular,jul,wed,139,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,admin.,single,university.degree,no,unknown,unknown,cellular,jul,wed,95,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +23,services,single,high.school,no,no,yes,cellular,jul,wed,207,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,single,high.school,unknown,yes,no,cellular,jul,wed,88,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,technician,married,high.school,unknown,no,no,cellular,jul,wed,96,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,admin.,single,high.school,no,yes,yes,cellular,jul,wed,100,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,housemaid,married,basic.4y,no,yes,no,cellular,jul,wed,638,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,married,high.school,no,no,no,cellular,jul,wed,142,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,technician,divorced,professional.course,no,yes,no,cellular,jul,wed,90,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,jul,wed,695,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +39,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,53,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,divorced,high.school,no,yes,no,cellular,jul,wed,269,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,services,married,professional.course,unknown,yes,yes,cellular,jul,wed,354,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,jul,wed,251,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,admin.,divorced,high.school,no,no,no,cellular,jul,wed,764,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +40,services,married,high.school,no,yes,yes,cellular,jul,wed,251,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,services,single,high.school,no,yes,no,cellular,jul,wed,411,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,1065,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +33,unemployed,married,high.school,unknown,yes,no,cellular,jul,wed,590,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,self-employed,married,university.degree,no,no,no,telephone,jul,wed,100,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,admin.,married,high.school,no,no,no,cellular,jul,wed,184,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,technician,divorced,professional.course,unknown,yes,yes,cellular,jul,wed,180,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,unknown,single,high.school,no,yes,no,cellular,jul,wed,83,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,technician,married,university.degree,no,no,no,cellular,jul,wed,130,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +41,management,married,university.degree,no,no,no,telephone,jul,wed,300,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,divorced,high.school,no,yes,yes,cellular,jul,wed,70,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,technician,married,professional.course,no,yes,yes,cellular,jul,wed,126,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,technician,single,university.degree,no,no,no,cellular,jul,wed,141,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,technician,married,basic.9y,unknown,yes,no,cellular,jul,wed,130,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +34,technician,married,professional.course,unknown,yes,no,cellular,jul,wed,75,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +43,housemaid,married,basic.6y,unknown,yes,no,cellular,jul,wed,61,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,jul,wed,95,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,1259,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,blue-collar,married,basic.9y,no,no,no,cellular,jul,wed,70,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,married,high.school,no,no,no,cellular,jul,wed,356,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +58,unknown,married,high.school,unknown,no,no,cellular,jul,wed,258,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,admin.,married,unknown,no,no,yes,cellular,jul,wed,311,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,services,single,high.school,no,no,no,cellular,jul,wed,239,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,no,telephone,jul,wed,2692,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +28,services,married,high.school,no,yes,yes,telephone,jul,wed,79,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +49,technician,married,basic.9y,unknown,yes,no,cellular,jul,wed,117,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,admin.,divorced,university.degree,no,yes,no,cellular,jul,wed,121,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,management,single,university.degree,no,no,no,cellular,jul,wed,675,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +51,management,married,basic.9y,no,no,no,cellular,jul,wed,71,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,blue-collar,married,basic.4y,no,no,no,cellular,jul,wed,103,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +45,services,divorced,high.school,no,yes,yes,cellular,jul,wed,230,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,admin.,married,professional.course,unknown,no,no,cellular,jul,wed,100,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,services,married,professional.course,no,yes,no,cellular,jul,wed,192,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,admin.,married,unknown,no,yes,no,cellular,jul,wed,87,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +56,technician,divorced,university.degree,unknown,yes,yes,cellular,jul,wed,448,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,unemployed,married,high.school,unknown,yes,yes,cellular,jul,wed,285,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +54,housemaid,married,basic.4y,unknown,yes,no,cellular,jul,wed,92,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,jul,wed,54,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,management,married,basic.9y,no,yes,no,cellular,jul,wed,154,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,wed,184,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +30,admin.,single,high.school,no,yes,no,telephone,jul,wed,196,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,admin.,married,high.school,no,no,no,cellular,jul,wed,185,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +40,self-employed,single,university.degree,no,yes,yes,telephone,jul,wed,98,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,590,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,services,married,professional.course,no,no,no,cellular,jul,wed,782,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +26,admin.,single,university.degree,no,no,no,telephone,jul,wed,342,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,jul,wed,151,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +44,admin.,single,basic.6y,unknown,no,no,telephone,jul,wed,383,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +33,admin.,divorced,high.school,no,no,no,cellular,jul,wed,249,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,management,married,university.degree,no,no,yes,cellular,jul,wed,93,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +58,retired,married,basic.4y,no,yes,no,cellular,jul,wed,134,23,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +27,self-employed,married,university.degree,no,no,no,telephone,jul,wed,215,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,housemaid,single,professional.course,no,yes,no,cellular,jul,wed,60,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +39,technician,married,high.school,no,no,no,cellular,jul,wed,188,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +37,blue-collar,married,professional.course,no,yes,no,cellular,jul,wed,83,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,jul,wed,187,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,management,married,university.degree,no,no,no,cellular,jul,wed,777,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +30,admin.,single,university.degree,no,no,no,telephone,jul,wed,84,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +31,services,single,high.school,no,yes,no,cellular,jul,wed,21,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +29,admin.,single,high.school,no,yes,yes,cellular,jul,wed,160,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,jul,wed,61,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,jul,wed,53,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +22,unemployed,single,high.school,no,no,no,telephone,jul,wed,82,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +51,management,married,basic.9y,no,yes,no,telephone,jul,wed,208,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,jul,wed,84,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,jul,wed,962,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +43,services,married,high.school,unknown,no,yes,cellular,jul,wed,105,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +48,services,married,professional.course,unknown,yes,yes,cellular,jul,wed,98,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,admin.,married,high.school,no,no,no,cellular,jul,wed,166,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +26,blue-collar,single,high.school,no,no,yes,cellular,jul,wed,111,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,no +38,admin.,married,unknown,no,yes,no,cellular,jul,wed,481,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.963,5228.1,yes +44,management,married,university.degree,unknown,yes,no,cellular,jul,thu,148,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,admin.,married,basic.9y,no,yes,no,cellular,jul,thu,106,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,technician,married,professional.course,no,yes,yes,cellular,jul,thu,101,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,admin.,divorced,high.school,no,yes,yes,cellular,jul,thu,75,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +49,technician,married,basic.9y,unknown,yes,no,cellular,jul,thu,75,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,admin.,single,professional.course,unknown,yes,no,cellular,jul,thu,114,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,admin.,married,university.degree,no,yes,no,telephone,jul,thu,24,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,entrepreneur,married,basic.4y,unknown,yes,no,cellular,jul,thu,20,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,blue-collar,single,high.school,no,no,no,telephone,jul,thu,234,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,thu,15,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,admin.,single,university.degree,no,yes,no,cellular,jul,thu,13,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,self-employed,divorced,university.degree,no,no,no,cellular,jul,thu,81,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,admin.,single,university.degree,no,yes,no,cellular,jul,thu,435,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +52,retired,married,basic.9y,unknown,no,no,cellular,jul,thu,59,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,high.school,no,no,no,cellular,jul,thu,175,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,150,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,admin.,married,basic.9y,no,yes,yes,telephone,jul,thu,43,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,services,single,high.school,no,no,no,cellular,jul,thu,52,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,unknown,married,unknown,no,yes,yes,cellular,jul,thu,67,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,jul,thu,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,self-employed,married,university.degree,no,no,no,telephone,jul,thu,11,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,jul,thu,13,27,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,married,university.degree,no,no,no,cellular,jul,thu,153,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,admin.,single,high.school,no,yes,no,cellular,jul,thu,87,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,admin.,divorced,university.degree,no,no,yes,telephone,jul,thu,46,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,admin.,single,high.school,no,yes,yes,cellular,jul,thu,283,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,married,high.school,no,yes,no,cellular,jul,thu,69,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,unemployed,married,university.degree,no,no,no,cellular,jul,thu,616,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +58,blue-collar,divorced,basic.4y,unknown,no,no,telephone,jul,thu,69,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,jul,thu,160,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +46,technician,divorced,professional.course,no,yes,no,cellular,jul,thu,165,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,technician,divorced,university.degree,unknown,no,yes,cellular,jul,thu,13,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,admin.,married,high.school,unknown,no,yes,cellular,jul,thu,141,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,thu,346,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,jul,thu,79,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,admin.,married,university.degree,no,no,yes,cellular,jul,thu,175,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,retired,divorced,high.school,no,yes,no,cellular,jul,thu,11,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,services,divorced,high.school,no,no,no,cellular,jul,thu,98,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,technician,single,high.school,unknown,no,no,telephone,jul,thu,125,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,11,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,technician,married,university.degree,no,no,no,cellular,jul,thu,5,23,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,technician,married,professional.course,no,unknown,unknown,cellular,jul,thu,12,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,entrepreneur,divorced,high.school,no,yes,no,cellular,jul,thu,812,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +36,blue-collar,single,high.school,no,yes,no,cellular,jul,thu,8,24,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,jul,thu,194,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,admin.,single,high.school,no,no,yes,cellular,jul,thu,130,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,services,married,high.school,no,yes,no,cellular,jul,thu,68,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,blue-collar,single,high.school,no,yes,no,cellular,jul,thu,110,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,technician,divorced,professional.course,no,yes,no,cellular,jul,thu,87,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,517,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,management,married,university.degree,no,yes,no,cellular,jul,thu,350,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,technician,married,professional.course,unknown,no,yes,telephone,jul,thu,921,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,217,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,single,university.degree,no,no,yes,cellular,jul,thu,749,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,services,married,professional.course,no,yes,yes,cellular,jul,thu,630,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +32,admin.,divorced,high.school,no,unknown,unknown,cellular,jul,thu,81,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,married,university.degree,no,no,no,cellular,jul,thu,85,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,admin.,married,high.school,no,no,no,cellular,jul,thu,468,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,services,married,professional.course,unknown,yes,no,cellular,jul,thu,55,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,high.school,no,no,no,cellular,jul,thu,28,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,jul,thu,207,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,thu,27,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,1088,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +37,blue-collar,divorced,basic.9y,no,yes,no,cellular,jul,thu,1150,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +35,technician,married,professional.course,no,yes,no,cellular,jul,thu,570,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,high.school,no,yes,no,cellular,jul,thu,404,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +46,admin.,single,high.school,unknown,no,no,cellular,jul,thu,75,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,high.school,no,no,no,cellular,jul,thu,232,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,technician,married,high.school,no,no,no,cellular,jul,thu,190,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +46,admin.,single,high.school,no,unknown,unknown,cellular,jul,thu,37,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,admin.,married,high.school,unknown,no,no,cellular,jul,thu,84,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,technician,divorced,university.degree,unknown,no,no,cellular,jul,thu,384,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,admin.,single,university.degree,no,no,no,cellular,jul,thu,321,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +52,blue-collar,married,unknown,no,no,no,cellular,jul,thu,394,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,blue-collar,single,basic.4y,no,no,no,cellular,jul,thu,451,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,jul,thu,117,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,blue-collar,single,basic.4y,no,no,no,cellular,jul,thu,508,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +22,unemployed,single,high.school,no,no,no,cellular,jul,thu,60,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,entrepreneur,married,university.degree,no,yes,no,cellular,jul,thu,207,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,jul,thu,107,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,jul,thu,196,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,high.school,no,no,yes,cellular,jul,thu,106,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,entrepreneur,married,university.degree,no,yes,no,cellular,jul,thu,413,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,technician,married,professional.course,no,no,yes,cellular,jul,thu,15,23,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,married,high.school,no,unknown,unknown,cellular,jul,thu,81,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,student,divorced,university.degree,no,no,yes,cellular,jul,thu,125,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,jul,thu,543,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,admin.,married,university.degree,no,yes,no,telephone,jul,thu,91,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,entrepreneur,married,basic.4y,unknown,yes,yes,cellular,jul,thu,14,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,admin.,single,basic.6y,unknown,yes,no,cellular,jul,thu,130,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,services,married,professional.course,no,no,yes,cellular,jul,thu,151,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,admin.,single,high.school,no,yes,yes,cellular,jul,thu,104,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,admin.,married,university.degree,no,no,yes,cellular,jul,thu,468,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +59,housemaid,married,basic.4y,no,yes,yes,cellular,jul,thu,69,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,blue-collar,single,basic.6y,unknown,no,no,cellular,jul,thu,79,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,admin.,married,high.school,unknown,no,yes,telephone,jul,thu,225,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,blue-collar,single,university.degree,no,yes,no,cellular,jul,thu,102,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +49,technician,married,basic.9y,no,yes,no,cellular,jul,thu,183,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,technician,married,university.degree,no,no,yes,cellular,jul,thu,65,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,admin.,single,university.degree,no,no,no,cellular,jul,thu,395,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,blue-collar,single,university.degree,no,no,no,cellular,jul,thu,291,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,self-employed,married,professional.course,no,no,no,cellular,jul,thu,49,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,services,divorced,high.school,no,yes,no,cellular,jul,thu,474,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,management,married,university.degree,unknown,no,no,cellular,jul,thu,118,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,management,married,university.degree,unknown,yes,no,telephone,jul,thu,30,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,management,married,university.degree,unknown,yes,no,telephone,jul,thu,28,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,management,married,university.degree,unknown,yes,no,cellular,jul,thu,221,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,30,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,entrepreneur,divorced,university.degree,no,no,yes,cellular,jul,thu,216,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,technician,single,high.school,no,yes,no,cellular,jul,thu,149,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,technician,married,high.school,no,no,no,telephone,jul,thu,110,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,services,married,high.school,unknown,no,no,cellular,jul,thu,374,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,housemaid,married,high.school,no,yes,no,cellular,jul,thu,108,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,entrepreneur,married,high.school,no,yes,no,cellular,jul,thu,244,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,technician,married,high.school,no,yes,no,cellular,jul,thu,196,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,services,married,high.school,no,no,yes,cellular,jul,thu,74,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,services,married,high.school,no,no,no,cellular,jul,thu,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,telephone,jul,thu,19,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,services,married,high.school,unknown,no,no,cellular,jul,thu,126,19,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,jul,thu,129,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,services,divorced,high.school,no,no,yes,cellular,jul,thu,51,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,jul,thu,61,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,jul,thu,100,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,574,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +32,technician,single,professional.course,no,no,yes,telephone,jul,thu,181,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,married,high.school,no,yes,yes,cellular,jul,thu,23,22,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,admin.,single,university.degree,no,no,yes,cellular,jul,thu,242,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,single,professional.course,no,no,no,cellular,jul,thu,167,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,single,professional.course,no,no,no,cellular,jul,thu,35,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,admin.,married,professional.course,no,yes,yes,cellular,jul,thu,203,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,jul,thu,140,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,jul,thu,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,jul,thu,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,single,professional.course,no,no,no,cellular,jul,thu,119,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,single,professional.course,no,yes,yes,cellular,jul,thu,234,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,56,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,technician,single,high.school,no,no,no,cellular,jul,thu,27,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,entrepreneur,single,university.degree,unknown,no,yes,telephone,jul,thu,15,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,unemployed,single,university.degree,no,yes,no,cellular,jul,thu,47,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,jul,thu,46,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,technician,married,professional.course,no,yes,no,telephone,jul,thu,144,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,blue-collar,married,basic.4y,no,unknown,unknown,telephone,jul,thu,175,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,blue-collar,married,basic.6y,unknown,no,no,telephone,jul,thu,208,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,admin.,single,university.degree,no,yes,yes,telephone,jul,thu,180,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,jul,thu,307,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,admin.,married,unknown,no,yes,no,cellular,jul,thu,51,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,admin.,married,unknown,no,yes,no,telephone,jul,thu,121,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,services,married,high.school,no,yes,no,cellular,jul,thu,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,services,married,high.school,no,yes,no,telephone,jul,thu,120,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,services,married,high.school,no,no,no,cellular,jul,thu,127,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,married,university.degree,no,no,yes,cellular,jul,thu,114,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,admin.,married,professional.course,unknown,no,no,cellular,jul,thu,106,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +24,admin.,single,high.school,no,yes,no,cellular,jul,thu,725,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +35,technician,single,professional.course,unknown,yes,no,cellular,jul,thu,105,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,married,high.school,no,yes,no,telephone,jul,thu,115,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,management,married,basic.9y,no,no,no,cellular,jul,thu,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,management,married,basic.9y,no,no,no,telephone,jul,thu,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,jul,thu,6,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,high.school,no,yes,no,cellular,jul,thu,123,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,management,married,university.degree,no,yes,no,cellular,jul,thu,22,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,management,married,basic.9y,no,yes,no,cellular,jul,thu,253,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,management,married,university.degree,no,no,no,cellular,jul,thu,57,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,jul,thu,126,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,technician,married,professional.course,no,no,no,cellular,jul,thu,38,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,technician,married,professional.course,no,no,no,telephone,jul,thu,77,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,blue-collar,married,basic.9y,unknown,no,yes,cellular,jul,thu,349,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,thu,36,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,services,married,high.school,no,yes,no,cellular,jul,thu,543,29,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +52,blue-collar,married,basic.9y,no,yes,yes,cellular,jul,thu,114,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +26,blue-collar,married,high.school,no,yes,no,cellular,jul,thu,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,married,professional.course,unknown,no,no,cellular,jul,thu,61,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,jul,thu,77,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,jul,thu,81,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,management,married,university.degree,no,yes,no,cellular,jul,thu,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,admin.,married,high.school,no,unknown,unknown,cellular,jul,thu,56,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,technician,single,professional.course,unknown,yes,no,cellular,jul,thu,53,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,unemployed,married,high.school,no,unknown,unknown,cellular,jul,thu,94,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,management,married,university.degree,no,yes,no,cellular,jul,thu,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,unemployed,married,high.school,no,yes,yes,cellular,jul,thu,118,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,jul,thu,60,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,technician,divorced,university.degree,unknown,yes,no,cellular,jul,thu,227,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,married,high.school,no,no,no,cellular,jul,thu,662,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +28,admin.,single,university.degree,no,no,no,cellular,jul,thu,727,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +49,technician,married,professional.course,unknown,yes,no,telephone,jul,thu,219,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,79,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,admin.,single,high.school,no,yes,no,cellular,jul,thu,231,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,technician,divorced,university.degree,unknown,yes,no,cellular,jul,thu,49,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,technician,married,university.degree,no,yes,yes,cellular,jul,thu,201,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,jul,thu,221,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,technician,married,professional.course,no,yes,no,telephone,jul,thu,168,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,technician,married,university.degree,no,yes,no,telephone,jul,thu,258,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,technician,married,university.degree,no,no,no,telephone,jul,thu,240,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,admin.,married,basic.4y,no,yes,yes,telephone,jul,thu,119,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,technician,divorced,university.degree,unknown,no,no,cellular,jul,thu,59,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,jul,thu,156,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,jul,thu,131,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,jul,thu,189,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,entrepreneur,married,university.degree,unknown,yes,no,cellular,jul,thu,107,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,technician,married,university.degree,no,no,no,cellular,jul,thu,122,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,self-employed,single,basic.4y,no,no,no,telephone,jul,thu,73,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,services,married,high.school,no,yes,no,cellular,jul,thu,216,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,self-employed,single,basic.4y,no,no,no,cellular,jul,thu,148,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,married,professional.course,unknown,no,no,telephone,jul,thu,46,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,services,married,high.school,no,no,no,cellular,jul,thu,145,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,self-employed,divorced,university.degree,no,no,yes,cellular,jul,thu,52,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +57,admin.,married,university.degree,unknown,no,no,cellular,jul,thu,38,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +60,retired,married,basic.6y,unknown,no,no,cellular,jul,thu,126,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,admin.,married,university.degree,no,yes,yes,cellular,jul,thu,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,self-employed,single,university.degree,no,yes,no,cellular,jul,thu,106,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,62,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,technician,married,professional.course,no,no,no,telephone,jul,thu,45,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,technician,married,professional.course,no,no,no,cellular,jul,thu,53,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,blue-collar,single,basic.4y,no,yes,no,cellular,jul,thu,225,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,unemployed,married,high.school,unknown,unknown,unknown,cellular,jul,thu,268,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,management,married,university.degree,no,no,no,cellular,jul,thu,52,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,self-employed,single,university.degree,no,no,no,cellular,jul,thu,609,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,blue-collar,single,basic.4y,no,no,yes,cellular,jul,thu,83,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +51,management,married,basic.9y,no,yes,yes,cellular,jul,thu,79,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,thu,462,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,technician,married,professional.course,unknown,yes,no,cellular,jul,thu,847,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,services,married,high.school,no,no,no,cellular,jul,thu,857,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +43,housemaid,married,basic.6y,unknown,yes,no,cellular,jul,thu,188,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,married,high.school,no,no,yes,telephone,jul,thu,80,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,housemaid,single,professional.course,no,no,yes,cellular,jul,thu,50,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,housemaid,single,professional.course,no,yes,no,cellular,jul,thu,255,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +46,services,married,high.school,no,no,no,cellular,jul,thu,92,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,management,married,high.school,no,no,yes,cellular,jul,thu,245,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,admin.,divorced,high.school,no,no,yes,cellular,jul,thu,83,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,entrepreneur,married,university.degree,unknown,yes,no,cellular,jul,thu,55,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +58,self-employed,divorced,university.degree,no,yes,no,cellular,jul,thu,548,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,admin.,divorced,high.school,no,yes,no,cellular,jul,thu,281,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,services,single,high.school,no,no,yes,cellular,jul,thu,81,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +57,admin.,single,high.school,unknown,yes,no,telephone,jul,thu,35,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,admin.,single,university.degree,no,no,no,cellular,jul,thu,69,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,admin.,married,university.degree,no,yes,no,cellular,jul,thu,51,33,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,admin.,single,university.degree,no,no,no,cellular,jul,thu,829,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +42,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,367,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,thu,612,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +38,technician,single,professional.course,no,no,no,cellular,jul,thu,25,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,married,high.school,no,no,no,cellular,jul,thu,184,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,unemployed,married,high.school,no,no,no,cellular,jul,thu,284,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,admin.,married,high.school,no,no,no,cellular,jul,thu,187,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,jul,thu,128,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,jul,thu,150,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +46,technician,married,university.degree,no,no,no,cellular,jul,thu,124,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +51,management,married,basic.4y,no,yes,no,cellular,jul,thu,47,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,249,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,married,high.school,no,yes,no,cellular,jul,thu,74,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,self-employed,divorced,basic.9y,no,yes,yes,cellular,jul,thu,119,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,blue-collar,married,basic.9y,unknown,no,yes,telephone,jul,thu,88,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,admin.,married,high.school,no,yes,no,cellular,jul,thu,434,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,blue-collar,single,high.school,no,no,no,cellular,jul,thu,288,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +24,admin.,single,high.school,no,yes,yes,cellular,jul,thu,109,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,technician,married,high.school,no,yes,no,cellular,jul,thu,388,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,high.school,no,yes,no,cellular,jul,thu,1461,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +44,admin.,divorced,university.degree,no,yes,no,cellular,jul,thu,155,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,172,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,services,single,high.school,no,no,no,cellular,jul,thu,465,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,services,single,high.school,no,yes,no,cellular,jul,thu,91,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,management,single,university.degree,no,yes,no,cellular,jul,thu,166,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,unknown,married,unknown,no,yes,no,cellular,jul,thu,716,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,33,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,high.school,no,no,no,cellular,jul,thu,266,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,technician,married,professional.course,unknown,yes,no,cellular,jul,thu,721,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,admin.,single,unknown,no,no,no,cellular,jul,thu,99,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,admin.,married,high.school,no,no,no,cellular,jul,thu,228,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,self-employed,married,university.degree,no,yes,no,telephone,jul,thu,36,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,unemployed,married,professional.course,no,no,no,cellular,jul,thu,74,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +58,unknown,married,high.school,unknown,no,no,cellular,jul,thu,222,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +22,unemployed,single,high.school,no,yes,no,cellular,jul,thu,361,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +48,admin.,divorced,university.degree,no,yes,no,cellular,jul,thu,294,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,thu,247,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,jul,thu,109,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,admin.,married,university.degree,unknown,yes,no,cellular,jul,thu,324,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,technician,married,professional.course,no,no,no,cellular,jul,thu,223,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +59,services,married,high.school,no,yes,no,cellular,jul,thu,362,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +59,services,married,high.school,no,yes,no,cellular,jul,thu,300,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,admin.,married,high.school,no,no,no,cellular,jul,thu,66,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,no,no,cellular,jul,thu,169,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,management,married,university.degree,no,yes,no,cellular,jul,thu,391,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +57,technician,single,professional.course,no,yes,no,cellular,jul,thu,155,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,management,divorced,basic.9y,unknown,yes,no,cellular,jul,thu,86,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,blue-collar,married,basic.9y,no,unknown,unknown,cellular,jul,thu,151,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,management,married,university.degree,no,yes,yes,cellular,jul,thu,345,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,94,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,management,married,university.degree,no,no,no,cellular,jul,thu,843,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,blue-collar,divorced,professional.course,no,yes,yes,cellular,jul,thu,81,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,75,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,no,no,cellular,jul,thu,198,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,no,no,cellular,jul,thu,81,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,unemployed,married,high.school,no,yes,no,cellular,jul,thu,34,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,admin.,married,high.school,unknown,no,no,cellular,jul,thu,61,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +60,management,married,professional.course,unknown,yes,no,cellular,jul,thu,241,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,services,married,high.school,no,yes,no,cellular,jul,thu,156,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,jul,thu,1739,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,services,married,high.school,no,yes,no,telephone,jul,thu,345,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,technician,single,professional.course,no,no,no,cellular,jul,thu,111,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,blue-collar,married,basic.4y,unknown,no,no,cellular,jul,thu,166,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,blue-collar,married,basic.9y,no,yes,no,telephone,jul,thu,28,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,admin.,divorced,university.degree,no,no,no,cellular,jul,thu,119,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,admin.,divorced,university.degree,no,yes,yes,cellular,jul,thu,209,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,services,married,high.school,no,no,no,telephone,jul,thu,733,1,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,44,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,no,no,cellular,jul,thu,18,29,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,services,single,high.school,no,no,no,telephone,jul,thu,444,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,jul,thu,744,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,management,married,university.degree,no,yes,no,cellular,jul,thu,196,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,yes,no,telephone,jul,thu,190,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,self-employed,married,university.degree,no,no,no,cellular,jul,thu,245,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,blue-collar,married,professional.course,no,no,no,cellular,jul,thu,22,25,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,blue-collar,single,high.school,no,yes,no,telephone,jul,thu,13,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,yes,no,cellular,jul,thu,59,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,108,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,admin.,single,professional.course,no,yes,no,cellular,jul,thu,134,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,technician,single,university.degree,no,yes,no,cellular,jul,thu,58,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +58,management,married,university.degree,no,no,yes,cellular,jul,thu,32,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,jul,thu,9,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,technician,married,professional.course,unknown,no,yes,telephone,jul,thu,37,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,jul,thu,90,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,admin.,married,university.degree,unknown,yes,no,cellular,jul,thu,20,27,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,jul,thu,33,33,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,yes,telephone,jul,thu,18,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,blue-collar,divorced,professional.course,no,no,no,cellular,jul,thu,66,31,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,professional.course,no,yes,no,cellular,jul,thu,23,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,jul,thu,19,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,yes,yes,cellular,jul,thu,37,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,high.school,no,yes,no,telephone,jul,thu,51,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,technician,married,professional.course,no,yes,no,cellular,jul,thu,21,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,yes,no,cellular,jul,thu,294,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,married,university.degree,no,no,no,telephone,jul,thu,65,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +59,services,married,high.school,no,yes,no,cellular,jul,thu,70,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,technician,married,high.school,no,yes,yes,cellular,jul,thu,18,34,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,self-employed,married,professional.course,no,yes,no,cellular,jul,thu,77,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,admin.,married,university.degree,no,no,no,cellular,jul,thu,9,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,housemaid,married,basic.4y,unknown,no,no,cellular,jul,thu,17,24,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +52,blue-collar,married,basic.9y,unknown,no,no,cellular,jul,thu,393,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,jul,thu,22,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,no,no,cellular,jul,thu,10,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,services,single,high.school,unknown,no,no,telephone,jul,thu,454,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,technician,married,university.degree,no,no,no,cellular,jul,thu,89,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,jul,thu,11,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +59,retired,married,basic.4y,no,no,no,telephone,jul,thu,37,27,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +44,technician,single,unknown,unknown,no,yes,cellular,jul,thu,48,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,admin.,married,high.school,unknown,no,no,cellular,jul,thu,10,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,admin.,married,university.degree,unknown,no,no,cellular,jul,thu,67,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,jul,thu,58,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,unemployed,married,high.school,no,yes,no,cellular,jul,thu,272,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,technician,single,professional.course,no,yes,yes,cellular,jul,thu,164,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,admin.,single,university.degree,no,yes,yes,telephone,jul,thu,55,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +26,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,530,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,yes,no,cellular,jul,thu,17,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,no,no,cellular,jul,thu,16,35,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,yes,no,cellular,jul,thu,14,28,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,jul,thu,153,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,yes,yes,cellular,jul,thu,8,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,yes,no,cellular,jul,thu,69,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,yes,yes,cellular,jul,thu,8,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,technician,married,professional.course,no,no,no,telephone,jul,thu,43,32,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,jul,thu,106,27,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,self-employed,married,university.degree,unknown,no,no,cellular,jul,thu,255,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,yes,no,telephone,jul,thu,251,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,jul,thu,30,33,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,jul,thu,21,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,retired,married,basic.9y,unknown,yes,no,cellular,jul,thu,55,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,retired,married,basic.9y,unknown,no,no,telephone,jul,thu,16,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,admin.,single,professional.course,no,yes,yes,cellular,jul,thu,9,18,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,technician,single,professional.course,no,no,no,telephone,jul,thu,237,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,technician,married,professional.course,no,yes,yes,cellular,jul,thu,58,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,yes,no,cellular,jul,thu,115,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,unemployed,single,unknown,unknown,no,no,cellular,jul,thu,189,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,admin.,married,university.degree,no,no,yes,cellular,jul,thu,56,25,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,blue-collar,single,basic.6y,no,no,no,telephone,jul,thu,114,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,no,no,cellular,jul,thu,213,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,services,single,high.school,no,yes,no,cellular,jul,thu,70,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +52,admin.,married,university.degree,no,no,no,cellular,jul,thu,368,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,jul,thu,10,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,yes,no,cellular,jul,thu,135,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,jul,thu,48,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,no,no,cellular,jul,thu,35,25,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,admin.,single,high.school,no,yes,no,telephone,jul,thu,14,23,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,admin.,married,professional.course,unknown,yes,no,cellular,jul,thu,68,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +59,retired,married,basic.4y,no,no,yes,telephone,jul,thu,22,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,blue-collar,married,basic.6y,no,no,no,telephone,jul,thu,5,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +49,technician,married,unknown,unknown,yes,no,cellular,jul,thu,160,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +40,services,married,basic.9y,no,no,no,telephone,jul,thu,21,35,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,blue-collar,married,basic.6y,no,yes,no,cellular,jul,thu,5,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,admin.,married,university.degree,unknown,yes,no,cellular,jul,thu,33,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +49,admin.,single,high.school,no,no,no,telephone,jul,thu,6,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,retired,married,basic.9y,unknown,no,no,cellular,jul,thu,149,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,no,no,cellular,jul,thu,40,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,yes,no,cellular,jul,thu,46,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,admin.,single,high.school,no,no,no,cellular,jul,thu,9,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,no,no,cellular,jul,thu,39,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,jul,thu,280,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +41,housemaid,married,basic.4y,unknown,yes,no,telephone,jul,thu,350,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,admin.,married,university.degree,unknown,yes,no,cellular,jul,thu,65,43,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,technician,married,professional.course,no,no,no,cellular,jul,thu,37,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,blue-collar,married,professional.course,no,yes,no,cellular,jul,thu,49,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,yes,yes,cellular,jul,thu,470,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,no,no,cellular,jul,thu,262,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,services,married,basic.6y,no,no,yes,cellular,jul,thu,124,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,entrepreneur,married,professional.course,no,yes,no,cellular,jul,thu,576,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,10,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +58,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,306,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,admin.,married,university.degree,unknown,yes,no,cellular,jul,thu,101,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,unknown,no,yes,no,cellular,jul,thu,108,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,jul,thu,67,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,telephone,jul,thu,16,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,admin.,married,university.degree,unknown,no,no,telephone,jul,thu,94,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +49,admin.,single,high.school,no,yes,no,cellular,jul,thu,24,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,no,no,cellular,jul,thu,18,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,admin.,married,university.degree,unknown,yes,no,cellular,jul,thu,77,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,admin.,married,professional.course,unknown,yes,no,cellular,jul,thu,747,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +24,technician,single,university.degree,no,no,no,cellular,jul,thu,299,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,yes,no,telephone,jul,thu,42,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +46,services,married,basic.9y,no,yes,no,cellular,jul,thu,40,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,admin.,single,high.school,no,no,no,cellular,jul,thu,10,20,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,no,yes,cellular,jul,thu,9,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,blue-collar,married,basic.6y,no,no,yes,cellular,jul,thu,92,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,services,single,high.school,no,yes,no,cellular,jul,thu,92,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +59,technician,married,high.school,unknown,no,no,telephone,jul,thu,130,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,jul,thu,18,40,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,yes,no,cellular,jul,thu,83,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +49,management,married,basic.9y,unknown,no,yes,cellular,jul,thu,8,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,technician,single,professional.course,no,no,no,cellular,jul,thu,28,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,yes,yes,cellular,jul,thu,14,30,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,single,basic.9y,no,yes,no,cellular,jul,thu,8,27,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,telephone,jul,thu,443,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,yes,no,telephone,jul,thu,214,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,jul,thu,258,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,services,married,basic.6y,no,yes,no,cellular,jul,thu,86,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +30,services,single,high.school,no,yes,no,cellular,jul,thu,248,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,jul,thu,536,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,jul,thu,148,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,married,high.school,no,no,yes,cellular,jul,thu,18,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,management,single,university.degree,no,no,no,cellular,jul,thu,90,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,jul,thu,78,16,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,admin.,married,university.degree,no,yes,no,cellular,jul,thu,60,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +32,technician,married,university.degree,no,yes,yes,telephone,jul,thu,50,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,no,no,telephone,jul,thu,9,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,no,no,cellular,jul,thu,61,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,technician,married,professional.course,unknown,yes,no,cellular,jul,thu,5,2,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,admin.,single,high.school,no,yes,no,cellular,jul,thu,5,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,yes,cellular,jul,thu,12,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,jul,thu,1142,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +29,self-employed,single,university.degree,no,yes,yes,cellular,jul,thu,22,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,services,married,high.school,no,yes,yes,telephone,jul,thu,576,17,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,blue-collar,married,basic.9y,unknown,yes,no,cellular,jul,thu,28,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,blue-collar,married,basic.4y,unknown,yes,no,cellular,jul,thu,6,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,blue-collar,single,basic.4y,unknown,yes,no,cellular,jul,thu,6,12,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,yes,no,cellular,jul,thu,420,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,blue-collar,married,professional.course,no,yes,no,cellular,jul,thu,55,15,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,jul,thu,76,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,blue-collar,married,unknown,no,yes,no,telephone,jul,thu,15,25,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,services,married,high.school,no,yes,yes,cellular,jul,thu,1721,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,yes +38,admin.,married,basic.6y,no,yes,no,telephone,jul,thu,39,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +25,student,single,high.school,no,no,no,cellular,jul,thu,85,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +55,retired,married,high.school,no,yes,no,cellular,jul,thu,32,24,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +58,blue-collar,married,basic.6y,unknown,yes,yes,telephone,jul,thu,31,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +53,self-employed,married,professional.course,no,yes,no,cellular,jul,thu,9,31,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,jul,thu,52,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +45,technician,married,basic.9y,unknown,no,no,cellular,jul,thu,31,22,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,yes,no,cellular,jul,thu,45,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +47,services,married,unknown,no,yes,no,cellular,jul,thu,43,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,technician,married,professional.course,no,no,no,cellular,jul,thu,84,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +38,admin.,married,basic.6y,no,yes,no,cellular,jul,thu,17,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +56,blue-collar,married,basic.6y,unknown,yes,no,cellular,jul,thu,28,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,yes,no,cellular,jul,thu,34,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +31,services,single,high.school,no,yes,no,cellular,jul,thu,48,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +37,admin.,married,high.school,no,yes,no,telephone,jul,thu,29,14,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,yes,no,cellular,jul,thu,27,13,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +29,technician,married,university.degree,no,no,no,cellular,jul,thu,652,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +51,retired,married,university.degree,unknown,no,no,cellular,jul,thu,110,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,jul,thu,19,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +34,technician,divorced,unknown,no,no,no,telephone,jul,thu,41,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,technician,married,professional.course,unknown,no,yes,cellular,jul,thu,6,10,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,blue-collar,married,professional.course,no,yes,no,cellular,jul,thu,12,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +33,admin.,single,professional.course,no,yes,no,cellular,jul,thu,143,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,services,married,high.school,no,yes,no,cellular,jul,thu,14,6,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,management,married,university.degree,unknown,yes,no,telephone,jul,thu,11,5,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +46,services,married,basic.9y,no,no,no,cellular,jul,thu,153,4,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +36,admin.,single,university.degree,no,no,yes,cellular,jul,thu,35,11,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +50,self-employed,married,professional.course,no,no,no,cellular,jul,thu,73,7,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +27,admin.,single,high.school,no,no,no,telephone,jul,thu,135,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +54,technician,married,basic.9y,no,no,yes,cellular,jul,thu,50,9,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +59,housemaid,married,basic.4y,no,no,yes,cellular,jul,thu,7,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +43,admin.,married,professional.course,unknown,no,no,cellular,jul,thu,127,3,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +28,blue-collar,married,basic.4y,unknown,no,yes,cellular,jul,thu,29,8,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +39,blue-collar,single,basic.4y,unknown,no,no,telephone,jul,thu,9,21,999,0,nonexistent,1.4,93.91799999999999,-42.7,4.968,5228.1,no +48,housemaid,married,basic.4y,unknown,no,yes,cellular,aug,mon,148,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +45,management,divorced,high.school,no,no,yes,cellular,aug,mon,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,mon,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +34,technician,single,university.degree,no,no,no,cellular,aug,mon,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,married,university.degree,no,unknown,unknown,cellular,aug,mon,531,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +38,blue-collar,single,high.school,no,yes,no,cellular,aug,mon,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +43,admin.,married,university.degree,no,no,no,cellular,aug,mon,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +43,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,149,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +45,management,divorced,high.school,no,yes,no,cellular,aug,mon,272,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +44,admin.,single,university.degree,no,no,no,cellular,aug,mon,208,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,self-employed,married,basic.4y,unknown,no,no,cellular,aug,mon,222,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,self-employed,married,basic.4y,unknown,yes,no,cellular,aug,mon,311,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,mon,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,married,university.degree,no,yes,no,cellular,aug,mon,89,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,married,university.degree,no,yes,no,cellular,aug,mon,53,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,married,university.degree,no,yes,no,cellular,aug,mon,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,married,university.degree,no,yes,no,cellular,aug,mon,227,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +57,unknown,married,unknown,unknown,yes,no,cellular,aug,mon,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,admin.,married,university.degree,no,yes,no,cellular,aug,mon,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,436,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,mon,157,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +58,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,498,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,aug,mon,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,846,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,yes +48,blue-collar,married,university.degree,no,no,no,cellular,aug,mon,164,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +49,services,married,high.school,no,no,no,cellular,aug,mon,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,mon,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,mon,243,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +48,blue-collar,married,basic.9y,no,no,yes,cellular,aug,mon,221,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +53,management,married,university.degree,no,yes,no,cellular,aug,mon,629,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +56,admin.,married,basic.6y,no,yes,no,cellular,aug,mon,240,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +53,services,married,basic.9y,unknown,no,no,cellular,aug,mon,79,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +53,services,married,basic.9y,unknown,yes,no,cellular,aug,mon,148,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,mon,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +37,student,married,professional.course,no,no,no,cellular,aug,mon,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +56,blue-collar,married,basic.9y,no,unknown,unknown,cellular,aug,mon,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +47,services,married,high.school,no,no,no,cellular,aug,mon,157,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +51,technician,married,professional.course,no,no,no,cellular,aug,mon,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +55,blue-collar,married,basic.4y,no,yes,no,telephone,aug,mon,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +55,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,149,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +42,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,151,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +58,retired,married,professional.course,no,yes,no,cellular,aug,mon,302,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +42,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,408,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +56,retired,married,university.degree,no,yes,no,cellular,aug,mon,270,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,technician,married,university.degree,unknown,no,no,cellular,aug,mon,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +49,technician,married,professional.course,unknown,yes,yes,cellular,aug,mon,148,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +53,services,married,basic.9y,unknown,yes,no,cellular,aug,mon,136,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,housemaid,married,high.school,no,yes,no,cellular,aug,mon,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,housemaid,married,high.school,no,yes,no,telephone,aug,mon,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,mon,167,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +60,retired,married,university.degree,unknown,no,no,cellular,aug,mon,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +60,retired,married,university.degree,unknown,yes,no,cellular,aug,mon,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,mon,39,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +35,technician,divorced,university.degree,no,yes,yes,cellular,aug,mon,142,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +57,admin.,married,high.school,unknown,yes,no,cellular,aug,mon,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +39,housemaid,married,basic.4y,no,yes,no,cellular,aug,mon,417,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +47,entrepreneur,married,university.degree,no,yes,yes,cellular,aug,mon,216,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,admin.,divorced,university.degree,no,no,yes,cellular,aug,mon,119,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +35,management,married,university.degree,unknown,yes,no,cellular,aug,mon,372,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +38,technician,married,professional.course,no,no,no,cellular,aug,mon,606,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,mon,200,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +49,technician,married,professional.course,no,no,no,cellular,aug,mon,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,mon,244,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,technician,single,high.school,no,no,no,cellular,aug,mon,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +31,technician,married,professional.course,unknown,no,no,cellular,aug,mon,107,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +39,technician,single,professional.course,unknown,no,no,cellular,aug,mon,198,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +48,unknown,married,basic.9y,no,no,no,cellular,aug,mon,307,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +44,services,married,professional.course,no,no,yes,cellular,aug,mon,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +44,services,married,professional.course,no,no,no,cellular,aug,mon,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +34,technician,single,professional.course,no,yes,yes,telephone,aug,mon,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +34,technician,single,professional.course,no,yes,no,cellular,aug,mon,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +60,retired,married,basic.6y,no,no,no,cellular,aug,mon,79,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +36,admin.,married,professional.course,no,no,no,cellular,aug,mon,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,unknown,married,unknown,no,yes,no,cellular,aug,mon,230,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,technician,divorced,professional.course,no,no,yes,cellular,aug,mon,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +57,retired,married,basic.4y,no,yes,no,telephone,aug,mon,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,413,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,technician,divorced,professional.course,no,yes,yes,cellular,aug,mon,679,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +45,blue-collar,married,basic.6y,unknown,no,no,cellular,aug,mon,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,mon,315,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,admin.,married,high.school,no,no,no,cellular,aug,mon,20,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +57,retired,married,basic.4y,no,no,no,cellular,aug,mon,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,488,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,technician,single,professional.course,unknown,no,no,cellular,aug,mon,824,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,aug,mon,506,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +57,admin.,married,high.school,unknown,yes,no,cellular,aug,mon,166,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +35,technician,single,professional.course,no,no,yes,cellular,aug,mon,50,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,432,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +45,technician,married,university.degree,unknown,yes,no,cellular,aug,mon,372,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,student,divorced,professional.course,no,no,no,cellular,aug,mon,1110,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,yes +35,technician,single,professional.course,no,yes,no,cellular,aug,mon,184,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +35,technician,single,professional.course,no,no,no,cellular,aug,mon,148,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,unknown,married,unknown,no,yes,no,cellular,aug,mon,166,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,unknown,married,unknown,unknown,yes,no,cellular,aug,mon,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +52,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,551,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,blue-collar,married,high.school,no,no,no,cellular,aug,mon,422,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,mon,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,mon,44,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,married,professional.course,no,no,no,cellular,aug,mon,157,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,unknown,married,unknown,no,yes,yes,cellular,aug,mon,653,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +37,management,married,university.degree,unknown,no,no,cellular,aug,mon,149,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +37,management,married,university.degree,unknown,no,no,cellular,aug,mon,161,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,married,university.degree,no,yes,yes,cellular,aug,mon,58,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +54,technician,divorced,high.school,no,no,no,cellular,aug,mon,86,4,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +57,admin.,married,high.school,no,yes,no,cellular,aug,mon,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +57,admin.,married,high.school,no,yes,no,cellular,aug,mon,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +39,technician,single,university.degree,no,yes,no,cellular,aug,mon,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,mon,165,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +39,housemaid,married,basic.4y,no,no,yes,cellular,aug,mon,357,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +36,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,282,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +49,admin.,married,high.school,no,no,no,cellular,aug,mon,144,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,unknown,married,unknown,no,no,no,cellular,aug,mon,258,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +44,services,married,professional.course,no,no,no,cellular,aug,mon,341,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +53,blue-collar,married,unknown,no,no,no,cellular,aug,mon,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +56,admin.,married,university.degree,no,yes,no,cellular,aug,mon,178,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,298,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +39,admin.,married,university.degree,no,no,no,cellular,aug,mon,154,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +35,management,single,university.degree,no,yes,no,cellular,aug,mon,151,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,333,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +54,blue-collar,married,unknown,no,no,no,cellular,aug,mon,143,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,135,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,182,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,mon,36,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +58,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,mon,328,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,378,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +58,retired,married,professional.course,unknown,no,no,cellular,aug,mon,244,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +49,admin.,divorced,professional.course,no,yes,yes,cellular,aug,mon,230,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +57,admin.,married,high.school,no,no,no,cellular,aug,mon,958,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,unknown,married,university.degree,no,yes,no,cellular,aug,mon,171,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +44,admin.,divorced,high.school,no,yes,no,cellular,aug,mon,99,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,unknown,married,university.degree,no,yes,no,cellular,aug,mon,190,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,170,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +45,technician,divorced,high.school,no,yes,yes,cellular,aug,mon,482,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,mon,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,mon,151,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,190,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +47,services,married,high.school,no,yes,no,cellular,aug,mon,140,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +37,management,married,university.degree,unknown,no,no,cellular,aug,mon,110,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +45,technician,married,high.school,no,yes,no,cellular,aug,mon,84,1,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +54,technician,married,professional.course,unknown,no,yes,cellular,aug,mon,281,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,admin.,married,high.school,no,no,no,cellular,aug,mon,67,6,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,mon,91,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +60,retired,married,university.degree,unknown,yes,no,cellular,aug,mon,368,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +60,retired,married,university.degree,unknown,yes,yes,cellular,aug,mon,146,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +40,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,198,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +59,retired,married,high.school,no,yes,no,cellular,aug,mon,370,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,aug,mon,337,4,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +34,admin.,single,university.degree,no,no,yes,cellular,aug,mon,230,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +33,technician,divorced,professional.course,no,no,no,cellular,aug,mon,686,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +54,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,365,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,597,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +48,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,mon,441,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,mon,857,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,admin.,married,university.degree,no,no,yes,cellular,aug,mon,753,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +41,technician,married,university.degree,no,yes,no,cellular,aug,mon,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +44,services,married,professional.course,no,no,no,cellular,aug,mon,186,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +58,retired,married,professional.course,unknown,yes,no,cellular,aug,mon,410,4,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +60,retired,married,university.degree,unknown,no,no,cellular,aug,mon,430,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +48,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,mon,251,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +59,retired,married,basic.4y,no,no,no,cellular,aug,mon,357,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +45,unemployed,married,university.degree,no,yes,no,cellular,aug,mon,211,3,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +54,technician,married,university.degree,no,yes,no,telephone,aug,mon,652,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,yes +34,admin.,single,university.degree,no,no,no,cellular,aug,mon,177,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +30,unknown,married,university.degree,no,yes,no,cellular,aug,mon,183,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +52,management,married,university.degree,no,no,no,cellular,aug,mon,1488,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,yes +40,entrepreneur,married,university.degree,no,yes,no,cellular,aug,mon,145,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +45,services,married,high.school,unknown,yes,no,cellular,aug,mon,413,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +50,technician,divorced,university.degree,unknown,no,no,cellular,aug,mon,114,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +47,technician,married,professional.course,no,no,no,cellular,aug,mon,428,2,999,0,nonexistent,1.4,93.444,-36.1,4.97,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,tue,133,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,married,university.degree,no,yes,no,cellular,aug,tue,142,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,blue-collar,single,high.school,no,no,no,cellular,aug,tue,250,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,admin.,married,basic.9y,no,no,no,cellular,aug,tue,125,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,high.school,no,yes,no,cellular,aug,tue,276,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,retired,married,university.degree,no,yes,no,cellular,aug,tue,377,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,entrepreneur,married,university.degree,no,no,no,cellular,aug,tue,487,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +47,entrepreneur,married,university.degree,no,yes,no,cellular,aug,tue,641,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +52,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,126,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,admin.,married,high.school,no,no,yes,cellular,aug,tue,519,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +43,admin.,single,university.degree,no,yes,no,cellular,aug,tue,837,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +57,retired,married,basic.6y,no,no,no,cellular,aug,tue,222,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,unknown,married,basic.9y,no,no,no,cellular,aug,tue,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,services,married,high.school,no,no,no,cellular,aug,tue,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,admin.,married,high.school,no,yes,yes,cellular,aug,tue,314,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,admin.,married,high.school,no,yes,no,cellular,aug,tue,553,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +52,admin.,married,unknown,no,yes,no,cellular,aug,tue,976,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +38,technician,single,professional.course,no,yes,no,cellular,aug,tue,114,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,divorced,university.degree,no,no,no,cellular,aug,tue,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,divorced,university.degree,no,no,yes,cellular,aug,tue,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,admin.,married,unknown,no,no,no,cellular,aug,tue,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,tue,36,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,admin.,married,unknown,no,no,no,cellular,aug,tue,422,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,divorced,university.degree,no,no,yes,cellular,aug,tue,794,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +47,admin.,married,high.school,no,yes,no,cellular,aug,tue,145,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,technician,divorced,professional.course,no,no,no,cellular,aug,tue,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,241,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,technician,divorced,professional.course,no,no,no,cellular,aug,tue,69,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,divorced,professional.course,no,no,no,cellular,aug,tue,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,services,married,high.school,no,yes,no,cellular,aug,tue,836,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +41,technician,married,professional.course,no,no,no,cellular,aug,tue,269,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,tue,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,tue,195,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,housemaid,married,basic.4y,unknown,no,no,cellular,aug,tue,137,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,housemaid,married,basic.4y,unknown,no,no,cellular,aug,tue,148,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,aug,tue,448,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,technician,married,professional.course,unknown,no,no,cellular,aug,tue,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,335,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,tue,140,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,blue-collar,married,basic.9y,no,no,no,cellular,aug,tue,171,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,aug,tue,356,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,tue,130,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,545,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,management,married,high.school,unknown,no,no,cellular,aug,tue,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,1134,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +57,retired,married,professional.course,unknown,yes,no,cellular,aug,tue,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,technician,married,high.school,no,yes,no,cellular,aug,tue,188,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,technician,single,professional.course,no,yes,no,cellular,aug,tue,164,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,technician,married,high.school,no,yes,no,cellular,aug,tue,409,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,technician,married,professional.course,no,yes,no,cellular,aug,tue,607,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +39,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,328,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,aug,tue,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,management,married,university.degree,no,no,no,cellular,aug,tue,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,management,married,university.degree,no,no,no,cellular,aug,tue,175,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,technician,married,university.degree,no,yes,yes,cellular,aug,tue,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,148,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,146,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,technician,divorced,high.school,unknown,no,no,cellular,aug,tue,162,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,technician,single,professional.course,no,yes,no,cellular,aug,tue,54,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,technician,single,professional.course,no,no,no,cellular,aug,tue,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,tue,114,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +43,management,married,university.degree,unknown,yes,no,cellular,aug,tue,268,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,tue,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,tue,348,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,telephone,aug,tue,1186,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +58,services,married,unknown,unknown,yes,no,cellular,aug,tue,197,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,198,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,technician,married,professional.course,no,yes,no,cellular,aug,tue,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,admin.,married,university.degree,no,yes,no,cellular,aug,tue,790,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,married,professional.course,no,no,no,cellular,aug,tue,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,technician,married,professional.course,unknown,no,no,cellular,aug,tue,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +59,retired,married,university.degree,no,yes,no,cellular,aug,tue,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,tue,174,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,183,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,tue,157,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,tue,196,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,self-employed,married,basic.9y,unknown,yes,no,cellular,aug,tue,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +55,admin.,married,professional.course,no,yes,yes,cellular,aug,tue,482,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,technician,married,professional.course,no,no,no,cellular,aug,tue,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,aug,tue,297,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,229,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,services,divorced,basic.6y,no,yes,no,cellular,aug,tue,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,technician,married,high.school,no,yes,no,cellular,aug,tue,231,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,technician,married,high.school,no,yes,no,cellular,aug,tue,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,238,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,178,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,278,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,tue,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,admin.,married,basic.4y,unknown,yes,yes,cellular,aug,tue,286,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,334,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,admin.,married,basic.4y,unknown,yes,no,cellular,aug,tue,222,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,unknown,married,university.degree,no,yes,no,cellular,aug,tue,95,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,unknown,married,basic.9y,no,yes,no,cellular,aug,tue,148,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +59,admin.,married,university.degree,no,yes,no,cellular,aug,tue,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,104,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,single,high.school,no,yes,no,cellular,aug,tue,195,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,admin.,married,high.school,unknown,yes,no,cellular,aug,tue,182,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,housemaid,married,basic.6y,no,no,no,cellular,aug,tue,56,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,aug,tue,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,tue,297,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,720,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +44,technician,married,university.degree,no,yes,no,cellular,aug,tue,231,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,aug,tue,67,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,aug,tue,316,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,202,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,no,yes,cellular,aug,tue,149,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,tue,168,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,services,divorced,basic.6y,no,yes,no,cellular,aug,tue,683,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,tue,176,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,66,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,tue,935,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +45,technician,married,professional.course,unknown,no,no,cellular,aug,tue,320,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +43,technician,single,professional.course,no,no,no,cellular,aug,tue,165,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,services,married,high.school,unknown,no,no,cellular,aug,tue,241,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,tue,199,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,622,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,services,married,high.school,no,yes,no,cellular,aug,tue,158,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,aug,tue,531,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +42,technician,divorced,university.degree,no,yes,no,cellular,aug,tue,141,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,admin.,married,university.degree,no,no,yes,cellular,aug,tue,414,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,339,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,aug,tue,68,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,123,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,aug,tue,766,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +41,technician,married,university.degree,no,yes,no,cellular,aug,tue,27,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,admin.,married,university.degree,no,no,no,cellular,aug,tue,85,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,unknown,married,unknown,unknown,yes,no,cellular,aug,tue,229,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,112,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,blue-collar,married,basic.9y,no,yes,yes,cellular,aug,tue,704,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,management,married,university.degree,no,no,no,cellular,aug,tue,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,management,married,university.degree,no,yes,no,cellular,aug,tue,409,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,tue,1311,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +37,admin.,single,professional.course,no,no,no,cellular,aug,tue,223,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,technician,married,professional.course,no,no,yes,cellular,aug,tue,166,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,technician,married,professional.course,unknown,no,no,cellular,aug,tue,287,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,tue,109,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,housemaid,married,professional.course,no,yes,yes,cellular,aug,tue,291,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,unemployed,divorced,university.degree,unknown,no,no,cellular,aug,tue,307,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,tue,451,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,unemployed,married,university.degree,no,yes,no,cellular,aug,tue,33,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +57,housemaid,married,unknown,no,no,no,cellular,aug,tue,318,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,aug,tue,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,admin.,married,high.school,no,no,no,cellular,aug,tue,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,technician,divorced,university.degree,unknown,no,no,cellular,aug,tue,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,blue-collar,married,high.school,no,no,no,cellular,aug,tue,193,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,self-employed,married,basic.9y,no,no,no,cellular,aug,tue,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,132,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,services,married,high.school,no,no,no,cellular,aug,tue,203,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,services,married,high.school,no,no,no,cellular,aug,tue,344,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,services,married,high.school,no,yes,no,cellular,aug,tue,197,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,self-employed,married,basic.4y,unknown,no,no,telephone,aug,tue,112,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,divorced,professional.course,no,no,no,cellular,aug,tue,101,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +43,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,1332,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +54,technician,divorced,university.degree,no,no,no,cellular,aug,tue,155,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,admin.,married,university.degree,no,no,no,cellular,aug,tue,618,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,1110,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,admin.,married,university.degree,no,no,yes,cellular,aug,tue,445,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,technician,married,professional.course,unknown,yes,yes,cellular,aug,tue,504,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,tue,385,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,married,professional.course,no,yes,no,cellular,aug,tue,425,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,technician,married,high.school,no,no,no,cellular,aug,tue,134,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +43,entrepreneur,married,professional.course,no,no,no,cellular,aug,tue,56,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,married,high.school,no,no,no,cellular,aug,tue,121,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,unknown,married,unknown,no,yes,no,cellular,aug,tue,214,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,admin.,married,university.degree,no,no,yes,cellular,aug,tue,129,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,tue,146,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,admin.,divorced,university.degree,no,yes,yes,cellular,aug,tue,211,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,professional.course,no,no,no,cellular,aug,tue,513,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,blue-collar,married,unknown,unknown,no,no,cellular,aug,tue,371,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,tue,419,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +37,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,210,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,housemaid,married,basic.9y,no,yes,no,cellular,aug,tue,459,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,management,married,university.degree,no,yes,no,cellular,aug,tue,263,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,tue,332,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,blue-collar,married,professional.course,no,no,yes,cellular,aug,tue,150,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,married,professional.course,unknown,no,no,cellular,aug,tue,131,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,1227,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +51,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,507,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,admin.,married,university.degree,no,yes,no,cellular,aug,tue,608,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,housemaid,married,university.degree,no,yes,no,cellular,aug,tue,295,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,admin.,married,high.school,no,no,no,cellular,aug,tue,178,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,147,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,housemaid,married,basic.4y,unknown,yes,yes,cellular,aug,tue,307,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,tue,109,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +59,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,1197,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,1208,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +47,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,tue,78,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,tue,223,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,professional.course,no,yes,no,cellular,aug,tue,996,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,blue-collar,married,basic.4y,no,yes,no,cellular,aug,wed,92,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +57,retired,married,high.school,no,no,no,cellular,aug,wed,115,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,technician,divorced,professional.course,no,yes,no,cellular,aug,wed,78,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +44,self-employed,married,professional.course,no,yes,no,telephone,aug,wed,116,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,admin.,married,university.degree,no,yes,no,cellular,aug,wed,314,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +53,admin.,married,university.degree,no,no,no,cellular,aug,wed,384,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,housemaid,single,university.degree,unknown,yes,no,cellular,aug,wed,46,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,1357,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +44,admin.,married,basic.4y,unknown,yes,no,cellular,aug,wed,125,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +44,admin.,married,university.degree,unknown,yes,yes,cellular,aug,wed,376,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +34,technician,single,university.degree,no,yes,yes,cellular,aug,wed,455,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +41,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,146,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,wed,81,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +36,technician,married,high.school,no,yes,no,cellular,aug,wed,205,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,divorced,professional.course,no,yes,no,cellular,aug,wed,192,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +58,retired,married,university.degree,unknown,yes,yes,cellular,aug,wed,269,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +53,services,married,high.school,no,yes,no,cellular,aug,wed,406,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +32,technician,single,professional.course,no,no,no,cellular,aug,wed,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +58,housemaid,married,basic.4y,no,no,no,cellular,aug,wed,84,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,175,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,management,married,university.degree,no,no,no,cellular,aug,wed,902,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +46,admin.,married,university.degree,no,no,no,cellular,aug,wed,273,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,management,married,university.degree,no,no,yes,cellular,aug,wed,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,management,married,university.degree,no,no,no,cellular,aug,wed,347,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +38,technician,married,professional.course,no,no,yes,cellular,aug,wed,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,self-employed,married,basic.9y,no,no,no,cellular,aug,wed,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,aug,wed,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,wed,218,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,admin.,single,university.degree,unknown,yes,yes,cellular,aug,wed,43,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,admin.,single,university.degree,unknown,no,no,cellular,aug,wed,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +44,blue-collar,married,unknown,no,yes,no,cellular,aug,wed,140,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +47,services,married,high.school,unknown,yes,no,cellular,aug,wed,277,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,wed,898,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,technician,married,high.school,unknown,unknown,unknown,cellular,aug,wed,637,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +46,admin.,married,high.school,no,unknown,unknown,cellular,aug,wed,251,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,high.school,no,no,no,cellular,aug,wed,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +53,management,married,university.degree,no,yes,no,cellular,aug,wed,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +39,technician,single,university.degree,no,yes,no,cellular,aug,wed,224,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +39,technician,single,university.degree,no,no,no,cellular,aug,wed,254,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,technician,married,professional.course,unknown,no,no,cellular,aug,wed,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,wed,189,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,admin.,married,professional.course,no,yes,no,cellular,aug,wed,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,wed,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,services,married,high.school,unknown,yes,yes,cellular,aug,wed,190,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,yes,cellular,aug,wed,165,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,wed,89,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +49,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,wed,311,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +49,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,wed,501,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +52,technician,married,high.school,no,yes,yes,cellular,aug,wed,165,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +44,unemployed,married,high.school,unknown,yes,no,cellular,aug,wed,209,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +39,technician,single,university.degree,no,no,no,cellular,aug,wed,50,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +56,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,58,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,wed,182,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,aug,wed,499,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,single,professional.course,no,no,no,cellular,aug,wed,720,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +34,admin.,married,university.degree,no,no,no,cellular,aug,wed,224,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,high.school,no,yes,yes,cellular,aug,wed,113,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,single,professional.course,no,yes,yes,cellular,aug,wed,952,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +31,blue-collar,single,basic.9y,no,no,no,cellular,aug,wed,38,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,admin.,married,high.school,no,yes,no,cellular,aug,wed,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,184,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +49,unemployed,married,professional.course,unknown,yes,no,cellular,aug,wed,397,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +46,self-employed,married,basic.9y,unknown,yes,yes,cellular,aug,wed,102,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +41,technician,married,high.school,no,yes,no,cellular,aug,wed,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,aug,wed,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,194,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,aug,wed,281,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,self-employed,married,university.degree,no,yes,yes,cellular,aug,wed,585,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +52,technician,married,professional.course,unknown,no,no,cellular,aug,wed,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +52,technician,married,professional.course,unknown,no,no,cellular,aug,wed,244,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +52,technician,married,professional.course,unknown,no,no,cellular,aug,wed,219,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +40,admin.,divorced,university.degree,no,yes,yes,cellular,aug,wed,65,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +40,admin.,divorced,university.degree,no,no,yes,cellular,aug,wed,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +55,technician,married,university.degree,no,no,yes,cellular,aug,wed,358,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +55,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +36,technician,divorced,professional.course,no,yes,yes,cellular,aug,wed,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +50,admin.,divorced,high.school,unknown,no,no,cellular,aug,wed,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +50,admin.,divorced,high.school,unknown,no,yes,cellular,aug,wed,359,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,married,high.school,unknown,no,no,cellular,aug,wed,211,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,technician,single,high.school,no,yes,no,cellular,aug,wed,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,131,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +50,technician,married,professional.course,no,no,no,cellular,aug,wed,467,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +29,technician,single,university.degree,no,yes,yes,cellular,aug,wed,225,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +41,technician,married,high.school,no,no,no,cellular,aug,wed,91,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,technician,single,high.school,no,yes,yes,cellular,aug,wed,763,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +31,technician,married,professional.course,no,yes,yes,cellular,aug,wed,184,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,admin.,married,university.degree,no,unknown,unknown,cellular,aug,wed,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,married,university.degree,no,no,no,cellular,aug,wed,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,admin.,married,high.school,no,yes,no,cellular,aug,wed,103,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,management,married,university.degree,no,yes,yes,cellular,aug,wed,649,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +50,admin.,single,university.degree,no,yes,no,cellular,aug,wed,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +47,blue-collar,married,basic.6y,unknown,no,no,cellular,aug,wed,89,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,technician,married,professional.course,no,no,no,cellular,aug,wed,221,9,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,admin.,single,university.degree,no,no,yes,cellular,aug,wed,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,166,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +34,technician,single,university.degree,no,no,no,cellular,aug,wed,165,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +42,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,wed,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +53,technician,married,high.school,no,yes,no,cellular,aug,wed,169,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +53,technician,married,high.school,no,yes,no,cellular,aug,wed,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +40,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,302,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +50,unemployed,married,high.school,unknown,yes,yes,cellular,aug,wed,400,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,375,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +53,technician,married,high.school,no,yes,no,cellular,aug,wed,329,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,blue-collar,married,professional.course,no,yes,no,cellular,aug,wed,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,technician,single,professional.course,no,no,no,cellular,aug,wed,341,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +38,admin.,single,high.school,no,yes,no,cellular,aug,wed,246,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +38,admin.,single,high.school,no,no,no,cellular,aug,wed,181,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +39,admin.,single,university.degree,no,no,no,cellular,aug,wed,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,married,high.school,unknown,no,yes,cellular,aug,wed,212,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,wed,547,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +46,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +59,housemaid,married,basic.4y,unknown,no,no,cellular,aug,wed,148,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,unknown,married,unknown,no,yes,no,cellular,aug,wed,174,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,high.school,no,yes,no,cellular,aug,wed,113,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,aug,wed,68,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,high.school,no,no,no,cellular,aug,wed,232,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +57,blue-collar,married,unknown,unknown,yes,no,cellular,aug,wed,376,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,wed,199,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,179,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,aug,wed,150,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,aug,wed,2191,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +57,retired,married,basic.4y,unknown,no,no,cellular,aug,wed,185,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,wed,166,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +44,technician,married,professional.course,unknown,unknown,unknown,cellular,aug,wed,275,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +34,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,388,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +53,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,165,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +55,retired,married,basic.4y,unknown,yes,yes,cellular,aug,wed,89,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +59,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,wed,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,divorced,professional.course,no,yes,no,cellular,aug,wed,254,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +50,unemployed,married,high.school,unknown,yes,no,cellular,aug,wed,344,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,1044,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +33,technician,single,professional.course,no,yes,no,cellular,aug,wed,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,wed,244,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,wed,84,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,wed,290,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,wed,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,365,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,384,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,wed,732,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +52,technician,divorced,university.degree,no,yes,yes,cellular,aug,wed,100,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +47,admin.,married,high.school,unknown,yes,no,cellular,aug,wed,136,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,admin.,married,high.school,no,no,no,cellular,aug,wed,301,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,aug,wed,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,university.degree,no,unknown,unknown,cellular,aug,wed,184,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +29,technician,single,university.degree,no,yes,yes,cellular,aug,wed,44,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,retired,married,basic.9y,no,yes,no,cellular,aug,wed,45,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,wed,411,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +43,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +56,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,188,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +52,technician,single,professional.course,no,yes,no,cellular,aug,wed,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +49,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,entrepreneur,married,basic.9y,no,no,no,cellular,aug,wed,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,entrepreneur,married,basic.9y,no,no,no,cellular,aug,wed,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +56,retired,married,basic.4y,unknown,yes,no,cellular,aug,wed,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,admin.,married,professional.course,no,no,no,cellular,aug,wed,265,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +56,retired,married,basic.4y,unknown,yes,no,cellular,aug,wed,198,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +41,admin.,divorced,high.school,no,no,no,cellular,aug,wed,170,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,aug,wed,312,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +44,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,438,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,retired,married,basic.9y,no,yes,no,cellular,aug,wed,601,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,83,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,wed,39,6,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +58,blue-collar,married,basic.4y,no,yes,no,cellular,aug,wed,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,management,married,university.degree,unknown,no,no,cellular,aug,wed,168,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,married,high.school,no,no,no,cellular,aug,wed,64,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +47,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,wed,55,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +59,technician,married,professional.course,no,no,no,cellular,aug,wed,378,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +55,admin.,married,university.degree,unknown,no,yes,cellular,aug,wed,308,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,432,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +56,retired,married,basic.4y,no,yes,no,cellular,aug,wed,240,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,professional.course,no,yes,no,telephone,aug,wed,115,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,technician,married,professional.course,no,no,no,cellular,aug,wed,851,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +59,housemaid,married,basic.4y,unknown,no,no,cellular,aug,wed,291,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,wed,224,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +60,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,165,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,aug,wed,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,admin.,married,university.degree,no,no,no,cellular,aug,wed,996,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +34,technician,married,university.degree,no,yes,yes,cellular,aug,wed,83,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +51,technician,married,high.school,unknown,no,no,cellular,aug,wed,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +36,self-employed,married,basic.4y,unknown,yes,no,cellular,aug,wed,175,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +50,admin.,married,university.degree,no,no,no,cellular,aug,wed,536,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +44,technician,divorced,professional.course,no,yes,no,cellular,aug,wed,1552,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +48,blue-collar,married,unknown,no,yes,yes,cellular,aug,wed,742,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +54,technician,married,professional.course,no,no,no,cellular,aug,wed,171,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,admin.,married,university.degree,no,yes,no,cellular,aug,wed,203,7,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +41,admin.,single,university.degree,unknown,yes,yes,cellular,aug,wed,132,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +42,management,married,high.school,no,no,no,cellular,aug,wed,588,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +34,unknown,married,unknown,unknown,no,no,cellular,aug,wed,245,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,admin.,single,university.degree,no,unknown,unknown,cellular,aug,wed,311,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,technician,single,professional.course,no,no,yes,cellular,aug,wed,175,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,wed,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +47,management,married,university.degree,no,yes,no,cellular,aug,wed,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +34,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,184,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +34,admin.,single,university.degree,unknown,no,no,cellular,aug,wed,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,admin.,divorced,high.school,no,yes,yes,cellular,aug,wed,192,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +36,technician,single,professional.course,no,no,no,cellular,aug,wed,275,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,blue-collar,married,basic.4y,no,yes,no,cellular,aug,wed,269,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +41,technician,married,high.school,no,no,no,cellular,aug,wed,209,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,130,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +34,admin.,married,professional.course,no,yes,no,cellular,aug,wed,276,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,management,married,university.degree,no,yes,no,cellular,aug,wed,54,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,entrepreneur,married,university.degree,no,no,no,cellular,aug,wed,83,7,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,management,married,university.degree,no,yes,no,cellular,aug,wed,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,459,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,739,1,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +42,admin.,married,university.degree,no,no,no,cellular,aug,wed,21,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,wed,252,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +46,management,married,high.school,no,no,no,cellular,aug,wed,322,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +43,technician,married,professional.course,unknown,no,no,cellular,aug,wed,54,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +58,retired,married,professional.course,no,yes,no,cellular,aug,wed,406,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,wed,127,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,wed,395,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +42,admin.,single,university.degree,no,no,no,cellular,aug,wed,286,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +57,blue-collar,married,basic.6y,no,no,no,cellular,aug,wed,433,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +43,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,57,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +59,retired,married,high.school,no,no,no,cellular,aug,wed,292,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +48,admin.,married,high.school,unknown,no,no,cellular,aug,wed,562,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +34,admin.,divorced,high.school,no,no,no,cellular,aug,wed,176,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +53,technician,single,professional.course,no,no,no,cellular,aug,wed,293,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +54,retired,married,high.school,no,no,no,cellular,aug,wed,543,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +42,technician,married,professional.course,no,yes,no,cellular,aug,wed,685,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,technician,married,high.school,no,yes,yes,cellular,aug,wed,45,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +45,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,61,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +35,self-employed,married,basic.4y,unknown,unknown,unknown,cellular,aug,wed,227,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +43,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,79,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +37,admin.,married,university.degree,no,no,no,cellular,aug,wed,426,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,services,married,professional.course,unknown,no,yes,cellular,aug,wed,80,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,236,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +29,technician,single,university.degree,no,yes,yes,cellular,aug,wed,626,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +41,technician,married,high.school,no,yes,yes,cellular,aug,wed,105,6,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,275,9,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +49,management,married,university.degree,no,unknown,unknown,cellular,aug,wed,178,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +55,admin.,married,university.degree,no,no,no,cellular,aug,wed,54,6,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,226,5,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +29,management,married,university.degree,no,no,yes,cellular,aug,wed,181,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +47,entrepreneur,married,basic.6y,unknown,no,no,telephone,aug,wed,244,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +30,self-employed,single,university.degree,no,yes,yes,cellular,aug,wed,131,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +39,technician,married,high.school,no,yes,yes,cellular,aug,wed,132,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +47,management,married,university.degree,no,yes,yes,cellular,aug,wed,135,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +49,housemaid,married,university.degree,no,yes,no,cellular,aug,wed,210,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +31,technician,single,university.degree,no,yes,yes,cellular,aug,wed,107,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +52,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,wed,1250,4,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +42,technician,married,professional.course,no,yes,yes,cellular,aug,wed,40,2,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,no +43,admin.,single,university.degree,no,no,yes,cellular,aug,wed,1471,7,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +46,management,married,high.school,no,yes,yes,cellular,aug,wed,1456,3,999,0,nonexistent,1.4,93.444,-36.1,4.967,5228.1,yes +35,technician,married,professional.course,no,yes,yes,cellular,aug,thu,122,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,technician,married,professional.course,no,yes,no,cellular,aug,thu,108,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,technician,divorced,professional.course,no,no,no,cellular,aug,thu,110,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,unemployed,married,high.school,no,no,no,cellular,aug,thu,186,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +43,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,297,7,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,technician,married,high.school,no,no,no,cellular,aug,thu,157,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,technician,married,unknown,unknown,yes,yes,cellular,aug,thu,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,technician,married,high.school,unknown,no,no,cellular,aug,thu,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,university.degree,no,yes,yes,cellular,aug,thu,1288,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +36,admin.,married,university.degree,no,no,no,cellular,aug,thu,187,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,59,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,420,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,aug,thu,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,blue-collar,married,basic.4y,no,no,no,cellular,aug,thu,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,technician,single,professional.course,no,no,no,cellular,aug,thu,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,technician,single,professional.course,no,yes,no,cellular,aug,thu,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,aug,thu,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,thu,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,267,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,thu,74,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,no,yes,cellular,aug,thu,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,thu,318,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,aug,thu,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,thu,402,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,aug,thu,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,aug,thu,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,university.degree,unknown,no,no,cellular,aug,thu,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,51,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,married,high.school,no,no,no,cellular,aug,thu,51,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,technician,single,university.degree,no,no,no,cellular,aug,thu,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,university.degree,unknown,no,no,cellular,aug,thu,666,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,thu,395,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +38,admin.,married,university.degree,no,no,no,cellular,aug,thu,326,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,technician,single,university.degree,no,yes,no,cellular,aug,thu,292,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,admin.,married,high.school,no,no,no,cellular,aug,thu,663,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +51,housemaid,married,basic.4y,unknown,no,yes,cellular,aug,thu,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,student,single,university.degree,no,no,no,cellular,aug,thu,387,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,aug,thu,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,thu,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,technician,single,professional.course,no,yes,no,cellular,aug,thu,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,85,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,thu,287,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,aug,thu,1056,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +46,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,thu,48,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,technician,married,professional.course,no,yes,no,cellular,aug,thu,253,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,services,single,high.school,no,yes,no,cellular,aug,thu,228,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,thu,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,student,single,university.degree,no,yes,yes,cellular,aug,thu,358,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,self-employed,married,basic.4y,no,no,yes,cellular,aug,thu,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,84,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,admin.,married,unknown,no,no,no,cellular,aug,thu,262,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,thu,224,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,thu,274,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,technician,married,university.degree,no,yes,yes,cellular,aug,thu,22,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +54,blue-collar,married,basic.4y,unknown,yes,no,telephone,aug,thu,309,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,technician,single,professional.course,no,no,no,cellular,aug,thu,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,technician,married,university.degree,no,yes,no,cellular,aug,thu,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,thu,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,thu,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,self-employed,married,basic.4y,unknown,yes,no,cellular,aug,thu,63,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,university.degree,no,yes,yes,cellular,aug,thu,30,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,1462,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,university.degree,no,yes,yes,cellular,aug,thu,205,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,university.degree,no,no,no,cellular,aug,thu,165,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,blue-collar,married,basic.9y,no,yes,no,cellular,aug,thu,152,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,technician,single,high.school,no,no,no,cellular,aug,thu,225,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,thu,228,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,36,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,aug,thu,199,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,thu,154,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,admin.,married,university.degree,unknown,yes,yes,cellular,aug,thu,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,admin.,single,university.degree,unknown,yes,no,cellular,aug,thu,566,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +45,blue-collar,married,professional.course,no,yes,no,cellular,aug,thu,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,1834,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,blue-collar,married,professional.course,no,no,no,cellular,aug,thu,398,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,housemaid,married,university.degree,no,yes,yes,cellular,aug,thu,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,thu,148,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,retired,married,high.school,unknown,yes,no,cellular,aug,thu,674,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +43,admin.,single,university.degree,no,no,yes,cellular,aug,thu,306,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,no,yes,cellular,aug,thu,196,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,1327,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +31,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,46,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,services,single,high.school,no,yes,no,cellular,aug,thu,235,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,359,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +59,retired,married,professional.course,no,no,no,cellular,aug,thu,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,retired,married,professional.course,no,yes,yes,cellular,aug,thu,173,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,technician,divorced,university.degree,no,yes,yes,cellular,aug,thu,526,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +33,technician,married,high.school,no,no,yes,cellular,aug,thu,401,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +48,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,thu,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,technician,divorced,university.degree,no,no,no,cellular,aug,thu,140,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,technician,divorced,university.degree,no,yes,no,cellular,aug,thu,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,technician,divorced,university.degree,no,no,no,cellular,aug,thu,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,housemaid,divorced,basic.9y,no,yes,no,cellular,aug,thu,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,single,university.degree,unknown,no,yes,cellular,aug,thu,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,single,university.degree,unknown,yes,no,cellular,aug,thu,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,university.degree,no,no,no,cellular,aug,thu,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,management,married,university.degree,unknown,yes,yes,cellular,aug,thu,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,thu,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,thu,137,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,85,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,thu,251,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,services,married,basic.4y,unknown,no,no,cellular,aug,thu,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,services,married,basic.4y,unknown,yes,no,cellular,aug,thu,137,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,admin.,single,high.school,no,yes,no,cellular,aug,thu,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,admin.,single,high.school,no,no,yes,cellular,aug,thu,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,admin.,single,high.school,no,unknown,unknown,cellular,aug,thu,125,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,admin.,single,high.school,no,no,no,cellular,aug,thu,257,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +55,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,admin.,married,basic.9y,unknown,no,yes,cellular,aug,thu,86,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,management,married,university.degree,no,yes,no,cellular,aug,thu,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,thu,493,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,admin.,married,basic.6y,unknown,no,no,cellular,aug,thu,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,admin.,married,high.school,unknown,yes,no,cellular,aug,thu,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,169,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,services,married,basic.6y,no,yes,no,cellular,aug,thu,181,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.9y,unknown,yes,yes,cellular,aug,thu,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,admin.,single,university.degree,no,yes,no,cellular,aug,thu,156,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,blue-collar,single,high.school,no,yes,no,cellular,aug,thu,296,7,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,married,high.school,no,no,no,cellular,aug,thu,57,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,thu,14,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,technician,single,university.degree,no,no,no,cellular,aug,thu,185,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,thu,306,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,aug,thu,61,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,unemployed,divorced,university.degree,unknown,yes,no,cellular,aug,thu,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,admin.,single,high.school,no,yes,yes,cellular,aug,thu,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,unemployed,divorced,university.degree,unknown,yes,no,cellular,aug,thu,229,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,aug,thu,103,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,thu,203,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,aug,thu,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,aug,thu,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,thu,106,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,self-employed,married,basic.4y,no,no,no,cellular,aug,thu,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,admin.,married,university.degree,unknown,no,no,cellular,aug,thu,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,244,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +59,retired,married,high.school,no,unknown,unknown,telephone,aug,thu,204,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,technician,divorced,university.degree,no,yes,no,cellular,aug,thu,197,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,technician,single,university.degree,no,no,no,cellular,aug,thu,119,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,admin.,married,university.degree,no,no,no,cellular,aug,thu,88,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,housemaid,married,basic.4y,no,no,no,cellular,aug,thu,231,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,thu,112,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,admin.,single,high.school,no,no,yes,cellular,aug,thu,216,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,retired,married,high.school,unknown,yes,no,cellular,aug,thu,252,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,unknown,yes,yes,cellular,aug,thu,259,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,services,married,professional.course,unknown,yes,no,cellular,aug,thu,133,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,blue-collar,married,basic.9y,no,yes,no,cellular,aug,thu,89,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,thu,504,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,aug,thu,84,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,admin.,married,university.degree,no,no,no,cellular,aug,thu,84,10,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,services,married,basic.4y,unknown,no,yes,cellular,aug,thu,187,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,self-employed,married,basic.4y,no,yes,yes,cellular,aug,thu,266,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,married,high.school,no,no,no,cellular,aug,thu,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,services,single,professional.course,no,yes,yes,cellular,aug,thu,99,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,thu,643,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,technician,married,professional.course,no,yes,no,cellular,aug,thu,107,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,aug,thu,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,technician,married,professional.course,no,yes,no,cellular,aug,thu,122,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,thu,89,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,management,married,university.degree,unknown,yes,no,cellular,aug,thu,109,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,thu,228,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,thu,30,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,management,married,university.degree,no,yes,no,cellular,aug,thu,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,management,married,university.degree,no,no,no,cellular,aug,thu,1321,6,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +45,self-employed,married,basic.4y,no,yes,yes,cellular,aug,thu,797,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +50,admin.,married,university.degree,no,no,no,cellular,aug,thu,407,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,management,married,high.school,no,no,no,cellular,aug,thu,276,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,thu,59,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,thu,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,services,married,unknown,no,yes,no,cellular,aug,thu,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,admin.,divorced,university.degree,no,no,yes,cellular,aug,thu,205,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,admin.,married,university.degree,no,no,no,cellular,aug,thu,436,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,technician,married,professional.course,unknown,no,yes,cellular,aug,thu,190,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,thu,360,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +54,admin.,single,university.degree,unknown,no,no,cellular,aug,thu,218,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,thu,174,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,entrepreneur,married,university.degree,no,no,no,cellular,aug,thu,254,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,admin.,married,basic.9y,no,no,no,cellular,aug,thu,73,6,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,admin.,married,high.school,no,yes,no,cellular,aug,thu,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,admin.,married,high.school,no,no,no,cellular,aug,thu,214,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,management,married,university.degree,no,no,yes,cellular,aug,thu,82,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,self-employed,married,basic.4y,no,no,no,cellular,aug,thu,65,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,thu,194,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,aug,thu,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,services,married,basic.4y,unknown,no,no,cellular,aug,thu,118,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,unemployed,married,professional.course,unknown,no,no,cellular,aug,thu,105,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,technician,married,professional.course,no,no,no,cellular,aug,thu,139,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,student,married,professional.course,unknown,yes,no,cellular,aug,thu,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,student,married,professional.course,unknown,no,no,cellular,aug,thu,266,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,admin.,single,university.degree,no,no,no,telephone,aug,thu,118,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,140,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,management,married,high.school,no,no,no,cellular,aug,thu,3422,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +49,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,238,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,unknown,married,unknown,unknown,no,no,cellular,aug,thu,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,thu,159,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,management,married,university.degree,no,yes,no,cellular,aug,thu,20,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,management,married,university.degree,no,no,no,cellular,aug,thu,152,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,self-employed,married,university.degree,no,no,no,cellular,aug,thu,314,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,technician,single,professional.course,no,yes,yes,cellular,aug,thu,414,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,services,single,high.school,no,yes,no,cellular,aug,thu,122,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,thu,163,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,115,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,thu,83,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,aug,thu,108,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +57,technician,married,high.school,no,no,no,cellular,aug,thu,1230,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,thu,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,divorced,high.school,no,yes,no,cellular,aug,thu,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,aug,thu,110,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,thu,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +57,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,74,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,married,high.school,unknown,yes,no,cellular,aug,thu,165,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,446,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +54,admin.,married,university.degree,no,yes,no,cellular,aug,thu,201,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,housemaid,married,high.school,unknown,no,no,cellular,aug,thu,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,housemaid,married,high.school,unknown,yes,no,cellular,aug,thu,481,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,technician,married,professional.course,unknown,no,no,cellular,aug,thu,166,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +54,self-employed,married,basic.9y,unknown,yes,no,cellular,aug,thu,429,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +57,admin.,single,university.degree,no,no,no,cellular,aug,thu,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,admin.,single,university.degree,no,yes,no,cellular,aug,thu,408,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,198,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,thu,180,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,entrepreneur,married,professional.course,no,yes,yes,cellular,aug,thu,184,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +41,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,339,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,technician,married,professional.course,no,yes,no,cellular,aug,thu,291,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,married,high.school,no,yes,no,cellular,aug,thu,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,thu,162,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,management,married,high.school,no,no,no,cellular,aug,thu,402,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +47,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,235,7,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +36,admin.,married,high.school,unknown,no,no,cellular,aug,thu,324,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,married,high.school,no,no,no,cellular,aug,thu,876,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +48,admin.,married,university.degree,no,yes,no,cellular,aug,thu,321,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,thu,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,blue-collar,married,basic.9y,no,no,no,cellular,aug,thu,524,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,thu,122,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,housemaid,married,basic.4y,no,no,no,cellular,aug,thu,235,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,housemaid,married,basic.4y,no,yes,no,cellular,aug,thu,248,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,technician,married,university.degree,unknown,yes,no,cellular,aug,thu,409,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,unknown,unknown,unknown,unknown,cellular,aug,thu,642,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,admin.,married,basic.9y,no,yes,no,cellular,aug,thu,61,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,admin.,married,basic.9y,no,no,no,cellular,aug,thu,84,1,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +55,retired,married,professional.course,no,yes,no,cellular,aug,thu,181,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,thu,1934,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,married,professional.course,no,yes,no,cellular,aug,thu,88,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,technician,married,high.school,no,yes,no,cellular,aug,thu,452,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,admin.,married,basic.9y,no,no,no,cellular,aug,thu,524,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,technician,married,professional.course,no,yes,no,cellular,aug,thu,124,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +42,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,51,7,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +52,technician,single,professional.course,no,yes,no,cellular,aug,thu,365,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,management,married,high.school,no,no,no,cellular,aug,thu,82,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,thu,90,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +60,retired,married,professional.course,no,yes,no,cellular,aug,thu,448,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,divorced,university.degree,no,yes,no,telephone,aug,thu,262,7,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,thu,37,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,aug,thu,217,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +40,admin.,single,university.degree,no,yes,no,cellular,aug,thu,123,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,thu,336,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +55,admin.,married,unknown,unknown,yes,no,cellular,aug,thu,197,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,self-employed,married,university.degree,no,no,no,cellular,aug,thu,242,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,aug,thu,773,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +49,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,142,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,unemployed,married,professional.course,unknown,yes,no,cellular,aug,thu,147,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,aug,thu,161,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,thu,1336,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +45,blue-collar,married,high.school,unknown,no,no,cellular,aug,thu,124,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,admin.,married,university.degree,no,no,yes,cellular,aug,thu,260,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,thu,111,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +48,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,thu,96,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,unemployed,married,professional.course,unknown,yes,no,cellular,aug,thu,191,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +50,entrepreneur,married,professional.course,unknown,yes,no,cellular,aug,thu,293,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +44,self-employed,married,university.degree,no,no,no,cellular,aug,thu,107,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +37,housemaid,married,high.school,unknown,no,yes,cellular,aug,thu,534,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,158,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,housemaid,married,basic.6y,no,yes,no,cellular,aug,thu,256,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +58,unemployed,married,professional.course,unknown,no,no,cellular,aug,thu,123,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,thu,259,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,single,university.degree,no,no,yes,cellular,aug,thu,173,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,452,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,yes +36,admin.,married,high.school,unknown,yes,yes,cellular,aug,thu,163,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,technician,married,university.degree,no,no,no,telephone,aug,thu,430,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,thu,258,2,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +45,blue-collar,married,basic.4y,no,yes,yes,cellular,aug,thu,163,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,technician,married,university.degree,no,yes,yes,cellular,aug,thu,265,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,management,married,university.degree,no,yes,no,telephone,aug,thu,35,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,thu,191,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,thu,152,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,93,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,thu,385,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +59,unemployed,married,professional.course,no,no,no,cellular,aug,thu,82,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,thu,112,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,thu,419,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +56,admin.,married,basic.4y,no,no,no,cellular,aug,thu,82,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,admin.,married,high.school,no,no,no,cellular,aug,thu,390,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +30,admin.,single,university.degree,no,no,yes,cellular,aug,thu,185,4,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,services,married,basic.6y,no,yes,no,cellular,aug,thu,160,3,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +51,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,218,6,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +46,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,721,5,999,0,nonexistent,1.4,93.444,-36.1,4.968,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,fri,201,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,management,married,high.school,no,no,no,cellular,aug,fri,215,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,technician,married,high.school,unknown,yes,no,cellular,aug,fri,152,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,self-employed,married,university.degree,no,no,no,cellular,aug,fri,36,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,blue-collar,married,professional.course,no,no,no,cellular,aug,fri,90,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,fri,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,fri,231,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,fri,129,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,fri,193,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +31,entrepreneur,married,university.degree,no,yes,no,cellular,aug,fri,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,entrepreneur,married,university.degree,no,no,no,cellular,aug,fri,188,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,191,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,entrepreneur,married,professional.course,unknown,yes,no,cellular,aug,fri,1306,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +35,technician,married,high.school,no,no,no,telephone,aug,fri,243,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +31,admin.,married,university.degree,no,no,yes,cellular,aug,fri,96,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,married,professional.course,no,no,no,cellular,aug,fri,188,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,married,professional.course,unknown,yes,no,cellular,aug,fri,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,fri,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,high.school,no,no,no,cellular,aug,fri,52,8,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,550,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,services,married,high.school,no,no,no,cellular,aug,fri,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +57,admin.,married,university.degree,unknown,yes,no,cellular,aug,fri,161,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,technician,divorced,professional.course,no,no,yes,cellular,aug,fri,50,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,unemployed,married,professional.course,unknown,no,no,cellular,aug,fri,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,divorced,university.degree,no,yes,no,cellular,aug,fri,207,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,unemployed,married,professional.course,unknown,yes,no,cellular,aug,fri,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +57,retired,married,professional.course,no,yes,no,cellular,aug,fri,282,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,high.school,unknown,no,no,cellular,aug,fri,442,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,aug,fri,299,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,self-employed,married,basic.9y,no,yes,no,cellular,aug,fri,146,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,housemaid,married,basic.9y,no,yes,no,cellular,aug,fri,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,technician,married,university.degree,unknown,no,no,cellular,aug,fri,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,fri,31,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,fri,292,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,aug,fri,161,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,blue-collar,married,high.school,no,no,no,cellular,aug,fri,161,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,entrepreneur,married,basic.9y,no,no,no,cellular,aug,fri,169,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,207,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,205,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,management,married,university.degree,no,yes,no,cellular,aug,fri,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,admin.,married,high.school,no,yes,no,cellular,aug,fri,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,technician,married,high.school,no,yes,yes,cellular,aug,fri,243,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,fri,60,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,retired,married,high.school,no,yes,no,cellular,aug,fri,166,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,services,married,high.school,no,yes,no,cellular,aug,fri,207,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,fri,193,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,blue-collar,married,basic.9y,no,yes,no,cellular,aug,fri,129,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,services,married,high.school,no,yes,yes,cellular,aug,fri,502,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,technician,married,professional.course,unknown,no,no,cellular,aug,fri,49,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,fri,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,management,married,university.degree,no,no,no,cellular,aug,fri,31,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,management,married,university.degree,no,no,no,cellular,aug,fri,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,married,professional.course,unknown,no,no,cellular,aug,fri,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,admin.,divorced,university.degree,no,no,no,cellular,aug,fri,85,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,admin.,divorced,high.school,no,no,no,cellular,aug,fri,215,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,technician,divorced,professional.course,no,no,no,cellular,aug,fri,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,fri,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,191,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,fri,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +56,housemaid,married,basic.4y,unknown,no,no,cellular,aug,fri,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,102,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,management,married,university.degree,no,no,no,cellular,aug,fri,261,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,technician,single,university.degree,no,yes,yes,cellular,aug,fri,150,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,blue-collar,married,professional.course,no,no,no,cellular,aug,fri,258,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,services,married,high.school,no,yes,no,cellular,aug,fri,241,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,aug,fri,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,technician,married,university.degree,unknown,no,no,cellular,aug,fri,109,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,self-employed,married,basic.9y,no,yes,no,cellular,aug,fri,97,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,994,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +57,technician,married,high.school,unknown,no,yes,cellular,aug,fri,257,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,fri,175,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,admin.,single,university.degree,no,no,no,cellular,aug,fri,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,married,professional.course,no,no,no,cellular,aug,fri,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,married,professional.course,no,no,no,cellular,aug,fri,172,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,management,married,high.school,unknown,yes,no,cellular,aug,fri,41,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,aug,fri,169,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,fri,198,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +56,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,151,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,507,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +36,technician,married,professional.course,no,yes,no,cellular,aug,fri,197,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,admin.,married,professional.course,no,yes,no,cellular,aug,fri,130,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,admin.,single,university.degree,no,no,no,cellular,aug,fri,84,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,self-employed,single,university.degree,no,yes,no,cellular,aug,fri,118,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,admin.,single,university.degree,unknown,no,no,cellular,aug,fri,257,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +57,technician,married,high.school,unknown,no,no,cellular,aug,fri,784,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +37,admin.,single,university.degree,no,no,no,cellular,aug,fri,89,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,housemaid,married,basic.4y,no,no,no,cellular,aug,fri,172,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,admin.,married,high.school,no,no,no,cellular,aug,fri,151,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,admin.,married,high.school,no,yes,no,cellular,aug,fri,183,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,fri,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,admin.,married,high.school,unknown,no,no,cellular,aug,fri,45,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,249,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,fri,472,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,university.degree,unknown,yes,no,cellular,aug,fri,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,admin.,married,high.school,unknown,yes,yes,cellular,aug,fri,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,university.degree,unknown,no,no,cellular,aug,fri,298,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,technician,single,high.school,no,no,no,cellular,aug,fri,31,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,admin.,single,university.degree,no,no,no,cellular,aug,fri,353,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,married,professional.course,unknown,no,no,cellular,aug,fri,201,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,technician,single,high.school,no,no,no,cellular,aug,fri,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,admin.,married,university.degree,no,unknown,unknown,cellular,aug,fri,74,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,admin.,married,professional.course,no,yes,no,cellular,aug,fri,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,housemaid,married,university.degree,unknown,no,yes,cellular,aug,fri,189,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,admin.,married,professional.course,no,no,no,cellular,aug,fri,385,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,fri,233,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,admin.,married,university.degree,no,yes,no,cellular,aug,fri,124,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,entrepreneur,married,high.school,no,unknown,unknown,cellular,aug,fri,86,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,services,married,basic.4y,no,no,no,cellular,aug,fri,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,services,married,high.school,unknown,yes,yes,cellular,aug,fri,34,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,services,married,high.school,unknown,yes,yes,cellular,aug,fri,324,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,unknown,no,no,cellular,aug,fri,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,aug,fri,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,aug,fri,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,aug,fri,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,fri,235,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,technician,married,professional.course,unknown,unknown,unknown,cellular,aug,fri,254,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,divorced,university.degree,no,unknown,unknown,cellular,aug,fri,316,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,151,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,cellular,aug,fri,809,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +60,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,technician,married,professional.course,no,yes,no,cellular,aug,fri,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,technician,married,professional.course,no,yes,no,cellular,aug,fri,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,admin.,married,university.degree,unknown,no,no,cellular,aug,fri,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,admin.,married,high.school,unknown,no,no,cellular,aug,fri,49,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,523,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +39,management,married,university.degree,no,no,no,cellular,aug,fri,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,technician,married,university.degree,no,no,no,cellular,aug,fri,321,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,management,married,university.degree,no,no,no,cellular,aug,fri,224,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,self-employed,married,professional.course,no,no,no,cellular,aug,fri,309,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,admin.,married,basic.9y,no,no,no,cellular,aug,fri,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,admin.,married,basic.9y,no,yes,no,cellular,aug,fri,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +55,admin.,married,professional.course,no,yes,no,cellular,aug,fri,348,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.6y,no,yes,no,cellular,aug,fri,433,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,married,university.degree,no,yes,no,cellular,aug,fri,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,married,university.degree,no,yes,no,cellular,aug,fri,167,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,married,university.degree,no,unknown,unknown,cellular,aug,fri,248,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,technician,married,university.degree,no,yes,no,cellular,aug,fri,103,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,fri,417,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,fri,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,admin.,married,university.degree,no,no,yes,cellular,aug,fri,200,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,fri,189,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,fri,201,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,fri,50,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,admin.,married,high.school,no,yes,no,cellular,aug,fri,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,aug,fri,192,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,unknown,no,no,cellular,aug,fri,521,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,housemaid,married,basic.4y,unknown,no,no,cellular,aug,fri,253,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,fri,172,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,fri,63,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,fri,73,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,technician,married,high.school,no,yes,no,cellular,aug,fri,419,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +34,technician,married,professional.course,no,no,yes,cellular,aug,fri,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,169,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,aug,fri,142,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,fri,385,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,admin.,married,high.school,unknown,unknown,unknown,cellular,aug,fri,215,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,single,professional.course,no,no,yes,cellular,aug,fri,100,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,technician,single,university.degree,no,yes,no,cellular,aug,fri,117,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,services,married,high.school,unknown,yes,no,cellular,aug,fri,629,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,fri,82,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,married,university.degree,no,no,yes,cellular,aug,fri,133,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,admin.,single,university.degree,unknown,yes,no,cellular,aug,fri,876,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,admin.,married,high.school,unknown,no,no,cellular,aug,fri,61,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,single,professional.course,no,yes,yes,cellular,aug,fri,125,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,single,high.school,no,yes,no,cellular,aug,fri,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,services,married,high.school,no,yes,no,cellular,aug,fri,236,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,fri,194,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,technician,divorced,high.school,unknown,yes,no,cellular,aug,fri,229,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,fri,445,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,148,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,unknown,no,no,cellular,aug,fri,140,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,divorced,university.degree,no,no,no,cellular,aug,fri,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,technician,married,university.degree,no,no,yes,cellular,aug,fri,124,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,admin.,married,basic.9y,unknown,no,no,cellular,aug,fri,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,admin.,single,university.degree,no,no,yes,telephone,aug,fri,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,aug,fri,362,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,services,married,basic.6y,no,yes,no,cellular,aug,fri,16,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,high.school,no,no,no,cellular,aug,fri,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +60,admin.,married,university.degree,no,no,no,cellular,aug,fri,176,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,fri,51,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,blue-collar,married,unknown,unknown,yes,no,cellular,aug,fri,310,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +57,retired,married,unknown,unknown,no,no,cellular,aug,fri,153,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,divorced,professional.course,no,no,no,cellular,aug,fri,780,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +48,technician,married,university.degree,unknown,no,no,cellular,aug,fri,66,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,single,high.school,unknown,no,no,telephone,aug,fri,46,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,professional.course,unknown,no,no,cellular,aug,fri,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,professional.course,unknown,no,no,cellular,aug,fri,185,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,fri,255,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,fri,459,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +30,technician,single,professional.course,no,no,no,cellular,aug,fri,153,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,single,professional.course,no,yes,no,cellular,aug,fri,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,admin.,single,university.degree,no,no,no,cellular,aug,fri,62,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,fri,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,aug,fri,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,unknown,no,no,cellular,aug,fri,97,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,fri,335,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,blue-collar,married,basic.6y,no,yes,no,cellular,aug,fri,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,119,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,self-employed,married,basic.9y,unknown,no,no,cellular,aug,fri,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,divorced,high.school,no,no,no,cellular,aug,fri,178,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,management,married,university.degree,no,yes,no,cellular,aug,fri,156,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,services,married,professional.course,no,no,yes,cellular,aug,fri,173,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,technician,married,university.degree,no,no,no,cellular,aug,fri,74,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,fri,79,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,fri,193,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,divorced,university.degree,no,yes,no,cellular,aug,fri,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,self-employed,married,basic.9y,unknown,no,no,cellular,aug,fri,1000,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +35,admin.,married,university.degree,no,yes,no,cellular,aug,fri,494,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,fri,172,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,admin.,married,university.degree,unknown,yes,no,cellular,aug,fri,273,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,divorced,university.degree,no,no,no,cellular,aug,fri,519,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +41,technician,divorced,university.degree,no,yes,no,cellular,aug,fri,167,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,admin.,divorced,university.degree,no,no,no,cellular,aug,fri,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,divorced,university.degree,no,yes,no,cellular,aug,fri,191,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,divorced,high.school,no,yes,yes,cellular,aug,fri,63,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,admin.,divorced,university.degree,no,yes,yes,cellular,aug,fri,204,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,technician,married,professional.course,unknown,yes,no,cellular,aug,fri,127,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,entrepreneur,married,university.degree,no,no,no,cellular,aug,fri,83,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,fri,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,fri,52,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,housemaid,married,basic.4y,no,yes,no,cellular,aug,fri,448,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,admin.,married,high.school,no,no,no,cellular,aug,fri,528,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,fri,140,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.6y,no,no,no,cellular,aug,fri,733,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +52,blue-collar,married,basic.6y,unknown,no,no,cellular,aug,fri,88,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,fri,580,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +38,technician,married,professional.course,no,no,no,cellular,aug,fri,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,fri,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,single,professional.course,no,no,no,cellular,aug,fri,72,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,fri,258,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,professional.course,no,yes,no,cellular,aug,fri,848,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +58,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,173,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,aug,fri,406,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,fri,229,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.6y,no,yes,no,cellular,aug,fri,604,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,self-employed,married,university.degree,no,no,no,cellular,aug,fri,1242,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +53,entrepreneur,married,university.degree,no,yes,no,cellular,aug,fri,899,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,services,married,high.school,unknown,yes,no,cellular,aug,fri,889,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,unemployed,married,university.degree,no,yes,no,cellular,aug,fri,420,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,divorced,university.degree,no,yes,yes,cellular,aug,fri,515,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,79,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,housemaid,married,basic.6y,unknown,no,no,cellular,aug,fri,71,8,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +57,retired,married,basic.9y,unknown,yes,no,cellular,aug,fri,27,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,blue-collar,married,high.school,no,no,no,cellular,aug,fri,358,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,professional.course,unknown,no,yes,cellular,aug,fri,498,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,married,university.degree,no,unknown,unknown,cellular,aug,fri,114,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,self-employed,married,university.degree,no,no,yes,cellular,aug,fri,327,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,self-employed,married,professional.course,no,unknown,unknown,cellular,aug,fri,179,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,university.degree,no,yes,no,cellular,aug,fri,306,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +57,retired,married,basic.9y,unknown,yes,no,cellular,aug,fri,189,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,aug,fri,455,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,technician,married,high.school,no,yes,yes,cellular,aug,fri,390,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +43,admin.,married,university.degree,unknown,yes,no,cellular,aug,fri,209,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,management,married,university.degree,no,no,no,cellular,aug,fri,231,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,fri,922,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +42,self-employed,married,university.degree,no,no,no,cellular,aug,fri,1206,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +42,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,219,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,divorced,professional.course,no,no,no,cellular,aug,fri,424,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,entrepreneur,married,university.degree,no,unknown,unknown,cellular,aug,fri,188,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,492,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,divorced,high.school,no,no,no,cellular,aug,fri,174,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,admin.,married,high.school,unknown,yes,no,cellular,aug,fri,453,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,59,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,divorced,high.school,no,yes,no,cellular,aug,fri,263,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,admin.,divorced,high.school,no,yes,no,cellular,aug,fri,57,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,fri,329,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,fri,166,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,72,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,management,married,university.degree,no,yes,no,cellular,aug,fri,334,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,108,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,admin.,divorced,high.school,no,no,yes,cellular,aug,fri,1567,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,blue-collar,married,high.school,no,yes,no,cellular,aug,fri,765,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,divorced,university.degree,no,yes,yes,cellular,aug,fri,89,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +43,admin.,married,university.degree,unknown,no,no,cellular,aug,fri,170,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,married,high.school,no,no,no,cellular,aug,fri,314,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,admin.,married,university.degree,no,no,yes,cellular,aug,fri,14,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,self-employed,married,university.degree,no,no,no,cellular,aug,fri,148,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,divorced,university.degree,no,yes,yes,cellular,aug,fri,116,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,married,professional.course,unknown,yes,no,cellular,aug,fri,17,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,retired,married,high.school,no,yes,no,cellular,aug,fri,293,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,445,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,admin.,married,high.school,unknown,no,no,cellular,aug,fri,262,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,fri,45,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,mon,120,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,high.school,no,no,no,cellular,aug,mon,46,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,entrepreneur,married,university.degree,unknown,yes,no,cellular,aug,mon,343,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,technician,married,professional.course,no,yes,no,telephone,aug,mon,697,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.4y,no,yes,no,cellular,aug,mon,67,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,divorced,high.school,no,yes,no,cellular,aug,mon,171,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,aug,mon,57,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,326,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,married,high.school,no,no,no,cellular,aug,mon,70,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,mon,716,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +44,blue-collar,married,basic.6y,no,no,no,cellular,aug,mon,67,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.4y,no,no,no,cellular,aug,mon,209,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,367,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,mon,255,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,mon,258,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,management,single,university.degree,no,yes,no,cellular,aug,mon,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,management,married,university.degree,no,yes,no,cellular,aug,mon,99,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,technician,married,professional.course,no,no,no,cellular,aug,mon,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,single,high.school,no,no,no,cellular,aug,mon,177,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,management,single,university.degree,no,no,no,cellular,aug,mon,413,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,divorced,university.degree,no,no,no,cellular,aug,mon,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,married,high.school,unknown,yes,yes,telephone,aug,mon,144,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,divorced,high.school,no,no,no,cellular,aug,mon,102,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,mon,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,145,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,mon,77,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,admin.,married,high.school,no,yes,no,cellular,aug,mon,210,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,no,yes,yes,cellular,aug,mon,106,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,professional.course,no,yes,yes,cellular,aug,mon,98,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,blue-collar,married,basic.4y,no,yes,yes,cellular,aug,mon,588,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,management,married,university.degree,no,yes,no,cellular,aug,mon,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,unknown,married,basic.4y,no,yes,no,cellular,aug,mon,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,married,high.school,no,no,no,cellular,aug,mon,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,high.school,no,yes,no,cellular,aug,mon,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,aug,mon,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,303,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,39,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,217,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,55,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,admin.,married,university.degree,no,unknown,unknown,cellular,aug,mon,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,retired,married,basic.9y,unknown,no,yes,cellular,aug,mon,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,667,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,aug,mon,347,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,services,married,high.school,unknown,no,no,cellular,aug,mon,33,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,services,married,high.school,no,no,no,cellular,aug,mon,212,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,admin.,married,university.degree,no,no,no,cellular,aug,mon,165,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,services,married,high.school,no,yes,yes,cellular,aug,mon,382,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,married,university.degree,no,yes,no,cellular,aug,mon,226,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,high.school,no,yes,no,cellular,aug,mon,47,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,housemaid,married,university.degree,unknown,no,yes,cellular,aug,mon,103,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,unemployed,single,university.degree,no,no,no,cellular,aug,mon,386,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +36,technician,married,professional.course,no,yes,no,cellular,aug,mon,45,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,married,high.school,no,no,no,cellular,aug,mon,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,married,high.school,no,no,no,cellular,aug,mon,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,technician,married,professional.course,unknown,no,yes,cellular,aug,mon,607,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,management,divorced,university.degree,no,yes,no,cellular,aug,mon,269,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,mon,505,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,mon,218,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,married,high.school,no,yes,no,cellular,aug,mon,758,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +32,admin.,married,university.degree,no,no,no,cellular,aug,mon,270,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,mon,187,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,services,married,high.school,no,no,no,cellular,aug,mon,565,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,mon,226,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,mon,172,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,aug,mon,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,164,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,high.school,no,yes,no,cellular,aug,mon,55,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,self-employed,married,professional.course,no,no,no,cellular,aug,mon,69,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,self-employed,married,professional.course,no,yes,no,cellular,aug,mon,323,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,aug,mon,123,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,services,married,high.school,unknown,no,no,cellular,aug,mon,138,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,married,university.degree,unknown,yes,yes,cellular,aug,mon,243,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.4y,unknown,yes,no,cellular,aug,mon,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,no,no,cellular,aug,mon,166,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,technician,married,professional.course,no,no,no,cellular,aug,mon,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,high.school,unknown,yes,no,cellular,aug,mon,102,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.4y,unknown,no,no,cellular,aug,mon,555,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +50,admin.,married,basic.4y,unknown,yes,no,cellular,aug,mon,179,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,aug,mon,187,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,services,married,high.school,unknown,no,no,cellular,aug,mon,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,257,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,mon,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,275,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,high.school,no,no,no,cellular,aug,mon,111,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,services,married,high.school,unknown,yes,no,cellular,aug,mon,99,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,married,university.degree,no,yes,no,cellular,aug,mon,57,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,single,university.degree,no,yes,no,cellular,aug,mon,101,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,blue-collar,married,basic.6y,no,yes,yes,cellular,aug,mon,104,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,housemaid,married,basic.6y,no,no,no,cellular,aug,mon,210,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,divorced,high.school,no,yes,no,cellular,aug,mon,384,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +51,technician,married,professional.course,unknown,yes,yes,cellular,aug,mon,273,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,single,professional.course,no,no,no,cellular,aug,mon,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,retired,married,basic.4y,no,no,no,cellular,aug,mon,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,aug,mon,237,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,retired,married,basic.4y,no,no,no,cellular,aug,mon,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,technician,single,high.school,no,yes,no,cellular,aug,mon,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,married,university.degree,no,no,yes,cellular,aug,mon,170,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,217,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,mon,169,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,admin.,married,university.degree,no,no,no,cellular,aug,mon,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,divorced,high.school,no,no,no,cellular,aug,mon,79,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,high.school,no,yes,no,cellular,aug,mon,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,mon,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,mon,56,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,mon,149,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,mon,246,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,admin.,single,university.degree,unknown,no,yes,cellular,aug,mon,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,retired,married,basic.4y,unknown,no,no,cellular,aug,mon,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,technician,single,high.school,no,no,no,cellular,aug,mon,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,mon,356,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,mon,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,mon,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,mon,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,no,yes,cellular,aug,mon,309,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,management,married,university.degree,no,yes,no,cellular,aug,mon,250,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,no,yes,cellular,aug,mon,545,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +39,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,316,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,management,married,university.degree,no,no,no,cellular,aug,mon,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.9y,no,yes,no,cellular,aug,mon,230,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,single,professional.course,no,yes,no,cellular,aug,mon,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,technician,married,university.degree,no,yes,no,cellular,aug,mon,204,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,no,yes,yes,cellular,aug,mon,61,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,technician,married,professional.course,no,unknown,unknown,cellular,aug,mon,52,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,married,university.degree,no,yes,no,cellular,aug,mon,242,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,mon,194,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,high.school,no,yes,no,cellular,aug,mon,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,mon,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,aug,mon,126,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,mon,317,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,professional.course,no,yes,no,cellular,aug,mon,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,professional.course,no,yes,yes,cellular,aug,mon,228,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,mon,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,single,professional.course,no,yes,yes,cellular,aug,mon,149,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,single,professional.course,no,yes,yes,cellular,aug,mon,331,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,single,professional.course,no,yes,no,cellular,aug,mon,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,mon,1070,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +36,technician,single,professional.course,no,no,no,cellular,aug,mon,209,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,aug,mon,610,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +34,technician,married,professional.course,unknown,no,no,cellular,aug,mon,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,married,university.degree,unknown,yes,no,cellular,aug,mon,140,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,management,married,university.degree,unknown,no,no,cellular,aug,mon,139,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,single,professional.course,unknown,yes,no,cellular,aug,mon,51,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,management,married,university.degree,unknown,yes,no,cellular,aug,mon,699,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,mon,591,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,high.school,no,no,no,cellular,aug,mon,452,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,married,high.school,no,no,no,cellular,aug,mon,225,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,management,married,high.school,no,no,no,cellular,aug,mon,65,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,housemaid,married,basic.6y,no,no,no,cellular,aug,mon,53,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,high.school,no,yes,yes,cellular,aug,mon,102,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,management,married,university.degree,no,yes,no,cellular,aug,mon,389,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,university.degree,unknown,yes,no,cellular,aug,mon,176,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,917,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +37,technician,married,professional.course,no,no,no,cellular,aug,mon,275,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,services,married,high.school,unknown,no,no,cellular,aug,mon,36,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,self-employed,married,university.degree,no,no,no,cellular,aug,mon,247,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,aug,mon,63,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,housemaid,married,basic.6y,no,no,no,cellular,aug,mon,104,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,housemaid,married,basic.6y,no,no,no,cellular,aug,mon,55,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,272,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,management,single,university.degree,no,no,no,cellular,aug,mon,1099,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,university.degree,no,no,yes,cellular,aug,mon,331,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,high.school,no,no,no,cellular,aug,mon,79,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,mon,108,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,aug,mon,83,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,admin.,married,university.degree,no,no,no,cellular,aug,mon,79,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,married,university.degree,no,yes,no,cellular,aug,mon,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,mon,146,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,high.school,no,yes,no,cellular,aug,mon,104,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,mon,103,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,145,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,management,married,university.degree,no,yes,no,cellular,aug,mon,230,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,married,high.school,no,yes,no,cellular,aug,mon,289,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,aug,mon,216,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,mon,189,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,self-employed,married,high.school,unknown,yes,no,cellular,aug,mon,130,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,services,married,basic.9y,no,no,no,cellular,aug,mon,744,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +35,technician,married,professional.course,no,yes,no,cellular,aug,mon,185,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,aug,mon,608,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +35,technician,married,professional.course,no,yes,no,cellular,aug,mon,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,married,high.school,no,yes,no,cellular,aug,mon,214,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,services,married,high.school,unknown,no,no,cellular,aug,mon,33,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,entrepreneur,married,university.degree,no,yes,no,cellular,aug,mon,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,mon,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,management,married,high.school,no,yes,no,telephone,aug,mon,80,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,high.school,no,yes,no,cellular,aug,mon,566,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,single,professional.course,no,no,no,cellular,aug,mon,468,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,182,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,mon,317,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,mon,370,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,married,university.degree,unknown,yes,no,cellular,aug,mon,120,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,high.school,no,yes,no,cellular,aug,mon,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,divorced,professional.course,no,yes,yes,cellular,aug,mon,63,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,admin.,married,university.degree,no,yes,no,cellular,aug,mon,27,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,management,single,university.degree,no,no,no,cellular,aug,mon,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,1141,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +50,technician,married,professional.course,unknown,no,no,cellular,aug,mon,378,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,92,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,single,high.school,unknown,no,no,cellular,aug,mon,135,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,management,married,university.degree,unknown,yes,no,cellular,aug,mon,734,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +56,retired,married,basic.4y,no,yes,no,cellular,aug,mon,153,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,blue-collar,married,basic.6y,no,no,no,cellular,aug,mon,133,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,single,university.degree,no,no,no,cellular,aug,mon,262,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,aug,mon,1238,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +32,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,149,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,382,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,unemployed,single,university.degree,no,yes,no,cellular,aug,mon,55,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,blue-collar,married,basic.6y,no,no,no,cellular,aug,mon,383,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,blue-collar,married,basic.6y,no,yes,yes,cellular,aug,mon,280,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,technician,married,professional.course,no,yes,no,telephone,aug,mon,93,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,management,married,university.degree,no,no,no,cellular,aug,mon,76,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,admin.,married,high.school,no,no,no,cellular,aug,mon,121,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,university.degree,no,no,no,cellular,aug,mon,176,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,mon,187,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,246,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,aug,mon,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,university.degree,no,no,yes,cellular,aug,mon,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,mon,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,admin.,married,professional.course,no,no,no,cellular,aug,mon,381,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,unemployed,married,university.degree,no,yes,no,cellular,aug,mon,445,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,high.school,unknown,no,no,cellular,aug,mon,129,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,71,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,housemaid,married,basic.4y,unknown,no,no,cellular,aug,mon,80,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,mon,720,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +44,admin.,married,high.school,no,yes,yes,cellular,aug,mon,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,housemaid,married,basic.4y,no,yes,no,cellular,aug,mon,173,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,retired,married,professional.course,no,no,yes,cellular,aug,mon,190,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,unknown,yes,yes,cellular,aug,mon,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,professional.course,no,unknown,unknown,cellular,aug,mon,139,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,admin.,single,university.degree,no,no,no,cellular,aug,mon,549,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,single,high.school,unknown,yes,yes,cellular,aug,mon,265,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,high.school,no,yes,no,cellular,aug,mon,61,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,high.school,no,yes,no,cellular,aug,mon,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,blue-collar,married,basic.9y,unknown,yes,yes,cellular,aug,mon,126,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,admin.,married,high.school,no,no,yes,cellular,aug,mon,429,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,university.degree,no,no,yes,cellular,aug,mon,117,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,admin.,married,high.school,no,yes,no,cellular,aug,mon,154,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,married,professional.course,no,no,no,cellular,aug,mon,77,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,retired,married,basic.4y,unknown,no,no,cellular,aug,mon,221,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,blue-collar,married,high.school,unknown,yes,no,cellular,aug,mon,148,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,118,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,married,professional.course,no,yes,no,cellular,aug,mon,80,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,mon,214,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,retired,married,basic.9y,no,no,no,cellular,aug,mon,248,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,240,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,management,married,university.degree,no,yes,no,cellular,aug,mon,385,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,housemaid,married,basic.6y,no,yes,no,cellular,aug,mon,249,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,mon,104,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,single,high.school,unknown,yes,no,cellular,aug,mon,124,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,117,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,no,yes,cellular,aug,mon,312,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,aug,mon,271,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,entrepreneur,married,university.degree,no,no,no,cellular,aug,mon,95,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,mon,157,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,technician,married,professional.course,no,yes,no,cellular,aug,mon,1144,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,no,no,no,cellular,aug,mon,67,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,married,university.degree,unknown,yes,yes,cellular,aug,mon,108,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,single,professional.course,no,no,no,cellular,aug,mon,345,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,married,university.degree,no,no,no,cellular,aug,mon,101,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,single,professional.course,no,no,no,cellular,aug,mon,304,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,entrepreneur,married,university.degree,unknown,yes,yes,cellular,aug,mon,38,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,aug,mon,663,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +38,technician,single,high.school,unknown,no,no,cellular,aug,mon,95,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,blue-collar,married,basic.9y,no,no,yes,cellular,aug,mon,268,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,married,high.school,no,no,no,telephone,aug,mon,133,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,high.school,unknown,no,no,cellular,aug,mon,339,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,mon,106,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,aug,mon,209,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,management,married,university.degree,no,no,no,cellular,aug,mon,94,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,high.school,no,yes,no,cellular,aug,mon,862,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,technician,married,professional.course,no,yes,no,cellular,aug,mon,236,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,single,professional.course,no,no,no,cellular,aug,mon,444,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +32,technician,married,professional.course,no,no,no,cellular,aug,mon,239,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,university.degree,unknown,no,no,cellular,aug,mon,418,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +30,management,married,university.degree,no,yes,no,cellular,aug,mon,277,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,divorced,professional.course,no,no,no,cellular,aug,mon,231,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,high.school,unknown,no,no,cellular,aug,mon,481,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,mon,157,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,277,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,housemaid,married,high.school,no,yes,no,cellular,aug,mon,101,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,management,married,university.degree,no,no,no,cellular,aug,mon,154,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,single,university.degree,no,unknown,unknown,cellular,aug,mon,295,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,mon,247,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,housemaid,married,basic.9y,unknown,yes,no,cellular,aug,mon,164,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,self-employed,single,university.degree,no,no,no,cellular,aug,mon,270,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,1080,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +36,admin.,single,university.degree,unknown,yes,no,cellular,aug,mon,159,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,mon,217,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,admin.,married,high.school,no,yes,no,cellular,aug,mon,40,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,blue-collar,married,basic.6y,no,yes,yes,cellular,aug,mon,179,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,1504,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,retired,married,professional.course,unknown,no,yes,cellular,aug,mon,85,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,no,unknown,unknown,cellular,aug,mon,320,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,self-employed,married,basic.9y,no,no,no,cellular,aug,mon,48,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,management,married,university.degree,no,yes,yes,cellular,aug,mon,342,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,mon,566,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,mon,356,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,married,university.degree,no,yes,yes,cellular,aug,mon,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,married,professional.course,no,yes,no,cellular,aug,mon,479,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +40,management,married,high.school,unknown,yes,no,cellular,aug,tue,236,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,blue-collar,married,professional.course,unknown,yes,yes,cellular,aug,tue,226,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +56,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,91,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,tue,154,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +43,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,retired,married,basic.4y,no,no,no,cellular,aug,tue,509,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,aug,tue,161,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,married,high.school,unknown,no,no,cellular,aug,tue,204,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,tue,64,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,506,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +51,housemaid,married,basic.4y,unknown,no,no,cellular,aug,tue,80,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,tue,219,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,admin.,married,high.school,no,no,yes,cellular,aug,tue,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,246,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,professional.course,unknown,no,no,cellular,aug,tue,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,tue,359,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,management,married,university.degree,no,yes,no,cellular,aug,tue,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,retired,married,university.degree,no,no,yes,cellular,aug,tue,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,married,university.degree,no,yes,no,cellular,aug,tue,614,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +58,retired,married,university.degree,no,yes,no,cellular,aug,tue,327,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,management,married,university.degree,no,yes,no,cellular,aug,tue,439,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,housemaid,married,basic.6y,no,no,no,cellular,aug,tue,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,housemaid,married,basic.6y,no,yes,no,cellular,aug,tue,56,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,housemaid,married,basic.6y,no,yes,no,cellular,aug,tue,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,housemaid,married,basic.6y,no,yes,no,cellular,aug,tue,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,high.school,no,yes,no,cellular,aug,tue,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,housemaid,single,university.degree,no,yes,no,cellular,aug,tue,348,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,blue-collar,married,basic.6y,no,no,no,cellular,aug,tue,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,high.school,no,no,no,cellular,aug,tue,191,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,high.school,no,yes,yes,cellular,aug,tue,428,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,blue-collar,married,basic.9y,no,no,no,cellular,aug,tue,172,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,tue,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,high.school,no,yes,yes,cellular,aug,tue,768,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +39,management,married,university.degree,no,unknown,unknown,cellular,aug,tue,185,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,tue,336,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,housemaid,married,basic.6y,no,yes,no,cellular,aug,tue,1134,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +38,technician,married,university.degree,no,yes,yes,cellular,aug,tue,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,services,married,professional.course,no,yes,yes,cellular,aug,tue,81,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,tue,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,tue,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,single,university.degree,no,yes,no,cellular,aug,tue,178,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,technician,divorced,professional.course,no,yes,yes,cellular,aug,tue,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,unemployed,single,university.degree,no,yes,no,cellular,aug,tue,51,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +56,retired,married,high.school,no,unknown,unknown,cellular,aug,tue,235,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,aug,tue,256,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,entrepreneur,married,basic.9y,unknown,yes,no,cellular,aug,tue,1282,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +47,technician,married,professional.course,no,no,no,cellular,aug,tue,364,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,tue,168,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,high.school,no,no,no,cellular,aug,tue,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,high.school,no,yes,no,cellular,aug,tue,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,technician,married,professional.course,no,yes,no,cellular,aug,tue,96,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,high.school,no,unknown,unknown,cellular,aug,tue,234,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,high.school,no,yes,no,cellular,aug,tue,237,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,single,university.degree,no,yes,no,cellular,aug,tue,181,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,services,married,university.degree,no,no,no,cellular,aug,tue,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,single,professional.course,no,yes,no,cellular,aug,tue,110,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,services,married,university.degree,no,no,no,cellular,aug,tue,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,52,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,tue,815,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +52,management,married,university.degree,unknown,no,no,cellular,aug,tue,95,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,admin.,married,university.degree,no,no,no,cellular,aug,tue,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,technician,married,high.school,no,no,no,cellular,aug,tue,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,365,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,technician,single,high.school,no,no,no,cellular,aug,tue,63,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,admin.,married,university.degree,no,yes,no,cellular,aug,tue,250,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,housemaid,single,professional.course,unknown,yes,yes,cellular,aug,tue,213,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,services,married,high.school,no,yes,no,cellular,aug,tue,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,services,married,high.school,no,no,no,cellular,aug,tue,63,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,services,married,high.school,no,yes,no,cellular,aug,tue,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,tue,74,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,unemployed,single,university.degree,no,yes,no,cellular,aug,tue,77,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,29,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,tue,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,admin.,married,university.degree,no,yes,no,cellular,aug,tue,867,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,admin.,married,university.degree,no,yes,no,cellular,aug,tue,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,single,professional.course,unknown,yes,no,cellular,aug,tue,971,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +40,admin.,married,university.degree,no,no,no,cellular,aug,tue,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,technician,married,professional.course,no,yes,no,cellular,aug,tue,196,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,technician,married,professional.course,no,no,no,cellular,aug,tue,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,tue,193,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,management,married,university.degree,no,yes,no,cellular,aug,tue,227,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,blue-collar,married,basic.6y,no,yes,no,cellular,aug,tue,232,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,married,professional.course,no,yes,yes,cellular,aug,tue,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,admin.,married,university.degree,no,no,no,cellular,aug,tue,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,admin.,married,high.school,no,yes,no,cellular,aug,tue,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +59,technician,married,professional.course,no,no,yes,cellular,aug,tue,138,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,entrepreneur,married,basic.4y,unknown,no,no,cellular,aug,tue,148,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,tue,396,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +51,management,married,high.school,no,no,no,cellular,aug,tue,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,unemployed,single,university.degree,no,yes,no,cellular,aug,tue,174,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,tue,603,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,technician,married,high.school,unknown,yes,no,cellular,aug,tue,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,married,high.school,no,no,no,cellular,aug,tue,87,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,tue,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,single,high.school,unknown,no,yes,cellular,aug,tue,100,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,tue,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,338,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,tue,507,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +45,self-employed,married,basic.4y,unknown,unknown,unknown,cellular,aug,tue,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,unemployed,single,university.degree,no,no,no,cellular,aug,tue,85,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,services,married,unknown,no,no,no,cellular,aug,tue,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,admin.,divorced,professional.course,no,no,yes,cellular,aug,tue,207,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,married,high.school,no,no,no,cellular,aug,tue,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,services,married,professional.course,no,yes,no,cellular,aug,tue,126,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,tue,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,married,high.school,no,yes,no,cellular,aug,tue,603,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,66,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,single,university.degree,unknown,no,no,cellular,aug,tue,240,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,married,high.school,no,yes,no,cellular,aug,tue,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,tue,439,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +36,technician,single,professional.course,no,unknown,unknown,cellular,aug,tue,217,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,tue,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,aug,tue,252,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,single,university.degree,unknown,no,no,cellular,aug,tue,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,61,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +60,services,married,high.school,unknown,no,no,cellular,aug,tue,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,technician,divorced,professional.course,no,yes,yes,cellular,aug,tue,80,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,high.school,no,no,no,cellular,aug,tue,197,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,tue,171,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,tue,436,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,tue,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,tue,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,married,professional.course,no,no,no,cellular,aug,tue,152,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,married,professional.course,no,no,no,cellular,aug,tue,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,admin.,married,high.school,no,no,yes,cellular,aug,tue,150,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,admin.,married,high.school,unknown,yes,no,cellular,aug,tue,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,blue-collar,married,basic.6y,no,no,no,cellular,aug,tue,56,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,blue-collar,married,basic.6y,no,yes,no,cellular,aug,tue,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,84,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,services,married,high.school,unknown,yes,no,cellular,aug,tue,157,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,312,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,management,married,university.degree,no,no,no,cellular,aug,tue,231,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,admin.,single,university.degree,unknown,no,no,cellular,aug,tue,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +40,technician,married,high.school,no,no,no,cellular,aug,tue,370,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,self-employed,married,university.degree,no,no,no,cellular,aug,tue,201,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +51,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,tue,234,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,191,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,technician,single,university.degree,no,yes,yes,cellular,aug,tue,433,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,admin.,married,basic.9y,no,yes,no,cellular,aug,tue,1181,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +48,admin.,married,basic.9y,no,yes,no,cellular,aug,tue,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,management,married,university.degree,no,yes,no,cellular,aug,tue,1133,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +37,technician,married,high.school,unknown,yes,no,cellular,aug,tue,76,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,self-employed,married,university.degree,unknown,yes,no,cellular,aug,tue,91,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,536,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,high.school,no,no,no,cellular,aug,tue,398,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,single,high.school,unknown,no,no,cellular,aug,tue,104,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,management,married,university.degree,no,no,yes,cellular,aug,tue,297,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,high.school,no,yes,no,cellular,aug,tue,193,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,single,professional.course,no,yes,yes,cellular,aug,tue,127,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,admin.,married,university.degree,no,no,yes,cellular,aug,tue,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +50,blue-collar,married,basic.6y,unknown,no,no,cellular,aug,tue,137,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,admin.,married,university.degree,no,yes,no,telephone,aug,tue,58,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +43,technician,married,professional.course,unknown,no,no,cellular,aug,tue,926,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +35,unemployed,married,university.degree,no,no,no,cellular,aug,tue,117,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,admin.,divorced,university.degree,no,yes,yes,cellular,aug,tue,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,married,university.degree,no,no,yes,cellular,aug,tue,226,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +37,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,355,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,no,yes,cellular,aug,tue,587,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +43,admin.,divorced,university.degree,unknown,no,no,cellular,aug,tue,111,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,self-employed,married,basic.9y,no,no,no,cellular,aug,tue,139,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,tue,83,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,self-employed,married,basic.4y,unknown,no,no,cellular,aug,tue,97,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,aug,tue,632,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,management,married,university.degree,no,no,no,cellular,aug,tue,186,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,self-employed,married,university.degree,no,no,no,cellular,aug,tue,112,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,225,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,management,married,university.degree,no,no,no,cellular,aug,tue,253,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,married,high.school,unknown,no,no,cellular,aug,tue,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,management,married,university.degree,no,yes,no,cellular,aug,tue,284,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,married,high.school,unknown,no,yes,cellular,aug,tue,306,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,management,married,university.degree,no,unknown,unknown,cellular,aug,tue,696,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +33,admin.,married,university.degree,no,no,no,cellular,aug,tue,66,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,tue,114,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,admin.,single,university.degree,no,no,no,cellular,aug,tue,105,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +42,technician,single,university.degree,no,yes,no,cellular,aug,tue,578,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +29,management,married,university.degree,no,yes,yes,cellular,aug,tue,116,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +59,retired,married,basic.9y,unknown,yes,no,cellular,aug,tue,464,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,134,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,admin.,married,basic.9y,no,yes,no,cellular,aug,tue,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,tue,645,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +46,services,married,university.degree,no,no,no,cellular,aug,tue,246,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,aug,tue,473,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +50,admin.,married,university.degree,no,yes,no,cellular,aug,tue,304,8,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,high.school,no,yes,yes,cellular,aug,tue,559,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +32,technician,single,university.degree,no,no,no,cellular,aug,tue,264,12,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,management,married,basic.9y,no,yes,no,cellular,aug,tue,100,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,single,university.degree,no,no,yes,cellular,aug,tue,1092,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +41,technician,married,professional.course,no,no,no,cellular,aug,tue,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,tue,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,retired,divorced,professional.course,no,yes,yes,telephone,aug,tue,128,8,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,tue,1344,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +41,technician,married,professional.course,no,yes,no,cellular,aug,tue,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,single,university.degree,no,no,no,cellular,aug,tue,218,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,178,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,services,single,university.degree,unknown,yes,no,cellular,aug,tue,1307,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +56,admin.,married,university.degree,no,yes,no,cellular,aug,tue,153,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,tue,1344,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +58,housemaid,married,basic.4y,no,no,no,cellular,aug,tue,168,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,tue,213,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,978,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +54,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,781,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,tue,588,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,75,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,housemaid,married,basic.4y,no,no,no,cellular,aug,tue,145,8,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,42,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,services,married,basic.4y,no,yes,no,cellular,aug,tue,50,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,aug,tue,432,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +40,management,married,university.degree,no,no,yes,cellular,aug,tue,454,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,tue,1613,1,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +31,admin.,married,university.degree,no,no,no,cellular,aug,tue,141,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,tue,439,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,technician,single,university.degree,no,no,no,cellular,aug,tue,136,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +53,management,married,university.degree,no,no,no,cellular,aug,tue,864,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,tue,474,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,aug,tue,216,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,admin.,single,university.degree,no,no,yes,cellular,aug,tue,459,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,tue,128,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,418,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,tue,226,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,admin.,married,high.school,no,yes,no,cellular,aug,tue,252,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,134,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,housemaid,divorced,high.school,no,yes,no,cellular,aug,tue,140,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +39,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,180,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +52,services,married,basic.4y,no,yes,no,cellular,aug,tue,483,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,aug,tue,409,7,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,single,high.school,no,yes,no,cellular,aug,tue,222,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,aug,tue,664,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +57,admin.,married,university.degree,no,no,no,cellular,aug,tue,612,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,housemaid,married,basic.4y,no,no,yes,cellular,aug,tue,129,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +45,management,married,university.degree,no,yes,no,cellular,aug,tue,1735,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +54,admin.,married,university.degree,no,yes,no,cellular,aug,tue,243,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +56,blue-collar,married,unknown,no,yes,no,cellular,aug,tue,178,8,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +38,technician,married,professional.course,no,yes,no,cellular,aug,tue,124,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +44,management,married,basic.9y,no,yes,no,cellular,aug,tue,284,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,tue,129,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,married,high.school,no,yes,no,cellular,aug,tue,228,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,tue,940,10,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +32,admin.,single,university.degree,no,yes,no,cellular,aug,tue,460,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,796,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,yes +54,services,married,high.school,no,yes,no,cellular,aug,tue,136,5,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,58,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,tue,465,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,tue,112,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +47,admin.,divorced,high.school,no,no,no,cellular,aug,tue,204,6,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +32,admin.,married,high.school,no,yes,yes,cellular,aug,tue,711,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,aug,tue,121,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,tue,83,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +54,services,married,high.school,no,no,no,cellular,aug,tue,321,4,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,married,professional.course,no,no,no,cellular,aug,tue,1476,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +35,technician,married,university.degree,no,no,yes,cellular,aug,tue,204,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,tue,161,2,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +36,technician,married,university.degree,no,yes,no,cellular,aug,tue,120,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +46,services,married,basic.4y,unknown,no,no,cellular,aug,tue,507,3,999,0,nonexistent,1.4,93.444,-36.1,4.966,5228.1,no +31,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,77,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,services,married,basic.4y,no,yes,no,telephone,aug,wed,767,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,wed,388,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,admin.,married,professional.course,no,yes,no,cellular,aug,wed,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,wed,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,married,university.degree,no,yes,yes,cellular,aug,wed,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,self-employed,married,basic.9y,no,no,no,cellular,aug,wed,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,unknown,high.school,no,yes,no,cellular,aug,wed,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,unknown,high.school,no,yes,no,cellular,aug,wed,536,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,295,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,224,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,married,university.degree,unknown,yes,yes,cellular,aug,wed,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,206,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,aug,wed,317,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,high.school,no,no,no,cellular,aug,wed,176,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,professional.course,unknown,yes,yes,cellular,aug,wed,69,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,management,married,basic.9y,no,yes,no,cellular,aug,wed,244,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,technician,married,professional.course,no,yes,no,cellular,aug,wed,114,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,housemaid,married,basic.6y,unknown,no,no,cellular,aug,wed,186,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,professional.course,no,no,yes,cellular,aug,wed,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,aug,wed,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,aug,wed,128,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,professional.course,no,no,yes,cellular,aug,wed,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,wed,1842,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +51,admin.,married,university.degree,unknown,unknown,unknown,cellular,aug,wed,332,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,unknown,no,no,telephone,aug,wed,127,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,single,high.school,no,no,no,cellular,aug,wed,303,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,high.school,unknown,yes,no,cellular,aug,wed,969,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +59,retired,married,university.degree,no,no,yes,cellular,aug,wed,295,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,management,married,university.degree,no,no,no,cellular,aug,wed,157,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,823,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +38,management,married,university.degree,no,no,no,cellular,aug,wed,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,high.school,no,no,no,cellular,aug,wed,703,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +43,admin.,married,university.degree,no,no,no,telephone,aug,wed,618,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +47,services,married,high.school,unknown,yes,no,cellular,aug,wed,370,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,services,single,university.degree,unknown,yes,no,cellular,aug,wed,55,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,married,university.degree,no,yes,no,cellular,aug,wed,225,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,married,university.degree,no,no,no,cellular,aug,wed,460,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,university.degree,no,yes,yes,cellular,aug,wed,93,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,university.degree,no,yes,no,cellular,aug,wed,455,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +51,admin.,single,university.degree,no,no,no,telephone,aug,wed,214,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,admin.,married,high.school,no,no,no,cellular,aug,wed,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,technician,divorced,professional.course,no,no,no,cellular,aug,wed,57,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,management,married,university.degree,unknown,no,yes,cellular,aug,wed,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,aug,wed,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,admin.,married,university.degree,unknown,yes,yes,cellular,aug,wed,287,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,married,professional.course,no,yes,yes,cellular,aug,wed,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,management,married,high.school,no,no,yes,cellular,aug,wed,258,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,185,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,married,professional.course,no,no,no,cellular,aug,wed,458,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,services,married,basic.4y,no,no,no,cellular,aug,wed,211,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,single,university.degree,unknown,yes,yes,cellular,aug,wed,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,single,university.degree,unknown,yes,yes,cellular,aug,wed,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,services,married,basic.4y,no,yes,yes,cellular,aug,wed,900,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,single,university.degree,unknown,yes,yes,cellular,aug,wed,143,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,334,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,single,university.degree,unknown,no,no,cellular,aug,wed,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,entrepreneur,divorced,high.school,unknown,no,no,cellular,aug,wed,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,university.degree,no,yes,yes,cellular,aug,wed,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,single,professional.course,no,yes,yes,cellular,aug,wed,106,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,professional.course,unknown,yes,yes,cellular,aug,wed,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,no,yes,no,cellular,aug,wed,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,wed,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,110,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,846,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +42,admin.,married,university.degree,no,yes,no,cellular,aug,wed,334,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,divorced,university.degree,no,yes,yes,cellular,aug,wed,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,unemployed,married,university.degree,unknown,no,yes,cellular,aug,wed,110,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,married,university.degree,no,no,no,cellular,aug,wed,233,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,unemployed,married,basic.4y,unknown,yes,no,cellular,aug,wed,57,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,university.degree,unknown,no,yes,cellular,aug,wed,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,aug,wed,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,married,university.degree,unknown,no,yes,cellular,aug,wed,227,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,management,married,university.degree,unknown,no,no,cellular,aug,wed,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,divorced,university.degree,unknown,yes,yes,cellular,aug,wed,283,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,admin.,single,university.degree,no,yes,no,cellular,aug,wed,104,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,wed,206,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,high.school,no,yes,no,cellular,aug,wed,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,high.school,no,yes,no,cellular,aug,wed,170,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,wed,460,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,university.degree,unknown,unknown,unknown,cellular,aug,wed,690,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,self-employed,married,basic.6y,no,yes,no,cellular,aug,wed,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,192,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,wed,114,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,wed,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,married,university.degree,no,no,no,cellular,aug,wed,183,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,married,university.degree,no,no,yes,cellular,aug,wed,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,technician,married,university.degree,unknown,no,no,cellular,aug,wed,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,technician,married,professional.course,no,no,no,cellular,aug,wed,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,86,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,269,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,261,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,wed,409,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,wed,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,60,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,wed,165,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,325,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,unknown,unknown,unknown,cellular,aug,wed,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,married,university.degree,no,no,no,cellular,aug,wed,201,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,married,university.degree,no,no,no,cellular,aug,wed,182,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,403,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,married,university.degree,no,yes,no,cellular,aug,wed,1149,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +39,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,130,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,university.degree,no,yes,no,telephone,aug,wed,827,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +40,management,married,high.school,no,no,yes,cellular,aug,wed,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,management,married,high.school,no,yes,no,cellular,aug,wed,286,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,management,married,high.school,no,no,no,cellular,aug,wed,271,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,aug,wed,169,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,high.school,no,yes,no,cellular,aug,wed,143,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,145,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,641,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +34,technician,single,university.degree,no,no,no,cellular,aug,wed,62,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,blue-collar,married,basic.6y,unknown,no,no,cellular,aug,wed,151,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,wed,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,aug,wed,202,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,wed,270,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,married,high.school,unknown,yes,no,cellular,aug,wed,299,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,404,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +39,technician,married,professional.course,no,yes,yes,cellular,aug,wed,657,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +58,retired,married,basic.4y,no,no,no,cellular,aug,wed,180,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,technician,married,professional.course,no,yes,yes,cellular,aug,wed,203,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,66,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,management,married,university.degree,no,yes,no,cellular,aug,wed,78,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,78,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,admin.,married,university.degree,no,yes,no,cellular,aug,wed,79,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,services,married,basic.4y,no,yes,yes,cellular,aug,wed,250,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,retired,married,basic.9y,unknown,no,no,cellular,aug,wed,707,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +32,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,141,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,services,married,high.school,no,yes,no,cellular,aug,wed,737,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +55,technician,married,university.degree,unknown,yes,no,cellular,aug,wed,150,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,324,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,wed,156,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,wed,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,married,university.degree,no,yes,no,cellular,aug,wed,328,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,university.degree,no,yes,yes,cellular,aug,wed,156,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,wed,376,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,management,married,basic.9y,no,yes,no,cellular,aug,wed,260,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,high.school,no,no,yes,cellular,aug,wed,871,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +32,technician,married,university.degree,no,yes,yes,cellular,aug,wed,89,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,admin.,married,high.school,no,yes,no,cellular,aug,wed,110,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,wed,175,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,wed,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,wed,145,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,entrepreneur,married,unknown,no,yes,no,cellular,aug,wed,98,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,entrepreneur,married,unknown,no,no,no,cellular,aug,wed,165,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,management,married,high.school,no,no,no,cellular,aug,wed,838,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +34,entrepreneur,married,unknown,no,yes,yes,cellular,aug,wed,684,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,wed,310,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,unemployed,married,basic.9y,unknown,no,no,cellular,aug,wed,98,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,self-employed,single,university.degree,no,no,no,telephone,aug,wed,79,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,aug,wed,15,12,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,wed,1038,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +52,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,559,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,admin.,married,professional.course,no,yes,no,cellular,aug,wed,136,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,married,professional.course,no,yes,yes,cellular,aug,wed,733,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,unknown,married,basic.6y,no,yes,no,cellular,aug,wed,713,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,unknown,high.school,no,yes,no,cellular,aug,wed,243,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,single,high.school,unknown,no,no,cellular,aug,wed,104,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,management,married,university.degree,no,no,no,cellular,aug,wed,517,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,housemaid,married,basic.6y,unknown,no,no,cellular,aug,wed,217,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,aug,wed,195,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,management,married,university.degree,no,yes,no,cellular,aug,wed,343,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,housemaid,single,university.degree,no,yes,no,cellular,aug,wed,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,technician,divorced,university.degree,no,yes,no,cellular,aug,wed,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,aug,wed,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,management,married,high.school,unknown,no,no,cellular,aug,wed,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,yes,cellular,aug,wed,92,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,entrepreneur,married,professional.course,no,no,no,cellular,aug,wed,327,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,management,married,university.degree,no,no,yes,cellular,aug,wed,990,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +48,admin.,married,university.degree,unknown,yes,yes,cellular,aug,wed,523,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,self-employed,married,basic.9y,no,yes,no,cellular,aug,wed,160,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,wed,152,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,unknown,university.degree,no,no,no,cellular,aug,wed,69,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,wed,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,unknown,university.degree,no,yes,no,cellular,aug,wed,529,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +55,housemaid,married,university.degree,no,no,no,cellular,aug,wed,363,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,technician,married,professional.course,no,no,no,cellular,aug,wed,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,blue-collar,married,basic.4y,no,yes,no,cellular,aug,wed,342,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,management,married,university.degree,no,yes,no,telephone,aug,wed,306,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +33,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,31,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,75,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,wed,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,blue-collar,single,university.degree,no,yes,no,cellular,aug,wed,68,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,aug,wed,1148,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +29,admin.,single,high.school,no,yes,no,cellular,aug,wed,257,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,single,university.degree,no,yes,no,cellular,aug,wed,99,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,married,university.degree,no,no,no,cellular,aug,wed,356,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,wed,212,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,wed,139,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,telephone,aug,wed,490,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,retired,married,basic.4y,unknown,yes,no,cellular,aug,wed,175,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,130,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,wed,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,technician,married,university.degree,no,yes,no,cellular,aug,wed,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,management,married,university.degree,unknown,no,no,cellular,aug,wed,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,84,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,retired,married,university.degree,no,no,no,cellular,aug,wed,388,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,99,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,technician,divorced,professional.course,unknown,yes,yes,cellular,aug,wed,418,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,wed,222,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,entrepreneur,married,professional.course,no,yes,no,cellular,aug,wed,73,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,wed,202,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,retired,married,basic.9y,unknown,yes,no,cellular,aug,wed,394,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,wed,109,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,management,married,high.school,unknown,yes,no,cellular,aug,wed,233,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,management,married,university.degree,unknown,no,no,cellular,aug,wed,338,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,technician,single,university.degree,unknown,yes,no,cellular,aug,wed,107,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,wed,163,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,86,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,university.degree,unknown,yes,no,cellular,aug,wed,83,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,high.school,unknown,yes,no,cellular,aug,wed,399,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,274,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,technician,divorced,professional.course,no,yes,no,cellular,aug,wed,150,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,wed,209,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,wed,67,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,wed,75,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,181,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,413,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,married,high.school,no,no,no,cellular,aug,wed,58,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,management,married,university.degree,no,yes,no,cellular,aug,wed,399,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,basic.6y,no,no,yes,cellular,aug,wed,48,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,single,university.degree,no,yes,yes,cellular,aug,wed,275,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,wed,449,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,wed,536,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,wed,158,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,management,married,university.degree,no,no,no,cellular,aug,wed,113,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,single,university.degree,no,no,no,cellular,aug,wed,127,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,wed,740,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,university.degree,no,no,no,cellular,aug,thu,75,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,technician,single,university.degree,no,yes,no,cellular,aug,thu,178,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,no,no,yes,cellular,aug,thu,65,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,married,high.school,no,no,no,cellular,aug,thu,152,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,services,married,high.school,no,no,no,cellular,aug,thu,464,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,married,high.school,no,no,no,cellular,aug,thu,96,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,thu,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,services,married,high.school,unknown,yes,no,cellular,aug,thu,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,management,married,university.degree,no,yes,no,cellular,aug,thu,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,entrepreneur,married,basic.4y,unknown,no,no,cellular,aug,thu,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,professional.course,no,no,no,cellular,aug,thu,169,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,thu,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,thu,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,thu,152,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,thu,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,thu,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,thu,175,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,technician,married,professional.course,no,yes,no,cellular,aug,thu,110,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,thu,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,thu,719,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,thu,125,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,technician,married,university.degree,no,no,no,cellular,aug,thu,259,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,married,professional.course,unknown,yes,no,cellular,aug,thu,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,thu,373,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,married,professional.course,unknown,no,yes,cellular,aug,thu,36,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,married,professional.course,unknown,yes,yes,cellular,aug,thu,157,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,married,professional.course,unknown,yes,no,cellular,aug,thu,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,unknown,divorced,university.degree,no,no,yes,cellular,aug,thu,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,thu,707,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +31,admin.,single,high.school,no,yes,no,cellular,aug,thu,144,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,thu,360,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,professional.course,no,yes,yes,cellular,aug,thu,55,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +23,entrepreneur,married,university.degree,no,yes,no,cellular,aug,thu,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,thu,266,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,services,married,high.school,unknown,yes,no,cellular,aug,thu,149,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,thu,366,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,thu,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,admin.,married,university.degree,no,no,yes,cellular,aug,thu,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,85,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,self-employed,married,basic.4y,unknown,unknown,unknown,cellular,aug,thu,169,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,services,married,high.school,no,yes,no,cellular,aug,thu,250,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,thu,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,206,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,thu,184,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,admin.,married,high.school,no,yes,no,cellular,aug,thu,41,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,technician,married,university.degree,no,yes,no,cellular,aug,thu,252,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,thu,154,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,unknown,no,yes,cellular,aug,thu,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,thu,137,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,thu,238,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,aug,thu,55,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,125,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,thu,98,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,housemaid,married,high.school,unknown,yes,no,cellular,aug,thu,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,thu,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,151,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,thu,169,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,self-employed,married,basic.9y,unknown,yes,no,cellular,aug,thu,167,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,blue-collar,married,basic.4y,no,unknown,unknown,cellular,aug,thu,114,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,technician,married,high.school,no,yes,no,cellular,aug,thu,50,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,thu,47,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,thu,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,thu,228,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,housemaid,married,basic.4y,unknown,yes,no,telephone,aug,thu,293,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,technician,married,professional.course,no,yes,no,cellular,aug,thu,98,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,205,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,housemaid,married,basic.4y,unknown,no,no,cellular,aug,thu,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,aug,thu,260,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,thu,152,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,divorced,university.degree,unknown,no,no,cellular,aug,thu,200,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,technician,divorced,high.school,no,yes,no,cellular,aug,thu,127,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,university.degree,unknown,yes,no,cellular,aug,thu,10,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,thu,273,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,university.degree,unknown,no,yes,cellular,aug,thu,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,465,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,self-employed,married,university.degree,no,yes,yes,cellular,aug,thu,145,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,self-employed,married,basic.9y,unknown,yes,yes,cellular,aug,thu,593,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +50,self-employed,married,basic.9y,no,yes,no,cellular,aug,thu,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,self-employed,married,university.degree,no,yes,no,cellular,aug,thu,141,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,self-employed,married,university.degree,no,yes,no,cellular,aug,thu,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,thu,370,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,thu,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,thu,1217,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,no,telephone,aug,thu,313,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,thu,38,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,technician,single,university.degree,no,yes,no,cellular,aug,thu,213,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,thu,297,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,university.degree,unknown,yes,no,cellular,aug,thu,128,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,thu,812,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +32,admin.,single,university.degree,no,no,no,cellular,aug,thu,356,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,605,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,technician,divorced,university.degree,unknown,yes,no,cellular,aug,thu,86,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,technician,single,university.degree,no,yes,no,cellular,aug,thu,935,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,thu,143,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,basic.4y,no,yes,no,cellular,aug,thu,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,university.degree,unknown,yes,no,cellular,aug,thu,414,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,thu,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,single,university.degree,no,yes,no,cellular,aug,thu,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,high.school,no,no,no,cellular,aug,thu,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,unknown,no,no,cellular,aug,thu,69,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,high.school,no,no,no,cellular,aug,thu,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,self-employed,married,university.degree,unknown,yes,no,cellular,aug,thu,148,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,services,married,basic.9y,unknown,yes,yes,cellular,aug,thu,110,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,thu,515,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,thu,214,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,457,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,single,university.degree,no,no,no,cellular,aug,thu,421,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,240,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,unknown,no,no,cellular,aug,thu,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,married,university.degree,no,yes,no,cellular,aug,thu,374,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,married,university.degree,unknown,yes,no,cellular,aug,thu,423,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,thu,503,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,aug,thu,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,thu,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,thu,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,university.degree,no,no,no,cellular,aug,thu,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,thu,230,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,thu,113,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,single,high.school,no,no,no,cellular,aug,thu,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,106,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,management,married,university.degree,no,yes,no,cellular,aug,thu,294,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,thu,165,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,thu,59,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,entrepreneur,married,university.degree,no,yes,no,cellular,aug,thu,51,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,thu,56,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,thu,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,technician,single,university.degree,no,yes,no,cellular,aug,thu,89,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,technician,single,university.degree,no,yes,no,cellular,aug,thu,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,management,married,university.degree,no,no,no,cellular,aug,thu,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,divorced,university.degree,unknown,no,no,cellular,aug,thu,146,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,self-employed,married,basic.9y,unknown,no,no,cellular,aug,thu,406,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,thu,518,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +30,admin.,single,university.degree,unknown,no,no,cellular,aug,thu,272,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,high.school,no,no,no,cellular,aug,thu,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,blue-collar,married,basic.6y,unknown,no,no,cellular,aug,thu,314,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,married,university.degree,no,yes,no,cellular,aug,thu,260,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,yes,no,telephone,aug,thu,85,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,admin.,married,university.degree,no,no,no,cellular,aug,thu,87,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,thu,90,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,admin.,single,university.degree,no,no,no,cellular,aug,thu,505,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +31,technician,married,professional.course,no,yes,no,cellular,aug,thu,104,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,married,university.degree,no,yes,no,cellular,aug,thu,511,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,services,married,high.school,unknown,yes,yes,telephone,aug,thu,187,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,thu,197,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,thu,118,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,343,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,thu,221,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,280,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,basic.4y,no,yes,yes,cellular,aug,thu,265,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,divorced,university.degree,no,yes,yes,cellular,aug,thu,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,technician,married,high.school,unknown,no,no,cellular,aug,thu,206,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,thu,133,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,married,professional.course,no,no,yes,cellular,aug,thu,924,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,blue-collar,married,basic.6y,unknown,no,no,cellular,aug,thu,145,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,thu,85,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,technician,married,high.school,no,yes,yes,telephone,aug,thu,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,no,no,telephone,aug,thu,214,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,services,married,high.school,no,yes,no,cellular,aug,thu,834,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +47,admin.,married,high.school,no,yes,yes,cellular,aug,thu,3322,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,high.school,unknown,no,yes,cellular,aug,thu,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,housemaid,married,basic.6y,no,no,no,cellular,aug,thu,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,366,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,technician,married,high.school,no,yes,no,cellular,aug,thu,260,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,married,professional.course,no,no,no,cellular,aug,thu,107,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,self-employed,married,basic.9y,unknown,no,no,cellular,aug,thu,1184,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +31,housemaid,married,university.degree,no,yes,yes,cellular,aug,thu,208,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,housemaid,married,basic.6y,no,yes,yes,telephone,aug,thu,698,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +49,technician,married,professional.course,no,yes,yes,cellular,aug,thu,11,14,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,technician,single,university.degree,unknown,yes,yes,cellular,aug,thu,433,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,blue-collar,married,basic.6y,unknown,unknown,unknown,cellular,aug,thu,134,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,management,married,university.degree,no,yes,no,cellular,aug,thu,80,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,technician,single,university.degree,unknown,yes,no,cellular,aug,thu,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,high.school,unknown,no,no,cellular,aug,thu,201,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,high.school,unknown,yes,yes,cellular,aug,thu,1151,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +33,technician,married,professional.course,no,no,yes,cellular,aug,thu,189,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,married,professional.course,no,yes,yes,cellular,aug,thu,168,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,university.degree,no,yes,no,cellular,aug,thu,61,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,thu,388,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,university.degree,no,no,no,telephone,aug,thu,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,management,married,high.school,no,yes,no,cellular,aug,thu,448,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,admin.,married,university.degree,no,yes,no,telephone,aug,thu,60,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,university.degree,no,no,no,cellular,aug,thu,167,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,blue-collar,married,basic.4y,no,yes,no,telephone,aug,thu,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,technician,single,university.degree,no,yes,no,cellular,aug,thu,350,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,thu,449,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,blue-collar,married,basic.4y,no,yes,no,telephone,aug,thu,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,technician,divorced,professional.course,no,no,yes,cellular,aug,thu,388,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,divorced,professional.course,unknown,yes,no,cellular,aug,thu,145,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,married,professional.course,unknown,no,no,cellular,aug,thu,112,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,217,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,153,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,337,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,yes,yes,cellular,aug,thu,94,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.6y,no,yes,yes,cellular,aug,thu,425,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,technician,divorced,professional.course,unknown,no,no,cellular,aug,thu,377,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,self-employed,married,basic.4y,unknown,yes,no,cellular,aug,thu,52,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,thu,168,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,university.degree,no,unknown,unknown,cellular,aug,thu,1231,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +35,technician,single,professional.course,no,yes,yes,cellular,aug,thu,41,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,professional.course,no,yes,yes,cellular,aug,thu,347,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,management,married,university.degree,no,yes,no,cellular,aug,thu,789,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,thu,636,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,married,professional.course,no,yes,yes,telephone,aug,thu,34,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,university.degree,no,yes,no,cellular,aug,thu,65,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,unknown,unknown,unknown,telephone,aug,thu,128,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,self-employed,married,university.degree,no,yes,no,cellular,aug,thu,884,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +46,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,63,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,thu,187,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,high.school,no,yes,no,cellular,aug,thu,170,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,blue-collar,married,basic.9y,unknown,yes,yes,cellular,aug,thu,129,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,thu,277,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,blue-collar,married,basic.9y,unknown,yes,yes,cellular,aug,thu,84,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,self-employed,married,basic.9y,no,yes,no,cellular,aug,thu,219,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,yes,cellular,aug,thu,38,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,thu,244,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,thu,155,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,university.degree,unknown,no,no,cellular,aug,thu,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,unknown,yes,yes,telephone,aug,thu,31,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,high.school,unknown,yes,no,cellular,aug,thu,65,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,divorced,university.degree,unknown,no,no,cellular,aug,thu,120,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,unknown,yes,yes,cellular,aug,thu,49,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,yes,no,telephone,aug,thu,365,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,thu,248,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,high.school,no,yes,yes,cellular,aug,thu,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,admin.,single,university.degree,no,no,yes,cellular,aug,thu,85,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,technician,married,professional.course,no,yes,no,cellular,aug,thu,178,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,138,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,university.degree,no,yes,no,telephone,aug,thu,234,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,blue-collar,married,unknown,unknown,no,no,telephone,aug,thu,753,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +54,self-employed,married,high.school,no,yes,yes,cellular,aug,thu,904,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +54,technician,married,professional.course,no,no,no,cellular,aug,thu,478,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,high.school,no,no,no,cellular,aug,thu,124,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,blue-collar,married,unknown,unknown,yes,no,cellular,aug,thu,227,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,university.degree,no,yes,no,telephone,aug,thu,226,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,blue-collar,married,unknown,unknown,no,yes,cellular,aug,thu,163,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,housemaid,divorced,professional.course,no,no,yes,cellular,aug,thu,306,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,self-employed,married,high.school,no,no,no,cellular,aug,thu,89,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,married,university.degree,no,yes,no,telephone,aug,thu,137,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,management,married,university.degree,no,yes,no,cellular,aug,thu,244,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,technician,married,professional.course,no,yes,yes,cellular,aug,thu,64,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,management,married,university.degree,no,yes,no,cellular,aug,thu,386,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,housemaid,married,professional.course,no,yes,no,cellular,aug,thu,110,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,self-employed,married,high.school,no,yes,no,cellular,aug,thu,136,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,thu,286,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,university.degree,no,yes,no,telephone,aug,thu,119,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,109,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,86,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,thu,211,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,no,yes,no,cellular,aug,thu,126,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,entrepreneur,married,university.degree,unknown,no,yes,cellular,aug,thu,314,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,aug,thu,253,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,unknown,married,basic.9y,no,no,no,cellular,aug,thu,390,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,self-employed,married,high.school,no,yes,no,cellular,aug,thu,204,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,no,yes,no,cellular,aug,thu,45,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,109,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,professional.course,unknown,yes,no,cellular,aug,thu,127,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,thu,76,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,married,university.degree,no,unknown,unknown,cellular,aug,thu,1579,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +58,admin.,single,university.degree,no,no,no,cellular,aug,thu,96,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,1871,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,divorced,university.degree,unknown,no,no,cellular,aug,mon,125,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,mon,618,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +33,unemployed,divorced,professional.course,no,no,no,cellular,aug,mon,90,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,aug,mon,773,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +50,technician,married,university.degree,no,unknown,unknown,cellular,aug,mon,762,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +35,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,139,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,services,married,basic.6y,no,yes,no,cellular,aug,mon,671,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +31,management,married,university.degree,no,yes,no,cellular,aug,mon,181,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,mon,54,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,entrepreneur,married,university.degree,no,yes,no,cellular,aug,mon,59,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,aug,mon,299,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,mon,92,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,unknown,unknown,cellular,aug,mon,73,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,high.school,no,no,no,cellular,aug,mon,638,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +35,technician,married,professional.course,no,no,no,cellular,aug,mon,594,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +41,technician,married,professional.course,no,yes,no,cellular,aug,mon,105,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,admin.,divorced,university.degree,no,no,no,cellular,aug,mon,180,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,aug,mon,140,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,services,married,unknown,unknown,no,no,cellular,aug,mon,458,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,195,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,mon,87,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,unemployed,divorced,professional.course,no,no,no,cellular,aug,mon,197,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,professional.course,no,no,no,cellular,aug,mon,203,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,university.degree,unknown,no,no,cellular,aug,mon,131,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,mon,251,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,retired,married,basic.6y,no,no,no,cellular,aug,mon,68,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,109,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,aug,mon,114,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,124,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,housemaid,married,professional.course,no,yes,no,cellular,aug,mon,105,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,mon,108,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,113,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,admin.,married,basic.9y,no,yes,no,cellular,aug,mon,161,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,self-employed,married,basic.6y,unknown,no,no,cellular,aug,mon,233,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,yes,yes,cellular,aug,mon,882,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +48,services,married,high.school,no,no,no,cellular,aug,mon,115,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,professional.course,no,no,no,cellular,aug,mon,341,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,mon,145,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,high.school,no,no,no,cellular,aug,mon,26,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,single,university.degree,no,no,no,cellular,aug,mon,151,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,housemaid,married,basic.4y,unknown,yes,yes,cellular,aug,mon,85,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,313,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,aug,mon,230,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,services,married,basic.6y,no,yes,yes,cellular,aug,mon,157,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,mon,393,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,high.school,unknown,yes,no,cellular,aug,mon,111,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,unknown,yes,yes,cellular,aug,mon,84,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,university.degree,no,no,no,telephone,aug,mon,51,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,unknown,no,no,no,cellular,aug,mon,528,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +46,services,married,unknown,unknown,unknown,unknown,cellular,aug,mon,73,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,71,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,university.degree,no,no,no,cellular,aug,mon,70,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,mon,146,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,services,married,unknown,unknown,yes,no,cellular,aug,mon,151,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,mon,74,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,mon,266,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,unemployed,married,university.degree,unknown,yes,no,cellular,aug,mon,452,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,347,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,114,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,management,married,university.degree,no,no,no,cellular,aug,mon,34,11,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,self-employed,married,university.degree,no,yes,no,cellular,aug,mon,113,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,mon,122,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,admin.,single,high.school,no,yes,no,cellular,aug,mon,48,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,80,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,mon,104,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,married,university.degree,no,no,yes,cellular,aug,mon,94,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,yes,no,cellular,aug,mon,70,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,mon,121,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,mon,145,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,mon,61,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,mon,143,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,aug,mon,172,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,management,married,high.school,unknown,yes,no,telephone,aug,mon,71,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,45,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,high.school,no,no,no,cellular,aug,mon,91,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,mon,513,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,management,married,university.degree,no,no,no,cellular,aug,mon,92,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,mon,89,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,mon,96,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,entrepreneur,single,university.degree,no,no,no,cellular,aug,mon,115,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,mon,121,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,unemployed,married,high.school,no,yes,no,cellular,aug,mon,119,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,mon,176,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,self-employed,married,high.school,unknown,no,no,cellular,aug,mon,507,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,high.school,no,no,no,cellular,aug,mon,69,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,high.school,unknown,no,no,cellular,aug,mon,98,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,services,married,high.school,unknown,no,no,cellular,aug,mon,195,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,divorced,university.degree,no,no,no,cellular,aug,mon,104,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,mon,515,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,86,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,single,university.degree,no,yes,no,cellular,aug,mon,40,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,100,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,single,university.degree,unknown,no,yes,cellular,aug,mon,27,12,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,mon,97,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,university.degree,no,yes,no,cellular,aug,mon,166,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,services,married,basic.4y,unknown,no,no,cellular,aug,mon,309,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +50,services,married,basic.9y,unknown,yes,no,cellular,aug,mon,113,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,university.degree,no,no,no,cellular,aug,mon,124,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,yes,no,cellular,aug,mon,207,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,yes,no,cellular,aug,mon,90,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,mon,100,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,married,university.degree,no,no,no,cellular,aug,mon,219,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,high.school,no,no,no,cellular,aug,mon,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,married,high.school,no,no,no,cellular,aug,mon,128,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,self-employed,single,university.degree,no,yes,no,cellular,aug,mon,75,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,divorced,university.degree,unknown,yes,no,cellular,aug,mon,67,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,services,married,unknown,unknown,yes,no,cellular,aug,mon,111,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,housemaid,married,basic.4y,unknown,no,no,cellular,aug,mon,498,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,management,married,university.degree,no,yes,yes,cellular,aug,mon,203,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,mon,96,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,111,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,professional.course,no,yes,yes,cellular,aug,mon,245,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,housemaid,married,basic.4y,unknown,no,no,cellular,aug,mon,585,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,mon,140,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,240,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,235,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,mon,98,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,technician,single,professional.course,unknown,yes,no,cellular,aug,mon,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,mon,315,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,mon,147,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,technician,married,university.degree,no,yes,no,cellular,aug,mon,134,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,professional.course,no,yes,no,cellular,aug,mon,95,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,unknown,no,no,no,telephone,aug,mon,63,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,mon,431,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,mon,29,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,mon,197,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,self-employed,married,university.degree,no,yes,yes,cellular,aug,mon,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,high.school,no,no,no,cellular,aug,mon,697,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +36,technician,married,professional.course,no,no,no,cellular,aug,mon,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,mon,280,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,mon,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,yes,no,telephone,aug,mon,209,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,201,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,management,married,university.degree,no,no,no,cellular,aug,mon,119,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,mon,306,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,services,married,basic.6y,unknown,no,no,telephone,aug,mon,161,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,married,high.school,no,yes,yes,cellular,aug,mon,36,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,married,university.degree,unknown,no,no,telephone,aug,mon,29,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,professional.course,no,no,no,telephone,aug,mon,79,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,mon,192,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,no,no,no,telephone,aug,mon,199,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,mon,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,mon,702,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,unemployed,divorced,professional.course,no,yes,no,telephone,aug,mon,331,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,housemaid,single,professional.course,no,yes,yes,cellular,aug,mon,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,married,university.degree,no,no,yes,cellular,aug,mon,471,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,142,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,mon,58,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,blue-collar,married,basic.9y,no,yes,yes,cellular,aug,mon,68,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,79,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,divorced,university.degree,unknown,no,no,cellular,aug,mon,102,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,87,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,management,married,university.degree,no,yes,yes,cellular,aug,mon,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,self-employed,married,high.school,unknown,yes,no,cellular,aug,mon,114,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,mon,170,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,self-employed,married,high.school,unknown,yes,no,cellular,aug,mon,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,mon,263,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,professional.course,no,yes,yes,cellular,aug,mon,80,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,aug,mon,52,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,aug,mon,254,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,571,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,self-employed,married,university.degree,no,no,no,cellular,aug,mon,173,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,mon,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,admin.,married,professional.course,unknown,yes,yes,cellular,aug,mon,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,204,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,mon,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,mon,191,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,university.degree,unknown,yes,no,cellular,aug,mon,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,mon,65,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,781,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,unknown,yes,yes,cellular,aug,mon,74,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,mon,80,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,66,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,divorced,university.degree,no,no,no,cellular,aug,mon,91,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,married,university.degree,no,no,no,telephone,aug,mon,280,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,956,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +48,blue-collar,married,unknown,no,yes,no,cellular,aug,mon,346,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,high.school,no,yes,yes,telephone,aug,mon,212,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,mon,143,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,high.school,no,no,no,cellular,aug,mon,93,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,single,high.school,unknown,no,no,cellular,aug,mon,65,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,single,university.degree,unknown,no,yes,cellular,aug,mon,103,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,retired,divorced,professional.course,no,no,no,cellular,aug,mon,119,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,professional.course,no,no,no,cellular,aug,mon,271,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,professional.course,no,yes,yes,cellular,aug,mon,223,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,technician,married,professional.course,no,yes,yes,cellular,aug,mon,199,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,single,university.degree,unknown,no,no,cellular,aug,mon,1126,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,mon,514,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,married,university.degree,no,yes,no,cellular,aug,mon,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,admin.,married,professional.course,unknown,no,no,cellular,aug,mon,392,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,unemployed,divorced,professional.course,no,yes,no,cellular,aug,mon,150,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,unemployed,divorced,professional.course,no,yes,no,cellular,aug,mon,151,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,self-employed,single,professional.course,no,yes,no,cellular,aug,mon,215,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,aug,mon,547,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,divorced,university.degree,no,yes,no,cellular,aug,mon,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,management,married,university.degree,no,yes,yes,cellular,aug,mon,85,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,mon,180,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,aug,mon,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,mon,22,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,mon,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,unknown,yes,yes,cellular,aug,mon,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,retired,divorced,professional.course,no,unknown,unknown,cellular,aug,mon,82,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,mon,984,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,services,married,basic.9y,unknown,yes,yes,cellular,aug,mon,256,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,aug,mon,249,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,high.school,unknown,yes,no,cellular,aug,mon,48,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,aug,mon,62,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,management,married,high.school,no,no,no,cellular,aug,mon,725,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,married,university.degree,no,no,no,cellular,aug,mon,384,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +41,self-employed,married,university.degree,no,yes,yes,cellular,aug,mon,377,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,single,university.degree,no,yes,no,cellular,aug,mon,417,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,mon,201,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,management,married,university.degree,unknown,yes,no,cellular,aug,mon,261,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,housemaid,married,university.degree,no,yes,no,cellular,aug,mon,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,unknown,yes,yes,cellular,aug,mon,128,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,mon,103,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,management,married,university.degree,no,yes,no,cellular,aug,mon,178,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,unknown,no,yes,no,cellular,aug,mon,16,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,self-employed,married,university.degree,no,no,no,cellular,aug,mon,135,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,unknown,unknown,cellular,aug,mon,202,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,mon,37,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,housemaid,married,basic.4y,unknown,no,no,cellular,aug,mon,149,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,no,yes,cellular,aug,mon,35,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,aug,mon,1364,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,high.school,unknown,yes,yes,cellular,aug,mon,166,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,mon,286,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,mon,213,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,59,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,207,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,high.school,unknown,yes,no,cellular,aug,mon,73,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,single,university.degree,unknown,no,yes,cellular,aug,mon,1559,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,admin.,married,high.school,no,yes,no,cellular,aug,mon,194,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +49,unknown,married,high.school,unknown,no,no,cellular,aug,mon,192,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,married,high.school,no,no,no,cellular,aug,mon,304,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,admin.,single,university.degree,no,no,yes,cellular,aug,mon,89,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,high.school,no,yes,yes,cellular,aug,mon,124,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,professional.course,unknown,yes,yes,cellular,aug,mon,67,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,174,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,high.school,no,no,no,cellular,aug,mon,457,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,technician,married,university.degree,unknown,yes,yes,cellular,aug,mon,405,11,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,mon,350,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,mon,123,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,aug,mon,395,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,mon,312,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,services,married,basic.4y,unknown,yes,no,cellular,aug,mon,779,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,university.degree,no,yes,no,cellular,aug,mon,92,12,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,mon,374,12,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,married,high.school,unknown,yes,no,cellular,aug,mon,76,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,single,high.school,no,yes,no,cellular,aug,mon,119,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,married,professional.course,no,no,no,cellular,aug,mon,296,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,193,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,aug,mon,87,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,entrepreneur,married,basic.9y,unknown,yes,no,cellular,aug,mon,243,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,divorced,university.degree,no,yes,no,cellular,aug,mon,835,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,mon,724,12,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +50,blue-collar,married,basic.4y,no,no,no,cellular,aug,mon,159,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,divorced,high.school,unknown,no,no,cellular,aug,mon,445,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,mon,244,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,mon,212,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,yes,cellular,aug,mon,119,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,university.degree,no,yes,yes,cellular,aug,mon,176,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,technician,married,high.school,unknown,yes,no,cellular,aug,mon,241,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,mon,314,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,management,married,university.degree,unknown,yes,no,cellular,aug,mon,96,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,technician,married,professional.course,unknown,no,no,cellular,aug,mon,43,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,self-employed,married,university.degree,unknown,yes,yes,cellular,aug,mon,127,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,729,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,no,yes,cellular,aug,mon,285,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,unknown,no,no,no,cellular,aug,mon,393,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,university.degree,unknown,yes,no,cellular,aug,mon,153,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,189,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,aug,mon,129,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,aug,mon,195,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,mon,199,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,technician,married,high.school,no,no,no,cellular,aug,mon,298,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,divorced,university.degree,unknown,no,no,cellular,aug,mon,43,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,high.school,no,yes,yes,cellular,aug,mon,273,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,professional.course,unknown,no,no,cellular,aug,mon,37,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,self-employed,married,university.degree,unknown,yes,no,cellular,aug,mon,693,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,services,married,high.school,no,yes,no,telephone,aug,mon,575,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,tue,99,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,tue,247,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,139,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +27,admin.,married,university.degree,no,no,no,cellular,aug,tue,97,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,aug,tue,151,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,tue,192,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,single,professional.course,no,yes,no,cellular,aug,tue,120,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,services,married,high.school,no,yes,no,cellular,aug,tue,607,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,aug,tue,141,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,unknown,no,no,cellular,aug,tue,116,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,tue,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,tue,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,management,married,university.degree,no,no,no,cellular,aug,tue,208,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,single,university.degree,no,no,no,cellular,aug,tue,203,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,single,university.degree,no,yes,no,cellular,aug,tue,173,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,tue,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,single,university.degree,no,yes,no,cellular,aug,tue,286,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,unknown,married,basic.4y,no,yes,no,cellular,aug,tue,645,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +44,blue-collar,married,basic.6y,no,no,yes,cellular,aug,tue,177,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,university.degree,no,yes,no,cellular,aug,tue,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,tue,83,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,tue,125,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,unknown,yes,no,cellular,aug,tue,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,unknown,yes,no,cellular,aug,tue,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,tue,74,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,unknown,married,high.school,unknown,yes,no,cellular,aug,tue,54,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,entrepreneur,divorced,professional.course,unknown,no,no,cellular,aug,tue,255,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,blue-collar,married,basic.6y,no,yes,yes,cellular,aug,tue,133,12,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,university.degree,no,yes,no,cellular,aug,tue,245,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,divorced,university.degree,no,yes,yes,cellular,aug,tue,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,tue,56,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,tue,787,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,269,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,single,high.school,no,yes,no,cellular,aug,tue,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,single,high.school,no,no,no,cellular,aug,tue,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,tue,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,admin.,married,university.degree,no,no,yes,cellular,aug,tue,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,self-employed,married,professional.course,unknown,no,no,cellular,aug,tue,432,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,retired,married,university.degree,no,no,no,cellular,aug,tue,331,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,married,professional.course,unknown,no,no,cellular,aug,tue,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,married,professional.course,unknown,no,no,cellular,aug,tue,222,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,married,professional.course,unknown,no,no,cellular,aug,tue,213,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,married,professional.course,unknown,no,no,cellular,aug,tue,166,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,tue,103,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,55,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,management,married,high.school,no,yes,no,cellular,aug,tue,173,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,aug,tue,215,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,aug,tue,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,361,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,yes,no,telephone,aug,tue,223,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,technician,married,professional.course,unknown,no,no,cellular,aug,tue,235,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,high.school,no,no,no,cellular,aug,tue,210,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,self-employed,married,university.degree,no,no,no,cellular,aug,tue,276,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,management,married,high.school,no,yes,no,cellular,aug,tue,671,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,management,married,university.degree,no,no,no,cellular,aug,tue,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,management,married,university.degree,no,yes,yes,cellular,aug,tue,83,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,management,married,university.degree,no,yes,no,cellular,aug,tue,189,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,management,married,university.degree,no,yes,yes,cellular,aug,tue,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,self-employed,single,professional.course,no,unknown,unknown,cellular,aug,tue,151,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,tue,51,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,services,single,professional.course,no,yes,no,cellular,aug,tue,161,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,tue,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,tue,344,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,tue,284,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,divorced,professional.course,no,no,yes,cellular,aug,tue,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,tue,298,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,141,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,aug,tue,134,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,295,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,aug,tue,198,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,management,married,university.degree,no,yes,yes,cellular,aug,tue,199,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,retired,married,unknown,unknown,no,yes,cellular,aug,tue,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,management,married,university.degree,unknown,no,no,cellular,aug,tue,504,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,yes,no,cellular,aug,tue,113,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,management,single,university.degree,no,no,no,cellular,aug,tue,189,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,121,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,management,single,university.degree,no,no,yes,cellular,aug,tue,264,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,high.school,no,yes,no,cellular,aug,tue,1293,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +31,admin.,single,university.degree,unknown,no,no,cellular,aug,tue,359,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,tue,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,tue,74,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,services,married,basic.4y,unknown,yes,no,cellular,aug,tue,227,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,admin.,married,high.school,no,yes,no,cellular,aug,tue,129,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,tue,125,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,323,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,unknown,married,basic.9y,unknown,no,no,cellular,aug,tue,234,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,tue,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,no,no,cellular,aug,tue,193,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,128,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,aug,tue,260,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,housemaid,married,basic.4y,no,yes,no,cellular,aug,tue,133,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,tue,242,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,no,yes,cellular,aug,tue,501,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,aug,tue,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,technician,married,professional.course,no,yes,no,cellular,aug,tue,339,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,aug,tue,149,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,high.school,no,no,no,cellular,aug,tue,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,high.school,unknown,no,no,cellular,aug,tue,256,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,high.school,unknown,no,no,cellular,aug,tue,332,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,tue,111,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,admin.,divorced,high.school,no,no,no,cellular,aug,tue,290,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,self-employed,single,university.degree,no,no,no,cellular,aug,tue,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,tue,80,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,high.school,no,no,no,cellular,aug,tue,186,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.6y,no,yes,no,cellular,aug,tue,195,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,self-employed,married,high.school,no,no,no,cellular,aug,tue,119,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,management,married,university.degree,no,no,no,cellular,aug,tue,115,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,admin.,married,university.degree,no,no,no,cellular,aug,tue,145,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,145,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,tue,126,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,tue,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,tue,204,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,married,university.degree,no,yes,no,cellular,aug,tue,178,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,tue,202,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,housemaid,married,basic.4y,unknown,no,yes,cellular,aug,tue,41,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,married,university.degree,no,no,no,cellular,aug,tue,125,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,professional.course,no,no,no,telephone,aug,tue,225,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,160,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,married,university.degree,no,yes,no,cellular,aug,tue,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,tue,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,97,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,management,married,university.degree,no,yes,no,cellular,aug,tue,127,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,married,university.degree,no,no,no,cellular,aug,tue,391,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,tue,143,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,blue-collar,married,basic.6y,unknown,no,yes,cellular,aug,tue,166,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,admin.,married,basic.9y,no,yes,no,cellular,aug,tue,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,398,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,tue,276,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,technician,single,university.degree,unknown,yes,no,cellular,aug,tue,159,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,tue,452,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,aug,tue,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,high.school,no,yes,no,cellular,aug,tue,195,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,high.school,no,yes,no,cellular,aug,tue,167,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,admin.,married,basic.4y,unknown,yes,no,cellular,aug,tue,306,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,single,university.degree,unknown,no,no,cellular,aug,tue,117,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,divorced,high.school,no,yes,yes,cellular,aug,tue,194,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,management,married,university.degree,no,no,no,cellular,aug,tue,133,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,married,university.degree,no,yes,no,cellular,aug,tue,156,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,technician,married,high.school,unknown,no,no,cellular,aug,tue,679,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,175,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,high.school,no,no,no,cellular,aug,tue,190,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,technician,divorced,professional.course,unknown,yes,no,cellular,aug,tue,109,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,tue,409,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,self-employed,single,university.degree,no,yes,no,cellular,aug,tue,176,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,services,married,basic.4y,no,yes,no,cellular,aug,tue,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,406,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,self-employed,married,university.degree,no,yes,yes,cellular,aug,tue,598,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,no,yes,cellular,aug,tue,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,no,yes,cellular,aug,tue,113,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.6y,no,yes,yes,cellular,aug,tue,222,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,high.school,no,yes,no,cellular,aug,tue,183,13,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,high.school,unknown,no,no,cellular,aug,tue,188,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,275,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,tue,96,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,21,17,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,married,high.school,no,yes,no,cellular,aug,tue,163,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,28,13,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,entrepreneur,divorced,professional.course,unknown,unknown,unknown,cellular,aug,tue,950,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +42,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,56,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,679,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,single,professional.course,no,yes,no,cellular,aug,tue,99,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,high.school,no,yes,no,cellular,aug,tue,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,120,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,no,yes,cellular,aug,tue,35,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,687,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +36,admin.,single,university.degree,no,yes,no,cellular,aug,tue,74,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,tue,224,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,university.degree,no,no,no,cellular,aug,tue,158,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,married,high.school,no,yes,no,cellular,aug,tue,292,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,admin.,married,university.degree,no,yes,no,cellular,aug,tue,208,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,self-employed,single,university.degree,no,yes,no,cellular,aug,tue,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,unknown,married,unknown,unknown,unknown,unknown,cellular,aug,tue,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,married,high.school,no,yes,no,cellular,aug,tue,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,services,single,professional.course,no,yes,no,cellular,aug,tue,73,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,married,university.degree,no,yes,no,cellular,aug,tue,469,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,146,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,tue,1241,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.4y,no,no,yes,cellular,aug,tue,299,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,128,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,admin.,married,university.degree,no,no,yes,cellular,aug,tue,209,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,admin.,married,university.degree,no,no,no,cellular,aug,tue,166,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,yes,yes,cellular,aug,tue,131,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,retired,married,university.degree,unknown,no,no,cellular,aug,tue,587,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,university.degree,no,yes,no,cellular,aug,tue,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,tue,191,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,274,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,technician,married,high.school,unknown,yes,yes,cellular,aug,tue,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,technician,married,high.school,unknown,no,yes,cellular,aug,tue,171,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,80,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,university.degree,no,yes,no,cellular,aug,tue,95,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,no,no,yes,cellular,aug,tue,128,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,services,married,basic.4y,no,yes,yes,cellular,aug,tue,220,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,tue,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,yes,cellular,aug,tue,360,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,technician,married,professional.course,yes,no,no,cellular,aug,tue,66,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,technician,married,professional.course,yes,yes,no,cellular,aug,tue,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,12,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,admin.,married,high.school,no,yes,yes,cellular,aug,tue,120,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,unemployed,single,professional.course,no,yes,yes,telephone,aug,tue,69,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,married,high.school,no,no,no,cellular,aug,tue,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,258,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,married,high.school,no,yes,no,cellular,aug,tue,195,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,aug,tue,696,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,434,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,married,high.school,no,yes,no,cellular,aug,tue,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,married,high.school,no,yes,yes,cellular,aug,tue,172,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,tue,387,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,management,married,university.degree,no,yes,no,cellular,aug,tue,377,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,high.school,no,no,no,cellular,aug,tue,243,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,tue,60,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,unemployed,married,university.degree,no,no,no,cellular,aug,tue,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,unemployed,married,university.degree,no,yes,no,cellular,aug,tue,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,tue,281,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,management,married,university.degree,unknown,yes,no,cellular,aug,tue,110,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,unemployed,married,professional.course,unknown,yes,yes,cellular,aug,tue,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,aug,tue,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,unknown,married,high.school,unknown,no,yes,cellular,aug,tue,144,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,aug,tue,205,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,528,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,admin.,married,basic.4y,unknown,yes,yes,cellular,aug,tue,292,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,yes,no,cellular,aug,tue,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,tue,120,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,blue-collar,divorced,basic.9y,no,no,no,cellular,aug,tue,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,high.school,no,yes,yes,cellular,aug,tue,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,high.school,no,yes,no,cellular,aug,tue,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,high.school,no,yes,no,cellular,aug,tue,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,high.school,no,no,no,cellular,aug,tue,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,high.school,no,no,no,cellular,aug,tue,79,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,high.school,no,no,no,cellular,aug,tue,41,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,university.degree,unknown,yes,no,cellular,aug,tue,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,management,married,university.degree,no,no,no,cellular,aug,tue,551,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,98,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,management,married,university.degree,unknown,no,no,cellular,aug,tue,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,181,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,professional.course,no,no,no,cellular,aug,tue,386,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,self-employed,married,university.degree,no,no,no,cellular,aug,tue,135,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,unknown,no,no,cellular,aug,tue,349,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,no,yes,cellular,aug,tue,358,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,tue,154,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,197,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,tue,245,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,tue,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,tue,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,aug,tue,288,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,69,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,no,yes,cellular,aug,tue,438,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,single,university.degree,no,no,yes,cellular,aug,tue,28,11,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,technician,married,high.school,unknown,no,no,cellular,aug,tue,280,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,admin.,married,high.school,no,no,no,cellular,aug,tue,15,13,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,no,yes,cellular,aug,tue,824,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,tue,451,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,blue-collar,married,unknown,no,no,no,cellular,aug,tue,194,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,high.school,no,yes,no,cellular,aug,tue,385,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,married,professional.course,no,no,no,cellular,aug,tue,99,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,management,married,university.degree,no,no,no,cellular,aug,tue,471,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,single,university.degree,no,yes,no,cellular,aug,tue,486,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,technician,divorced,high.school,no,yes,yes,cellular,aug,tue,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.4y,no,yes,yes,cellular,aug,tue,53,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,retired,married,basic.4y,no,no,no,cellular,aug,tue,933,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +29,management,single,university.degree,no,yes,no,cellular,aug,tue,139,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,unknown,unknown,cellular,aug,tue,40,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,university.degree,unknown,yes,no,cellular,aug,tue,328,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,management,married,high.school,no,yes,no,cellular,aug,tue,19,12,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,tue,144,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,high.school,no,yes,no,cellular,aug,tue,42,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,1059,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,117,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,tue,149,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,tue,1032,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +32,technician,single,university.degree,no,yes,yes,cellular,aug,tue,231,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,yes,no,cellular,aug,tue,80,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,141,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,high.school,no,yes,yes,cellular,aug,tue,474,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,unemployed,single,university.degree,no,yes,yes,cellular,aug,tue,153,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,tue,98,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,aug,tue,405,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,yes,yes,cellular,aug,tue,202,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,294,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,basic.6y,no,no,no,cellular,aug,tue,178,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,basic.6y,no,yes,no,cellular,aug,tue,264,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,university.degree,no,no,yes,cellular,aug,tue,729,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,unemployed,married,professional.course,no,no,no,telephone,aug,tue,18,12,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,yes,yes,cellular,aug,tue,285,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,tue,367,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,admin.,married,basic.9y,unknown,yes,yes,cellular,aug,tue,86,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,155,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,services,married,university.degree,no,yes,no,cellular,aug,tue,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,220,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,services,married,university.degree,no,yes,no,cellular,aug,tue,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,technician,married,high.school,no,yes,no,cellular,aug,tue,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,199,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,tue,178,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,blue-collar,married,basic.6y,no,yes,no,cellular,aug,tue,373,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,tue,211,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,173,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,high.school,unknown,yes,no,cellular,aug,tue,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,44,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,single,university.degree,unknown,no,yes,cellular,aug,tue,285,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,aug,tue,302,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,tue,171,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,aug,tue,158,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,divorced,high.school,no,no,no,cellular,aug,tue,271,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,single,university.degree,no,no,no,cellular,aug,tue,59,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,university.degree,unknown,no,no,cellular,aug,tue,61,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,management,married,university.degree,no,yes,no,cellular,aug,tue,61,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,yes,no,cellular,aug,tue,105,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,tue,118,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,services,married,high.school,no,yes,no,cellular,aug,tue,392,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,unknown,unknown,unknown,cellular,aug,tue,313,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,university.degree,no,yes,no,cellular,aug,tue,82,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,109,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,high.school,no,yes,no,cellular,aug,tue,78,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,unemployed,married,basic.4y,no,no,no,cellular,aug,tue,121,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,professional.course,no,no,no,cellular,aug,tue,97,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,retired,married,high.school,unknown,yes,yes,cellular,aug,tue,37,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,221,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,divorced,university.degree,unknown,no,no,telephone,aug,tue,105,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,cellular,aug,tue,329,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,self-employed,married,basic.4y,no,no,no,cellular,aug,tue,268,11,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,high.school,no,yes,no,cellular,aug,tue,160,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +60,retired,married,basic.4y,unknown,no,no,cellular,aug,tue,332,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,services,married,high.school,unknown,no,no,cellular,aug,tue,205,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,tue,398,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,high.school,no,yes,no,cellular,aug,tue,599,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,single,professional.course,unknown,no,yes,cellular,aug,tue,102,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,high.school,unknown,yes,no,cellular,aug,tue,82,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,tue,290,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +56,retired,married,high.school,no,yes,no,cellular,aug,tue,109,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,238,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,services,married,high.school,no,no,no,cellular,aug,tue,249,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,single,high.school,no,yes,yes,cellular,aug,tue,629,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,university.degree,unknown,no,yes,cellular,aug,tue,137,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,married,high.school,no,yes,no,cellular,aug,tue,231,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,aug,tue,119,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,blue-collar,married,basic.6y,no,yes,no,cellular,aug,tue,308,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,609,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,147,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,tue,123,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,single,professional.course,unknown,yes,no,cellular,aug,tue,57,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,199,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,tue,219,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,tue,386,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,tue,112,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,divorced,professional.course,no,no,no,cellular,aug,tue,706,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,tue,173,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,divorced,unknown,no,no,no,cellular,aug,tue,228,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,divorced,university.degree,no,no,no,cellular,aug,tue,207,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,unknown,unknown,cellular,aug,tue,347,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,blue-collar,married,basic.6y,no,no,no,cellular,aug,tue,256,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,married,university.degree,no,yes,no,cellular,aug,tue,85,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,housemaid,married,basic.4y,no,yes,no,cellular,aug,tue,117,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,no,yes,cellular,aug,tue,60,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,yes,yes,cellular,aug,tue,207,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +57,services,married,high.school,no,no,no,cellular,aug,tue,187,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,blue-collar,married,basic.6y,no,yes,no,cellular,aug,tue,166,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,152,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,aug,tue,93,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,unknown,no,no,cellular,aug,tue,54,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,services,married,professional.course,no,no,no,cellular,aug,tue,836,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +31,services,divorced,high.school,no,yes,yes,cellular,aug,tue,242,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,married,university.degree,no,yes,yes,cellular,aug,tue,235,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,blue-collar,married,basic.9y,unknown,yes,no,telephone,aug,tue,132,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,tue,561,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,basic.9y,no,yes,yes,cellular,aug,tue,303,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,management,married,university.degree,no,yes,no,cellular,aug,tue,343,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,services,married,university.degree,no,yes,no,cellular,aug,tue,159,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,173,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +60,retired,married,basic.4y,unknown,yes,yes,cellular,aug,tue,595,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,tue,1200,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,university.degree,unknown,yes,no,cellular,aug,tue,695,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,tue,100,11,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,admin.,married,university.degree,unknown,yes,yes,cellular,aug,tue,103,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,blue-collar,married,basic.4y,no,unknown,unknown,telephone,aug,tue,480,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +32,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,46,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,high.school,no,yes,no,cellular,aug,wed,125,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,108,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,admin.,single,university.degree,unknown,yes,yes,cellular,aug,wed,131,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,wed,129,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,118,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,technician,divorced,high.school,no,no,no,cellular,aug,wed,113,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,aug,wed,80,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,technician,married,professional.course,unknown,yes,yes,cellular,aug,wed,83,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,150,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,wed,582,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,wed,68,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,technician,divorced,high.school,unknown,no,no,cellular,aug,wed,190,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,retired,married,basic.9y,unknown,yes,yes,cellular,aug,wed,117,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,high.school,unknown,yes,no,cellular,aug,wed,143,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,183,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,admin.,married,university.degree,no,yes,no,cellular,aug,wed,264,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,aug,wed,216,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,wed,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,43,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,154,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,management,divorced,university.degree,no,no,no,cellular,aug,wed,649,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +33,admin.,single,university.degree,no,no,yes,cellular,aug,wed,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,wed,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,high.school,no,yes,no,cellular,aug,wed,30,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,89,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,wed,81,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,management,married,university.degree,no,no,no,cellular,aug,wed,50,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,married,university.degree,no,yes,no,cellular,aug,wed,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,retired,married,university.degree,no,no,no,cellular,aug,wed,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,married,university.degree,no,no,no,cellular,aug,wed,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,admin.,single,university.degree,no,no,no,cellular,aug,wed,377,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,housemaid,married,university.degree,no,yes,yes,cellular,aug,wed,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,services,married,high.school,no,no,no,cellular,aug,wed,55,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,divorced,professional.course,no,yes,no,cellular,aug,wed,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,wed,240,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,services,married,high.school,unknown,no,no,cellular,aug,wed,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,unemployed,married,professional.course,no,no,yes,cellular,aug,wed,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,technician,married,professional.course,no,no,no,cellular,aug,wed,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,wed,104,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,married,university.degree,no,yes,no,cellular,aug,wed,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,wed,256,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,unknown,yes,no,cellular,aug,wed,322,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,single,university.degree,unknown,no,no,cellular,aug,wed,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,50,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,aug,wed,132,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,services,married,basic.4y,no,no,yes,cellular,aug,wed,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,married,high.school,no,yes,yes,cellular,aug,wed,18,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,single,university.degree,unknown,no,no,cellular,aug,wed,483,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,services,married,basic.4y,no,yes,no,cellular,aug,wed,212,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,64,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,329,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,wed,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,no,yes,cellular,aug,wed,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,wed,129,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,divorced,university.degree,unknown,no,no,cellular,aug,wed,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,wed,295,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,aug,wed,60,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,25,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,wed,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,single,high.school,no,no,no,cellular,aug,wed,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,single,high.school,no,yes,no,cellular,aug,wed,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,wed,391,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,management,married,high.school,unknown,yes,no,cellular,aug,wed,228,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.6y,no,yes,no,cellular,aug,wed,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,wed,140,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,wed,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,wed,243,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,technician,married,professional.course,no,yes,no,cellular,aug,wed,192,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,wed,340,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.6y,no,no,no,cellular,aug,wed,921,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +36,self-employed,divorced,professional.course,no,yes,no,cellular,aug,wed,157,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,professional.course,no,yes,no,cellular,aug,wed,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,professional.course,no,yes,no,cellular,aug,wed,84,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,professional.course,no,no,no,cellular,aug,wed,113,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,management,married,university.degree,no,no,no,cellular,aug,wed,500,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,professional.course,no,yes,no,cellular,aug,wed,179,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,wed,53,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,wed,195,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,aug,wed,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,72,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,467,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +36,technician,married,high.school,unknown,yes,no,cellular,aug,wed,112,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,83,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,entrepreneur,married,high.school,no,no,no,cellular,aug,wed,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,high.school,unknown,yes,no,cellular,aug,wed,231,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,entrepreneur,married,high.school,no,yes,no,cellular,aug,wed,312,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,technician,married,professional.course,no,yes,no,cellular,aug,wed,543,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +32,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,152,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,124,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,yes,yes,cellular,aug,wed,158,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,82,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,management,married,high.school,unknown,no,no,cellular,aug,wed,110,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,entrepreneur,single,university.degree,no,yes,yes,cellular,aug,wed,90,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,self-employed,married,professional.course,unknown,yes,no,cellular,aug,wed,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,basic.9y,unknown,yes,no,cellular,aug,wed,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,wed,428,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,193,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,high.school,unknown,yes,no,cellular,aug,wed,158,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,wed,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,basic.9y,no,yes,yes,cellular,aug,wed,339,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,basic.9y,no,no,no,cellular,aug,wed,351,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,wed,202,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,housemaid,married,basic.4y,no,yes,no,cellular,aug,wed,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,203,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,admin.,married,university.degree,no,no,no,cellular,aug,wed,552,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +57,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,divorced,professional.course,no,yes,no,cellular,aug,wed,79,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,wed,117,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,89,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,wed,322,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,wed,60,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,housemaid,married,basic.4y,no,no,no,cellular,aug,wed,1044,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +30,technician,single,professional.course,no,no,no,cellular,aug,wed,387,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,admin.,single,university.degree,no,no,yes,cellular,aug,wed,162,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,wed,875,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +53,blue-collar,married,basic.4y,no,yes,no,cellular,aug,wed,108,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,blue-collar,married,basic.4y,no,no,yes,cellular,aug,wed,414,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,technician,married,university.degree,no,yes,no,cellular,aug,wed,552,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,wed,209,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,wed,263,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,aug,wed,185,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,technician,married,professional.course,unknown,no,no,cellular,aug,wed,71,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,wed,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,professional.course,no,yes,no,cellular,aug,wed,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,360,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,blue-collar,single,basic.9y,no,no,no,cellular,aug,wed,219,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,157,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,102,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,professional.course,no,no,no,cellular,aug,wed,113,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,wed,196,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,management,married,university.degree,no,yes,no,cellular,aug,wed,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,wed,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,138,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,wed,204,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,management,married,university.degree,no,yes,no,cellular,aug,wed,535,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,university.degree,unknown,yes,no,cellular,aug,wed,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,single,professional.course,no,yes,no,cellular,aug,wed,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,university.degree,no,no,no,cellular,aug,wed,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,services,married,professional.course,no,yes,no,cellular,aug,wed,160,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,university.degree,no,no,no,cellular,aug,wed,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,359,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,single,university.degree,no,yes,no,cellular,aug,wed,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,277,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,management,married,university.degree,no,yes,no,cellular,aug,wed,88,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,no,no,telephone,aug,wed,588,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +60,retired,married,university.degree,no,no,no,cellular,aug,wed,332,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,married,high.school,no,no,no,cellular,aug,wed,184,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,wed,237,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,aug,wed,49,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,wed,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,wed,215,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,wed,25,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,blue-collar,single,high.school,no,no,no,cellular,aug,wed,211,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,management,married,university.degree,no,unknown,unknown,cellular,aug,wed,233,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,services,divorced,high.school,unknown,no,no,cellular,aug,wed,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,172,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,services,married,high.school,unknown,yes,no,cellular,aug,wed,100,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,management,married,university.degree,no,yes,no,cellular,aug,wed,113,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,technician,divorced,professional.course,unknown,no,no,cellular,aug,wed,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,wed,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,divorced,professional.course,unknown,yes,no,cellular,aug,wed,200,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,wed,214,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,unemployed,married,university.degree,no,yes,no,cellular,aug,wed,763,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +36,technician,single,university.degree,no,unknown,unknown,cellular,aug,wed,889,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,university.degree,no,no,no,cellular,aug,wed,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,wed,195,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,university.degree,no,no,no,cellular,aug,wed,210,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,single,university.degree,unknown,yes,no,cellular,aug,wed,413,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,wed,97,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,aug,wed,472,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,wed,157,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,352,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,management,married,high.school,no,no,no,cellular,aug,wed,171,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,high.school,no,yes,no,cellular,aug,wed,78,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,university.degree,unknown,no,no,cellular,aug,wed,212,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.9y,no,no,yes,cellular,aug,wed,76,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,112,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,aug,wed,161,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,married,university.degree,no,yes,no,cellular,aug,wed,140,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,married,high.school,no,yes,no,cellular,aug,wed,599,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,536,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +35,technician,single,professional.course,no,yes,no,cellular,aug,wed,75,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,technician,single,professional.course,no,no,no,cellular,aug,wed,1740,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,56,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,wed,513,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,technician,married,professional.course,no,yes,yes,cellular,aug,wed,744,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,university.degree,no,no,no,cellular,aug,wed,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,university.degree,no,no,no,cellular,aug,wed,184,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,university.degree,no,no,yes,cellular,aug,wed,62,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,single,university.degree,no,yes,no,cellular,aug,wed,194,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,married,university.degree,no,yes,yes,cellular,aug,wed,94,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,unknown,unknown,cellular,aug,wed,88,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,wed,398,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,259,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,management,married,university.degree,no,yes,no,cellular,aug,wed,77,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,admin.,divorced,professional.course,no,no,no,cellular,aug,wed,329,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,management,married,university.degree,no,yes,no,cellular,aug,wed,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,management,married,university.degree,no,no,no,cellular,aug,wed,414,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,aug,wed,252,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,no,yes,no,cellular,aug,wed,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,116,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,management,married,university.degree,no,yes,no,cellular,aug,wed,113,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,housemaid,single,university.degree,no,no,yes,cellular,aug,wed,127,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,no,yes,cellular,aug,wed,447,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,technician,married,professional.course,unknown,no,no,cellular,aug,wed,88,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,wed,157,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,no,yes,cellular,aug,wed,15,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,services,married,basic.4y,no,yes,no,cellular,aug,wed,173,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,divorced,university.degree,no,no,yes,cellular,aug,wed,203,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,admin.,married,university.degree,no,yes,no,cellular,aug,wed,471,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,wed,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,wed,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,university.degree,no,yes,no,cellular,aug,wed,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,188,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,wed,1408,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +39,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,blue-collar,married,basic.9y,no,unknown,unknown,cellular,aug,wed,70,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,293,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,wed,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,university.degree,no,no,no,cellular,aug,wed,118,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,584,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,aug,wed,718,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +35,technician,single,university.degree,no,no,yes,cellular,aug,wed,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,married,university.degree,no,no,yes,cellular,aug,wed,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,no,yes,cellular,aug,wed,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,university.degree,no,no,no,cellular,aug,wed,797,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,married,university.degree,no,yes,no,cellular,aug,wed,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,aug,wed,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,high.school,unknown,no,no,cellular,aug,wed,921,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +31,technician,single,university.degree,unknown,no,no,cellular,aug,wed,605,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,no,yes,no,cellular,aug,wed,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,wed,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,high.school,no,no,no,cellular,aug,wed,245,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,no,yes,cellular,aug,wed,443,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,divorced,professional.course,no,yes,no,cellular,aug,wed,176,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,entrepreneur,married,basic.9y,unknown,yes,no,cellular,aug,wed,156,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,high.school,no,no,no,cellular,aug,wed,552,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,married,university.degree,no,no,yes,cellular,aug,wed,280,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,243,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,aug,wed,358,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,430,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,unknown,no,no,cellular,aug,wed,132,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,divorced,university.degree,no,no,yes,cellular,aug,wed,380,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,wed,327,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,wed,627,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +37,admin.,married,university.degree,no,yes,no,cellular,aug,wed,251,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,housemaid,divorced,basic.9y,no,yes,no,cellular,aug,wed,175,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,married,basic.4y,unknown,no,no,cellular,aug,wed,687,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,395,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,self-employed,married,university.degree,no,no,no,cellular,aug,wed,696,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,aug,wed,175,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,self-employed,married,high.school,no,yes,no,cellular,aug,wed,304,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,technician,married,high.school,no,yes,no,cellular,aug,wed,129,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,services,married,high.school,no,yes,no,cellular,aug,wed,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,married,university.degree,no,no,yes,cellular,aug,wed,291,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,married,university.degree,no,no,no,cellular,aug,wed,420,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,management,married,university.degree,unknown,yes,yes,cellular,aug,wed,216,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,housemaid,married,basic.4y,no,no,no,cellular,aug,wed,975,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,married,basic.4y,unknown,no,no,cellular,aug,wed,881,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,wed,157,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,admin.,married,university.degree,no,no,yes,cellular,aug,wed,92,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,wed,135,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,blue-collar,married,professional.course,no,yes,no,cellular,aug,wed,252,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,unknown,no,no,cellular,aug,wed,93,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,unemployed,married,basic.9y,no,yes,no,cellular,aug,wed,68,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,married,university.degree,no,no,no,cellular,aug,wed,174,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,technician,divorced,professional.course,unknown,unknown,unknown,cellular,aug,wed,170,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,self-employed,married,university.degree,no,yes,no,cellular,aug,wed,165,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,wed,89,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,wed,141,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,admin.,married,university.degree,no,no,no,telephone,aug,wed,237,12,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,aug,wed,67,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,married,basic.4y,unknown,no,no,cellular,aug,wed,116,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,university.degree,no,no,no,cellular,aug,wed,896,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,high.school,no,yes,no,cellular,aug,wed,53,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,high.school,no,yes,no,cellular,aug,wed,625,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +31,unemployed,married,university.degree,no,no,no,cellular,aug,wed,147,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,professional.course,no,yes,yes,cellular,aug,wed,63,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,services,married,basic.9y,no,no,no,cellular,aug,wed,76,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,high.school,no,yes,yes,cellular,aug,wed,79,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,wed,113,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,services,married,high.school,no,no,no,cellular,aug,wed,133,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,aug,wed,559,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,aug,wed,273,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,housemaid,married,university.degree,no,yes,no,cellular,aug,wed,83,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,37,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,wed,113,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,wed,50,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,basic.9y,unknown,yes,yes,cellular,aug,wed,66,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,209,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,services,married,high.school,no,yes,no,cellular,aug,wed,703,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +30,admin.,married,university.degree,no,no,no,cellular,aug,wed,345,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,admin.,single,university.degree,unknown,unknown,unknown,cellular,aug,wed,138,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,services,married,unknown,unknown,yes,no,cellular,aug,wed,341,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,wed,78,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,high.school,no,no,yes,cellular,aug,wed,210,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,self-employed,married,basic.9y,no,yes,no,telephone,aug,wed,41,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,wed,134,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,single,university.degree,no,no,no,cellular,aug,wed,208,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,technician,married,high.school,no,no,yes,cellular,aug,wed,109,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,married,university.degree,no,no,no,cellular,aug,wed,66,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,technician,married,professional.course,no,no,no,cellular,aug,wed,125,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,aug,wed,173,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,housemaid,married,basic.4y,no,no,no,cellular,aug,wed,188,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,wed,160,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,unemployed,married,university.degree,no,no,no,cellular,aug,wed,124,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,wed,99,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,divorced,professional.course,unknown,no,no,cellular,aug,wed,196,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,381,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,retired,married,basic.4y,no,yes,no,cellular,aug,wed,83,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,no,no,cellular,aug,wed,126,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,self-employed,married,professional.course,no,yes,no,cellular,aug,wed,181,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,aug,wed,221,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,housemaid,married,university.degree,no,yes,no,cellular,aug,wed,195,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,basic.9y,unknown,yes,no,cellular,aug,wed,226,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,married,university.degree,no,yes,yes,cellular,aug,wed,678,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,high.school,no,no,no,cellular,aug,wed,44,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,unknown,yes,no,cellular,aug,wed,46,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,married,basic.4y,unknown,no,yes,cellular,aug,wed,278,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,yes,yes,cellular,aug,wed,162,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,wed,225,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,wed,153,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,77,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,blue-collar,divorced,basic.4y,no,no,no,cellular,aug,wed,96,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,retired,married,professional.course,no,no,no,cellular,aug,wed,135,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,unknown,no,yes,no,cellular,aug,wed,99,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,96,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,1464,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,unknown,yes,no,cellular,aug,wed,111,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,wed,320,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,married,university.degree,no,no,yes,cellular,aug,thu,220,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,housemaid,married,university.degree,no,yes,no,cellular,aug,thu,111,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,university.degree,no,yes,yes,cellular,aug,thu,462,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,high.school,no,yes,no,cellular,aug,thu,92,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,self-employed,married,university.degree,no,no,yes,cellular,aug,thu,432,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,thu,286,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,unknown,married,professional.course,unknown,no,yes,telephone,aug,thu,169,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,self-employed,divorced,university.degree,no,no,no,cellular,aug,thu,182,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,high.school,no,no,no,cellular,aug,thu,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,398,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,high.school,no,no,no,cellular,aug,thu,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,444,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,high.school,no,yes,no,cellular,aug,thu,310,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,technician,married,professional.course,no,no,yes,cellular,aug,thu,209,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,high.school,unknown,no,no,cellular,aug,thu,189,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,high.school,unknown,no,yes,cellular,aug,thu,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,single,high.school,no,no,no,cellular,aug,thu,444,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,high.school,unknown,yes,no,cellular,aug,thu,199,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,self-employed,married,high.school,no,yes,no,cellular,aug,thu,151,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,services,divorced,professional.course,no,no,yes,cellular,aug,thu,66,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,high.school,no,yes,no,cellular,aug,thu,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,technician,married,professional.course,no,yes,yes,cellular,aug,thu,246,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,63,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,technician,single,high.school,unknown,yes,yes,cellular,aug,thu,971,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,210,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,79,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,thu,311,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,divorced,high.school,unknown,yes,no,cellular,aug,thu,140,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,self-employed,married,basic.6y,no,no,no,cellular,aug,thu,137,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,thu,98,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,self-employed,married,basic.6y,no,no,no,cellular,aug,thu,218,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,professional.course,no,no,no,cellular,aug,thu,152,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,admin.,married,university.degree,no,no,no,cellular,aug,thu,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,services,married,basic.9y,no,no,no,cellular,aug,thu,211,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,married,unknown,no,no,no,cellular,aug,thu,331,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,admin.,married,university.degree,no,yes,no,cellular,aug,thu,238,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,housemaid,married,basic.4y,no,yes,no,cellular,aug,thu,164,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,admin.,married,university.degree,no,no,yes,cellular,aug,thu,250,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,housemaid,married,basic.4y,no,yes,no,cellular,aug,thu,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,thu,82,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,thu,396,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,technician,married,professional.course,unknown,no,no,cellular,aug,thu,351,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,self-employed,married,university.degree,no,no,no,cellular,aug,thu,273,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,university.degree,unknown,no,no,cellular,aug,thu,246,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,high.school,no,yes,no,cellular,aug,thu,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,thu,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,single,university.degree,no,no,no,cellular,aug,thu,429,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,no,yes,cellular,aug,thu,167,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,thu,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,divorced,university.degree,no,yes,yes,cellular,aug,thu,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,single,university.degree,no,yes,no,cellular,aug,thu,118,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,thu,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,thu,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,thu,180,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,services,married,basic.9y,no,yes,no,cellular,aug,thu,676,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,professional.course,no,yes,yes,cellular,aug,thu,84,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,thu,40,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,high.school,no,yes,no,cellular,aug,thu,1503,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +48,admin.,married,high.school,no,yes,no,cellular,aug,thu,62,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,retired,married,professional.course,no,yes,no,cellular,aug,thu,384,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,admin.,single,university.degree,no,yes,no,cellular,aug,thu,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,thu,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,292,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,single,professional.course,no,no,no,cellular,aug,thu,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,thu,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,thu,234,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,technician,married,professional.course,no,no,no,cellular,aug,thu,129,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,high.school,unknown,no,no,cellular,aug,thu,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,high.school,unknown,yes,yes,cellular,aug,thu,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,thu,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,management,married,university.degree,no,no,no,cellular,aug,thu,644,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +42,technician,married,university.degree,no,no,no,cellular,aug,thu,161,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,university.degree,no,yes,no,cellular,aug,thu,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,university.degree,no,no,yes,cellular,aug,thu,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,married,university.degree,no,yes,yes,cellular,aug,thu,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,high.school,unknown,no,no,cellular,aug,thu,776,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,thu,173,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,thu,65,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,93,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,admin.,single,university.degree,no,no,no,cellular,aug,thu,153,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,thu,223,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,services,married,high.school,no,no,no,cellular,aug,thu,62,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,housemaid,single,university.degree,no,yes,no,cellular,aug,thu,159,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,self-employed,married,basic.9y,no,unknown,unknown,cellular,aug,thu,141,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,thu,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,thu,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,divorced,university.degree,no,no,yes,cellular,aug,thu,376,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,thu,140,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,retired,married,basic.4y,unknown,yes,no,cellular,aug,thu,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,thu,117,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,126,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,entrepreneur,married,university.degree,unknown,yes,yes,cellular,aug,thu,148,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,blue-collar,married,basic.4y,no,no,no,telephone,aug,thu,4199,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +30,technician,single,professional.course,no,no,no,cellular,aug,thu,65,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,thu,588,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,151,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,high.school,no,no,no,cellular,aug,thu,913,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +48,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,thu,1111,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,services,married,basic.9y,no,unknown,unknown,cellular,aug,thu,282,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,aug,thu,656,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,services,married,basic.4y,no,yes,no,cellular,aug,thu,265,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,thu,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,thu,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,thu,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,housemaid,married,professional.course,no,yes,yes,cellular,aug,thu,243,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,housemaid,divorced,professional.course,no,yes,no,cellular,aug,thu,321,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,thu,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,housemaid,married,basic.4y,no,no,no,cellular,aug,thu,183,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,management,married,university.degree,unknown,yes,yes,cellular,aug,thu,299,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,housemaid,married,basic.4y,no,no,no,cellular,aug,thu,179,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,unemployed,married,basic.9y,no,yes,no,cellular,aug,thu,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +60,self-employed,married,university.degree,no,no,no,cellular,aug,thu,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,married,university.degree,no,no,no,cellular,aug,thu,335,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +60,self-employed,married,university.degree,no,no,no,cellular,aug,thu,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,169,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,self-employed,married,professional.course,no,no,no,cellular,aug,thu,90,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,thu,244,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,retired,married,high.school,unknown,yes,no,cellular,aug,thu,194,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,services,divorced,high.school,unknown,no,no,cellular,aug,thu,819,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +57,blue-collar,married,basic.4y,no,no,no,cellular,aug,thu,134,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.6y,no,no,no,cellular,aug,thu,139,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,thu,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,housemaid,married,university.degree,unknown,yes,no,cellular,aug,thu,297,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,housemaid,married,basic.9y,no,no,no,cellular,aug,thu,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,retired,married,basic.4y,no,no,no,cellular,aug,thu,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,technician,divorced,university.degree,no,yes,no,cellular,aug,thu,136,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,admin.,married,basic.9y,unknown,no,yes,cellular,aug,thu,59,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,management,married,university.degree,no,no,yes,cellular,aug,thu,166,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,single,university.degree,no,no,no,cellular,aug,thu,545,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,management,married,university.degree,unknown,no,yes,cellular,aug,thu,137,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,admin.,married,university.degree,no,no,yes,cellular,aug,thu,1505,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +51,technician,married,professional.course,unknown,no,yes,cellular,aug,thu,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,high.school,no,yes,no,cellular,aug,thu,788,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +30,technician,single,high.school,no,yes,no,cellular,aug,thu,230,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,technician,married,professional.course,no,yes,no,cellular,aug,thu,86,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,self-employed,married,university.degree,no,yes,no,cellular,aug,thu,140,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,admin.,married,university.degree,unknown,no,yes,cellular,aug,thu,212,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,thu,168,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,professional.course,no,no,yes,cellular,aug,thu,898,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,married,professional.course,unknown,no,yes,cellular,aug,thu,318,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,housemaid,married,basic.9y,unknown,no,no,cellular,aug,thu,180,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,thu,241,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,high.school,unknown,yes,no,cellular,aug,thu,238,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,self-employed,married,basic.9y,no,yes,no,cellular,aug,thu,176,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,retired,married,basic.4y,unknown,no,no,cellular,aug,thu,97,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,blue-collar,married,basic.6y,no,yes,no,cellular,aug,thu,43,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,basic.9y,unknown,yes,no,cellular,aug,thu,122,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,thu,12,15,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,divorced,high.school,no,yes,no,cellular,aug,thu,119,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,aug,thu,172,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,thu,419,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,services,married,basic.4y,no,no,no,cellular,aug,thu,575,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,thu,238,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,housemaid,married,basic.4y,no,no,no,cellular,aug,thu,76,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,self-employed,married,basic.9y,no,yes,no,cellular,aug,thu,107,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,technician,divorced,high.school,unknown,yes,no,cellular,aug,thu,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,management,married,university.degree,no,yes,no,cellular,aug,thu,175,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,thu,156,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,admin.,unknown,university.degree,no,yes,no,cellular,aug,thu,89,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,thu,188,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,housemaid,married,university.degree,no,no,no,cellular,aug,thu,181,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,services,married,high.school,no,yes,no,cellular,aug,thu,660,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,unknown,yes,no,cellular,aug,thu,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,unknown,unknown,cellular,aug,thu,946,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +30,admin.,married,university.degree,no,unknown,unknown,cellular,aug,thu,55,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,admin.,unknown,university.degree,no,no,no,cellular,aug,thu,1532,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +29,admin.,single,university.degree,no,yes,no,cellular,aug,thu,435,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,283,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,thu,202,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,blue-collar,married,basic.9y,no,yes,no,cellular,aug,thu,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,technician,married,professional.course,no,no,no,cellular,aug,thu,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,admin.,divorced,university.degree,unknown,yes,yes,cellular,aug,thu,394,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,services,married,high.school,no,no,no,cellular,aug,thu,1026,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,thu,114,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,thu,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,aug,thu,88,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,admin.,married,high.school,unknown,no,no,cellular,aug,thu,87,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,married,unknown,no,yes,no,cellular,aug,thu,140,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,508,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,housemaid,married,university.degree,no,yes,no,cellular,aug,thu,91,15,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,technician,divorced,professional.course,unknown,yes,no,cellular,aug,thu,239,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,thu,719,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,unemployed,married,university.degree,no,yes,no,cellular,aug,thu,71,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,thu,177,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,admin.,married,university.degree,unknown,yes,yes,cellular,aug,thu,381,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,high.school,unknown,unknown,unknown,cellular,aug,thu,381,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +56,self-employed,married,basic.9y,no,yes,no,cellular,aug,thu,793,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +44,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,thu,191,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,basic.6y,unknown,yes,yes,cellular,aug,thu,45,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,professional.course,no,yes,yes,cellular,aug,thu,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,thu,144,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,thu,114,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,technician,married,professional.course,no,yes,yes,cellular,aug,thu,870,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,thu,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,aug,thu,87,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,housemaid,divorced,professional.course,no,no,no,cellular,aug,thu,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,thu,511,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,thu,500,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,basic.6y,no,yes,no,cellular,aug,thu,48,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,basic.6y,no,no,no,cellular,aug,thu,362,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,divorced,professional.course,unknown,yes,no,cellular,aug,thu,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,services,married,high.school,unknown,yes,no,cellular,aug,thu,127,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,divorced,university.degree,no,yes,no,cellular,aug,thu,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,unknown,yes,no,cellular,aug,thu,161,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,thu,154,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,thu,190,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,professional.course,unknown,no,no,cellular,aug,thu,68,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,professional.course,unknown,no,yes,cellular,aug,thu,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,technician,single,professional.course,no,yes,no,cellular,aug,thu,396,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,blue-collar,married,basic.4y,no,no,yes,cellular,aug,thu,274,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,thu,151,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,150,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,services,married,high.school,unknown,yes,no,cellular,aug,thu,227,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,professional.course,unknown,yes,yes,cellular,aug,thu,242,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,housemaid,married,basic.4y,no,no,no,cellular,aug,thu,200,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,360,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,aug,thu,126,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,thu,224,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,basic.4y,unknown,yes,yes,cellular,aug,thu,271,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.4y,no,yes,yes,cellular,aug,thu,256,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,thu,686,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +54,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,415,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,management,married,university.degree,unknown,no,no,cellular,aug,thu,165,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,aug,thu,183,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,thu,301,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,blue-collar,married,basic.4y,no,no,no,cellular,aug,thu,94,13,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,thu,176,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,services,married,high.school,unknown,no,no,cellular,aug,thu,42,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,high.school,no,no,no,cellular,aug,thu,294,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,764,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,services,married,basic.4y,unknown,no,no,cellular,aug,thu,93,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,239,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,blue-collar,married,basic.9y,unknown,unknown,unknown,cellular,aug,thu,159,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,thu,231,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,thu,1877,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +40,management,married,university.degree,no,yes,no,cellular,aug,thu,77,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,single,university.degree,no,no,no,cellular,aug,thu,310,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,140,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,divorced,university.degree,no,yes,no,cellular,aug,thu,142,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,thu,184,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,technician,married,high.school,no,yes,no,cellular,aug,thu,102,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,married,professional.course,no,yes,no,cellular,aug,thu,169,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,thu,120,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,aug,thu,314,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,unknown,yes,yes,cellular,aug,thu,189,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,thu,126,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,blue-collar,married,basic.9y,no,yes,yes,cellular,aug,thu,142,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,self-employed,single,university.degree,no,yes,no,cellular,aug,thu,148,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,368,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,thu,299,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,retired,married,basic.4y,unknown,yes,no,cellular,aug,thu,196,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,technician,divorced,professional.course,unknown,yes,no,cellular,aug,thu,1117,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,yes +31,admin.,married,university.degree,no,yes,no,cellular,aug,thu,280,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,aug,thu,42,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,thu,300,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,services,married,professional.course,unknown,yes,no,cellular,aug,thu,160,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,management,married,university.degree,no,no,no,cellular,aug,thu,122,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,unknown,no,yes,no,cellular,aug,thu,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,thu,379,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,195,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,divorced,high.school,no,no,no,cellular,aug,thu,494,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,129,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,housemaid,married,university.degree,no,yes,no,cellular,aug,thu,163,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,unknown,no,yes,no,cellular,aug,thu,794,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,housemaid,married,university.degree,no,yes,no,cellular,aug,thu,36,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,housemaid,married,university.degree,no,yes,no,cellular,aug,thu,46,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,unknown,no,no,telephone,aug,thu,331,14,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,professional.course,no,no,no,cellular,aug,thu,153,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,blue-collar,married,professional.course,no,yes,no,cellular,aug,thu,269,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +57,technician,married,university.degree,no,no,no,cellular,aug,thu,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +57,technician,married,university.degree,no,yes,no,cellular,aug,thu,202,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +57,retired,married,high.school,no,no,no,cellular,aug,fri,92,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,divorced,university.degree,no,unknown,unknown,cellular,aug,fri,351,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,retired,married,basic.4y,no,yes,no,cellular,aug,fri,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,fri,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,university.degree,unknown,yes,yes,cellular,aug,fri,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,yes,yes,cellular,aug,fri,202,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,fri,242,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,aug,fri,360,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,fri,168,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,aug,fri,169,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,fri,118,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,divorced,university.degree,no,yes,no,cellular,aug,fri,152,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,203,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,high.school,no,no,no,cellular,aug,fri,136,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,fri,974,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +31,technician,single,professional.course,no,yes,no,cellular,aug,fri,122,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,technician,divorced,professional.course,unknown,yes,no,cellular,aug,fri,343,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,fri,76,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,yes,yes,cellular,aug,fri,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,housemaid,married,unknown,unknown,yes,yes,cellular,aug,fri,93,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,retired,married,professional.course,no,yes,no,cellular,aug,fri,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,99,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,services,married,high.school,unknown,yes,yes,cellular,aug,fri,41,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,services,married,high.school,unknown,yes,no,cellular,aug,fri,154,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,586,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,university.degree,unknown,yes,no,cellular,aug,fri,1123,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +45,blue-collar,married,illiterate,no,yes,no,cellular,aug,fri,127,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,fri,87,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,self-employed,married,basic.9y,no,yes,no,cellular,aug,fri,57,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,blue-collar,married,basic.6y,no,yes,no,cellular,aug,fri,167,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,married,university.degree,unknown,yes,no,cellular,aug,fri,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,married,university.degree,unknown,yes,no,cellular,aug,fri,491,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,admin.,married,high.school,no,yes,no,cellular,aug,fri,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,self-employed,married,basic.9y,no,yes,no,cellular,aug,fri,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,high.school,unknown,no,no,cellular,aug,fri,40,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,admin.,married,professional.course,no,yes,no,cellular,aug,fri,34,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,services,married,basic.9y,no,yes,yes,cellular,aug,fri,83,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,technician,married,high.school,no,yes,no,cellular,aug,fri,306,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,single,professional.course,unknown,yes,no,cellular,aug,fri,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,fri,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,644,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,unknown,unknown,cellular,aug,fri,57,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,university.degree,unknown,no,yes,cellular,aug,fri,140,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,admin.,married,unknown,unknown,unknown,unknown,cellular,aug,fri,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,fri,576,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +33,admin.,married,university.degree,no,yes,no,cellular,aug,fri,579,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +53,technician,married,professional.course,no,no,no,cellular,aug,fri,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,married,professional.course,no,yes,no,cellular,aug,fri,336,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +41,self-employed,married,basic.9y,no,yes,no,cellular,aug,fri,313,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,admin.,married,professional.course,no,yes,yes,cellular,aug,fri,1241,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,unknown,no,yes,yes,cellular,aug,fri,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,136,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,aug,fri,73,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,119,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,unknown,no,yes,no,cellular,aug,fri,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,unknown,no,no,no,cellular,aug,fri,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,unknown,no,no,no,cellular,aug,fri,739,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,65,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,self-employed,married,professional.course,no,yes,no,cellular,aug,fri,326,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,housemaid,married,unknown,no,yes,no,cellular,aug,fri,314,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,housemaid,married,professional.course,no,yes,no,cellular,aug,fri,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,unknown,no,no,no,cellular,aug,fri,252,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,unknown,unknown,cellular,aug,fri,227,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,housemaid,married,professional.course,no,no,no,cellular,aug,fri,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,no,yes,cellular,aug,fri,164,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,divorced,university.degree,no,no,no,cellular,aug,fri,86,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,blue-collar,married,basic.6y,no,yes,no,cellular,aug,fri,246,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,fri,77,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,blue-collar,married,basic.6y,no,no,no,cellular,aug,fri,393,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,296,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.9y,no,no,yes,cellular,aug,fri,234,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,high.school,no,yes,no,cellular,aug,fri,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,unknown,no,no,cellular,aug,fri,305,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,aug,fri,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,aug,fri,54,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,aug,fri,254,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,520,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +56,admin.,married,unknown,no,yes,no,cellular,aug,fri,157,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,services,married,basic.4y,unknown,yes,no,cellular,aug,fri,119,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,fri,192,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,unknown,no,no,no,cellular,aug,fri,229,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,self-employed,married,basic.9y,no,no,no,telephone,aug,fri,16,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,university.degree,unknown,no,no,cellular,aug,fri,215,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,fri,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,unemployed,married,high.school,unknown,no,no,cellular,aug,fri,125,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,146,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,fri,705,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,33,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,services,married,high.school,unknown,no,no,cellular,aug,fri,205,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,94,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,unknown,no,yes,no,cellular,aug,fri,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,high.school,unknown,yes,yes,cellular,aug,fri,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,77,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,no,yes,cellular,aug,fri,944,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,self-employed,married,university.degree,no,yes,yes,cellular,aug,fri,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,technician,married,university.degree,unknown,yes,no,cellular,aug,fri,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,492,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,technician,married,university.degree,unknown,yes,no,cellular,aug,fri,213,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,single,university.degree,no,yes,no,cellular,aug,fri,82,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,management,married,high.school,no,yes,no,cellular,aug,fri,125,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,married,unknown,no,no,no,cellular,aug,fri,83,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,married,unknown,no,no,yes,cellular,aug,fri,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,high.school,unknown,no,no,cellular,aug,fri,1258,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +51,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,aug,fri,190,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,188,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,admin.,married,university.degree,no,no,no,cellular,aug,fri,82,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,unemployed,married,university.degree,no,no,no,cellular,aug,fri,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,unemployed,married,university.degree,no,yes,yes,cellular,aug,fri,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,services,married,high.school,unknown,no,no,cellular,aug,fri,362,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,services,married,high.school,unknown,yes,no,cellular,aug,fri,528,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +31,technician,single,professional.course,no,yes,yes,cellular,aug,fri,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,high.school,no,yes,no,cellular,aug,fri,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,blue-collar,married,basic.6y,no,yes,no,cellular,aug,fri,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,blue-collar,married,basic.6y,no,yes,no,cellular,aug,fri,314,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,unknown,unknown,yes,yes,cellular,aug,fri,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,unknown,no,yes,yes,cellular,aug,fri,79,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,unknown,unknown,yes,no,cellular,aug,fri,257,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,unknown,no,no,no,cellular,aug,fri,69,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,fri,129,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,self-employed,married,basic.9y,unknown,no,no,cellular,aug,fri,1329,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +49,blue-collar,married,basic.6y,unknown,no,no,cellular,aug,fri,66,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,fri,358,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,university.degree,no,yes,yes,cellular,aug,fri,73,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,fri,55,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,268,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,aug,fri,63,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,aug,fri,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,high.school,no,no,no,cellular,aug,fri,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,self-employed,married,basic.9y,unknown,yes,no,cellular,aug,fri,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,technician,married,professional.course,no,yes,no,cellular,aug,fri,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,telephone,aug,fri,67,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,fri,65,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,blue-collar,married,unknown,unknown,yes,no,cellular,aug,fri,101,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,housemaid,married,professional.course,no,yes,no,cellular,aug,fri,192,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,blue-collar,married,unknown,unknown,yes,no,cellular,aug,fri,286,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,unemployed,married,high.school,unknown,yes,no,cellular,aug,fri,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,high.school,no,yes,no,cellular,aug,fri,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,high.school,no,no,no,cellular,aug,fri,85,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,78,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,single,high.school,no,no,no,cellular,aug,fri,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,no,yes,cellular,aug,fri,197,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,fri,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,technician,married,professional.course,unknown,no,no,cellular,aug,fri,46,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,fri,278,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,no,yes,cellular,aug,fri,1197,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,fri,164,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,high.school,no,yes,no,cellular,aug,fri,171,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,fri,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,single,university.degree,no,no,no,cellular,aug,fri,114,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,unknown,no,no,no,cellular,aug,fri,220,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,basic.4y,unknown,yes,no,cellular,aug,fri,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,aug,fri,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,technician,single,university.degree,no,yes,no,cellular,aug,fri,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,technician,single,university.degree,no,yes,no,cellular,aug,fri,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,married,high.school,no,yes,no,cellular,aug,fri,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,fri,205,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,aug,fri,565,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +38,technician,single,university.degree,no,yes,yes,cellular,aug,fri,572,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,divorced,professional.course,no,no,no,telephone,aug,fri,336,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,married,university.degree,no,no,no,cellular,aug,fri,232,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,married,university.degree,no,no,no,cellular,aug,fri,251,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,housemaid,married,unknown,no,yes,no,cellular,aug,fri,239,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,fri,243,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,aug,fri,147,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,married,basic.4y,no,no,no,cellular,aug,fri,91,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,university.degree,unknown,no,no,cellular,aug,fri,217,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,services,married,high.school,no,no,no,cellular,aug,fri,149,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,professional.course,no,no,no,cellular,aug,fri,128,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,unemployed,married,high.school,unknown,yes,no,cellular,aug,fri,112,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,742,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,married,university.degree,unknown,yes,no,cellular,aug,fri,200,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,fri,55,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,aug,fri,604,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +30,technician,single,professional.course,no,yes,yes,cellular,aug,fri,22,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,services,married,high.school,no,no,no,cellular,aug,fri,239,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,aug,fri,137,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,fri,119,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,professional.course,unknown,yes,no,cellular,aug,fri,1809,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,fri,47,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,blue-collar,married,unknown,unknown,yes,yes,cellular,aug,fri,48,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,married,university.degree,no,no,no,cellular,aug,fri,65,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,fri,102,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,single,university.degree,no,no,no,cellular,aug,fri,180,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,married,professional.course,no,no,no,cellular,aug,fri,243,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,services,married,high.school,unknown,yes,no,cellular,aug,fri,79,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,no,yes,cellular,aug,fri,187,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,services,married,basic.4y,unknown,yes,no,cellular,aug,fri,120,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,fri,142,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,management,married,university.degree,unknown,yes,yes,cellular,aug,fri,508,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,self-employed,married,basic.9y,no,yes,no,cellular,aug,fri,163,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,blue-collar,married,basic.9y,no,no,no,cellular,aug,fri,27,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,married,university.degree,no,yes,no,cellular,aug,fri,651,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,single,university.degree,no,no,no,cellular,aug,fri,71,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,married,unknown,no,no,no,cellular,aug,fri,233,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,divorced,university.degree,unknown,yes,yes,cellular,aug,fri,557,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,unemployed,married,university.degree,no,no,no,cellular,aug,fri,247,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,management,married,university.degree,unknown,no,no,telephone,aug,fri,208,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,fri,379,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,blue-collar,married,basic.4y,no,yes,no,telephone,aug,fri,295,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,admin.,single,university.degree,no,yes,no,cellular,aug,fri,212,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,married,university.degree,no,no,no,cellular,aug,fri,115,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,technician,married,professional.course,no,no,no,cellular,aug,fri,77,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,fri,238,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,no,yes,cellular,aug,fri,81,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,unknown,no,yes,no,cellular,aug,fri,251,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,374,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,services,married,basic.4y,unknown,no,no,cellular,aug,fri,117,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,professional.course,unknown,unknown,unknown,cellular,aug,fri,73,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,admin.,single,university.degree,no,no,no,cellular,aug,fri,361,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,professional.course,unknown,yes,no,cellular,aug,fri,107,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,divorced,high.school,no,no,no,cellular,aug,fri,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,high.school,no,no,no,cellular,aug,fri,171,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,single,professional.course,no,no,yes,cellular,aug,fri,66,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,technician,married,professional.course,unknown,no,no,cellular,aug,fri,199,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,married,university.degree,no,no,no,cellular,aug,fri,209,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,married,university.degree,no,no,no,cellular,aug,fri,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,fri,152,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,fri,198,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,technician,married,professional.course,unknown,yes,no,cellular,aug,fri,195,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,admin.,married,unknown,unknown,no,no,cellular,aug,fri,234,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,fri,385,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,single,university.degree,no,unknown,unknown,cellular,aug,fri,371,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,divorced,high.school,no,unknown,unknown,cellular,aug,fri,50,15,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,unknown,no,no,cellular,aug,fri,714,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,admin.,married,high.school,no,yes,no,cellular,aug,fri,629,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,divorced,university.degree,no,unknown,unknown,cellular,aug,fri,91,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,management,married,university.degree,no,no,yes,cellular,aug,fri,10,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,management,married,high.school,no,no,no,cellular,aug,fri,132,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +60,retired,married,basic.4y,unknown,yes,no,cellular,aug,fri,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,self-employed,married,basic.9y,no,yes,yes,cellular,aug,fri,1241,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +30,admin.,single,university.degree,no,yes,no,cellular,aug,fri,217,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,professional.course,no,no,yes,cellular,aug,fri,219,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,yes,telephone,aug,fri,28,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,61,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,unknown,no,no,no,cellular,aug,fri,80,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,management,married,university.degree,no,yes,no,cellular,aug,fri,117,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,married,university.degree,no,no,no,cellular,aug,fri,607,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,fri,186,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,fri,538,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,technician,married,professional.course,no,no,no,cellular,aug,fri,337,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +60,management,married,university.degree,no,yes,no,cellular,aug,fri,527,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,admin.,married,university.degree,no,yes,no,cellular,aug,fri,73,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,fri,173,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,unemployed,married,basic.9y,no,no,no,cellular,aug,fri,81,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,divorced,high.school,no,yes,no,cellular,aug,fri,291,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +60,management,married,university.degree,no,no,no,cellular,aug,fri,222,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,entrepreneur,married,high.school,no,no,no,cellular,aug,fri,277,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,self-employed,married,high.school,no,yes,no,cellular,aug,fri,175,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,309,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,97,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,management,married,university.degree,no,no,no,cellular,aug,fri,511,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,technician,married,professional.course,no,no,yes,cellular,aug,fri,55,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,self-employed,married,basic.9y,no,no,yes,cellular,aug,fri,173,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,married,professional.course,no,no,yes,cellular,aug,fri,82,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,346,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,housemaid,married,basic.4y,no,yes,yes,cellular,aug,fri,215,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,housemaid,married,basic.4y,no,yes,yes,cellular,aug,fri,347,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +60,management,married,university.degree,no,unknown,unknown,cellular,aug,fri,154,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,housemaid,married,basic.6y,no,no,no,cellular,aug,fri,618,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,technician,divorced,professional.course,no,no,no,cellular,aug,fri,203,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,blue-collar,married,illiterate,no,no,no,cellular,aug,fri,460,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,married,high.school,no,yes,yes,cellular,aug,fri,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,fri,157,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,management,married,university.degree,no,no,no,cellular,aug,fri,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,divorced,high.school,no,no,no,cellular,aug,fri,129,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,661,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,aug,fri,296,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,married,professional.course,no,no,yes,cellular,aug,fri,323,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,married,professional.course,no,yes,yes,cellular,aug,fri,112,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,professional.course,no,yes,yes,cellular,aug,fri,78,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,single,professional.course,no,yes,yes,cellular,aug,fri,79,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,single,professional.course,no,no,yes,cellular,aug,fri,30,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,602,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,technician,divorced,professional.course,no,no,no,cellular,aug,fri,75,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,entrepreneur,married,high.school,no,no,no,cellular,aug,fri,332,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,unknown,yes,no,cellular,aug,fri,314,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,fri,121,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,admin.,single,university.degree,no,yes,no,cellular,aug,fri,436,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,fri,186,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,fri,270,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,housemaid,married,basic.4y,no,yes,yes,cellular,aug,fri,123,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,unknown,yes,no,cellular,aug,fri,215,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,admin.,married,unknown,no,no,no,telephone,aug,fri,105,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,fri,192,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,263,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,married,professional.course,no,yes,yes,cellular,aug,fri,143,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,professional.course,no,yes,yes,cellular,aug,fri,153,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,technician,married,university.degree,no,yes,yes,cellular,aug,fri,289,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,34,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,239,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,single,university.degree,no,no,yes,cellular,aug,fri,78,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,professional.course,no,no,no,cellular,aug,fri,309,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,fri,353,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,management,married,university.degree,unknown,no,no,telephone,aug,fri,145,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,married,unknown,no,yes,yes,cellular,aug,fri,246,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,divorced,high.school,no,no,no,cellular,aug,fri,101,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,fri,222,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,aug,fri,166,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,unemployed,married,professional.course,no,yes,yes,cellular,aug,fri,98,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,university.degree,no,no,yes,cellular,aug,fri,140,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,management,married,university.degree,no,no,no,cellular,aug,fri,58,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,services,married,unknown,no,no,no,cellular,aug,fri,547,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,self-employed,married,professional.course,no,no,no,cellular,aug,fri,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,housemaid,married,basic.4y,no,no,no,cellular,aug,fri,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,unknown,no,no,cellular,aug,fri,120,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,fri,379,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,aug,fri,182,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,housemaid,married,basic.4y,no,yes,no,cellular,aug,fri,195,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,housemaid,married,basic.4y,no,no,no,cellular,aug,fri,177,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,self-employed,married,high.school,no,no,no,cellular,aug,fri,90,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,divorced,high.school,no,no,yes,cellular,aug,fri,263,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,fri,398,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,management,married,high.school,no,no,no,cellular,aug,fri,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,single,professional.course,no,no,yes,cellular,aug,fri,82,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,fri,207,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,aug,fri,160,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,fri,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,professional.course,no,no,yes,cellular,aug,fri,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,divorced,university.degree,no,no,no,cellular,aug,fri,197,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,married,professional.course,no,unknown,unknown,telephone,aug,fri,9,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,single,university.degree,no,no,no,cellular,aug,fri,148,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,divorced,university.degree,no,no,no,cellular,aug,fri,209,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,technician,married,professional.course,unknown,yes,no,cellular,aug,fri,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,fri,1366,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,fri,124,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,admin.,single,university.degree,no,no,no,cellular,aug,fri,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,married,professional.course,no,no,no,cellular,aug,fri,306,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,173,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,housemaid,married,basic.6y,no,yes,no,cellular,aug,fri,268,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,services,married,high.school,no,no,no,cellular,aug,fri,155,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,aug,fri,176,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,married,university.degree,no,yes,no,cellular,aug,fri,112,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,management,married,university.degree,no,no,yes,cellular,aug,fri,873,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +51,services,married,unknown,no,no,yes,cellular,aug,fri,135,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,housemaid,married,basic.6y,no,yes,no,cellular,aug,fri,208,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,divorced,high.school,no,yes,no,cellular,aug,fri,138,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +60,housemaid,married,basic.4y,no,no,no,cellular,aug,fri,148,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.6y,no,no,no,cellular,aug,fri,200,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,blue-collar,married,basic.6y,no,no,no,cellular,aug,fri,311,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,professional.course,no,yes,no,cellular,aug,fri,56,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,services,married,high.school,unknown,unknown,unknown,cellular,aug,mon,116,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,aug,mon,139,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,housemaid,married,basic.4y,no,yes,no,cellular,aug,mon,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,61,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,626,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +47,blue-collar,married,basic.6y,unknown,yes,no,cellular,aug,mon,103,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,divorced,university.degree,no,no,yes,cellular,aug,mon,116,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,mon,162,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,mon,109,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,aug,mon,48,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,married,university.degree,no,yes,no,cellular,aug,mon,540,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,mon,122,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,university.degree,no,no,no,cellular,aug,mon,342,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,management,married,university.degree,no,no,no,cellular,aug,mon,191,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,divorced,university.degree,no,no,no,cellular,aug,mon,288,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,married,professional.course,no,yes,no,cellular,aug,mon,209,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,91,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,mon,196,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,admin.,single,university.degree,no,yes,no,cellular,aug,mon,110,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,admin.,divorced,university.degree,no,no,no,cellular,aug,mon,115,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,divorced,university.degree,no,yes,no,cellular,aug,mon,57,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,self-employed,married,university.degree,unknown,no,no,cellular,aug,mon,102,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,88,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,mon,68,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,no,yes,cellular,aug,mon,78,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,single,university.degree,no,yes,no,cellular,aug,mon,160,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,married,professional.course,no,yes,no,cellular,aug,mon,472,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,single,university.degree,no,no,yes,cellular,aug,mon,205,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,mon,63,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,professional.course,no,yes,no,cellular,aug,mon,132,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,high.school,no,yes,yes,cellular,aug,mon,85,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,self-employed,married,university.degree,no,no,no,cellular,aug,mon,425,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,mon,50,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,mon,363,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +29,admin.,single,university.degree,unknown,yes,no,cellular,aug,mon,129,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,divorced,university.degree,no,no,no,cellular,aug,mon,66,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,aug,mon,121,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,unknown,no,no,cellular,aug,mon,143,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,mon,145,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,university.degree,no,no,no,cellular,aug,mon,99,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,112,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.9y,no,yes,no,cellular,aug,mon,337,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,divorced,university.degree,no,yes,no,cellular,aug,mon,961,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +32,housemaid,married,basic.4y,no,yes,no,cellular,aug,mon,87,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,technician,divorced,professional.course,no,no,no,cellular,aug,mon,73,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,professional.course,no,no,yes,cellular,aug,mon,463,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,no,yes,cellular,aug,mon,67,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,single,university.degree,no,no,yes,cellular,aug,mon,103,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,services,married,high.school,no,yes,no,cellular,aug,mon,234,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,divorced,university.degree,unknown,no,no,cellular,aug,mon,74,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,single,university.degree,no,no,yes,cellular,aug,mon,220,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,divorced,university.degree,unknown,no,yes,cellular,aug,mon,75,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,aug,mon,79,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,80,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,single,professional.course,unknown,no,no,cellular,aug,mon,48,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,divorced,university.degree,no,no,no,cellular,aug,mon,83,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,self-employed,married,basic.9y,unknown,no,no,cellular,aug,mon,136,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,mon,417,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,divorced,university.degree,unknown,no,no,cellular,aug,mon,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,housemaid,married,basic.4y,no,no,no,cellular,aug,mon,343,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,housemaid,married,basic.4y,no,no,no,cellular,aug,mon,119,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,retired,married,unknown,no,yes,no,cellular,aug,mon,600,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +47,blue-collar,divorced,basic.4y,no,yes,no,cellular,aug,mon,149,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,married,university.degree,no,no,no,cellular,aug,mon,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,self-employed,married,university.degree,unknown,yes,no,cellular,aug,mon,932,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +60,blue-collar,married,unknown,no,no,no,cellular,aug,mon,93,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,blue-collar,married,unknown,no,no,no,cellular,aug,mon,160,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,mon,113,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,unemployed,married,university.degree,unknown,no,yes,cellular,aug,mon,84,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,retired,married,professional.course,no,yes,no,cellular,aug,mon,147,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,mon,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,admin.,divorced,university.degree,no,no,no,cellular,aug,mon,125,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,services,married,high.school,unknown,no,no,cellular,aug,mon,97,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,mon,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,mon,167,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,96,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,divorced,university.degree,no,unknown,unknown,cellular,aug,mon,123,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,housemaid,married,unknown,no,no,no,cellular,aug,mon,106,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,professional.course,no,no,no,cellular,aug,mon,91,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,mon,26,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,84,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,management,married,university.degree,no,yes,no,cellular,aug,mon,342,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,divorced,university.degree,no,no,no,cellular,aug,mon,472,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +37,admin.,single,university.degree,no,yes,no,cellular,aug,mon,108,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,blue-collar,married,basic.6y,no,yes,no,cellular,aug,mon,62,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,married,university.degree,no,no,yes,telephone,aug,mon,67,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,unemployed,married,university.degree,no,yes,no,cellular,aug,mon,143,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,housemaid,married,unknown,no,yes,no,cellular,aug,mon,152,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,services,married,basic.9y,no,yes,no,cellular,aug,mon,104,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,110,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,mon,40,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,high.school,no,yes,no,telephone,aug,mon,176,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,mon,272,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,mon,122,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,management,married,university.degree,no,yes,no,cellular,aug,mon,59,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,mon,57,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,housemaid,married,basic.4y,unknown,no,no,cellular,aug,mon,463,14,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,mon,301,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,343,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,university.degree,no,yes,yes,cellular,aug,mon,508,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,single,university.degree,no,no,no,cellular,aug,mon,102,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,divorced,professional.course,no,yes,no,cellular,aug,mon,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,admin.,married,high.school,no,yes,no,cellular,aug,mon,1152,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +59,retired,married,unknown,no,no,no,cellular,aug,mon,284,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,management,married,university.degree,no,yes,no,cellular,aug,mon,14,12,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,mon,425,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,157,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,116,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,university.degree,no,no,no,cellular,aug,mon,115,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,no,yes,cellular,aug,mon,146,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,housemaid,married,basic.4y,no,no,no,cellular,aug,mon,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,housemaid,married,basic.4y,no,no,no,cellular,aug,mon,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,services,married,high.school,unknown,yes,yes,cellular,aug,mon,72,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,mon,140,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,retired,married,high.school,unknown,no,no,cellular,aug,mon,88,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,technician,divorced,professional.course,unknown,no,yes,cellular,aug,mon,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,services,married,high.school,no,no,no,cellular,aug,mon,150,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,admin.,divorced,university.degree,no,yes,yes,cellular,aug,mon,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,high.school,no,yes,no,cellular,aug,mon,606,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +33,admin.,married,university.degree,no,no,no,cellular,aug,mon,177,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,technician,married,university.degree,no,no,no,cellular,aug,mon,250,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,housemaid,married,basic.4y,no,no,no,cellular,aug,mon,248,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,housemaid,married,basic.4y,no,yes,no,cellular,aug,mon,132,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.9y,no,yes,no,cellular,aug,mon,93,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,married,university.degree,no,yes,no,cellular,aug,mon,121,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,mon,94,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,mon,65,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,services,married,high.school,no,yes,no,cellular,aug,mon,201,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,mon,324,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,154,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,university.degree,no,yes,yes,cellular,aug,mon,362,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,mon,124,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,self-employed,married,basic.9y,no,no,yes,cellular,aug,mon,140,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,admin.,single,university.degree,no,no,no,cellular,aug,mon,14,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,married,professional.course,no,yes,no,cellular,aug,mon,386,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,admin.,married,unknown,no,yes,no,cellular,aug,mon,476,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,42,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,married,university.degree,no,yes,no,cellular,aug,mon,366,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +31,admin.,married,university.degree,no,no,no,cellular,aug,mon,74,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,married,university.degree,no,no,no,cellular,aug,mon,23,12,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,technician,married,university.degree,no,no,no,cellular,aug,mon,228,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,self-employed,married,university.degree,no,yes,no,cellular,aug,mon,112,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,services,married,high.school,unknown,yes,yes,cellular,aug,mon,115,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,management,married,university.degree,no,yes,yes,cellular,aug,mon,57,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,married,university.degree,no,yes,no,cellular,aug,mon,15,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,mon,728,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,divorced,university.degree,no,unknown,unknown,cellular,aug,mon,66,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,basic.4y,unknown,yes,yes,cellular,aug,mon,262,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,services,married,high.school,no,no,no,cellular,aug,mon,72,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,9,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,entrepreneur,married,university.degree,no,no,no,cellular,aug,mon,99,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,housemaid,married,basic.4y,no,yes,no,cellular,aug,mon,11,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,mon,9,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,services,married,high.school,unknown,yes,yes,cellular,aug,mon,213,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,housemaid,married,basic.4y,no,yes,no,cellular,aug,mon,211,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,mon,422,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,self-employed,married,basic.9y,unknown,yes,no,cellular,aug,mon,68,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.9y,no,no,no,cellular,aug,mon,105,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,professional.course,no,yes,yes,cellular,aug,mon,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,married,university.degree,no,yes,no,cellular,aug,mon,111,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,blue-collar,married,unknown,unknown,yes,no,cellular,aug,mon,36,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,management,married,university.degree,no,no,no,cellular,aug,mon,169,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,divorced,high.school,no,no,no,cellular,aug,mon,205,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,blue-collar,married,basic.4y,no,no,yes,cellular,aug,mon,734,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,blue-collar,married,basic.4y,no,no,no,cellular,aug,mon,484,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,mon,14,13,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,aug,mon,235,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,mon,256,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,management,married,university.degree,no,yes,no,cellular,aug,mon,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,basic.4y,no,yes,yes,cellular,aug,mon,69,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,divorced,professional.course,no,yes,yes,cellular,aug,mon,692,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,married,university.degree,no,yes,no,cellular,aug,mon,296,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,housemaid,married,basic.4y,no,yes,no,cellular,aug,mon,232,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,mon,151,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,management,married,university.degree,no,no,no,cellular,aug,mon,164,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,aug,mon,198,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,retired,married,basic.4y,unknown,no,no,cellular,aug,mon,454,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,admin.,married,university.degree,no,no,yes,cellular,aug,mon,114,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,blue-collar,married,basic.6y,no,yes,no,cellular,aug,mon,64,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,services,married,professional.course,unknown,yes,yes,cellular,aug,mon,84,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,no,no,cellular,aug,mon,203,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,self-employed,married,basic.9y,unknown,no,no,cellular,aug,mon,81,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,divorced,university.degree,no,no,no,cellular,aug,mon,731,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +46,admin.,married,university.degree,unknown,no,yes,cellular,aug,mon,184,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,high.school,no,yes,no,cellular,aug,mon,433,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,management,married,university.degree,no,no,no,cellular,aug,mon,361,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,mon,304,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,housemaid,married,basic.4y,unknown,yes,yes,cellular,aug,mon,160,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,married,unknown,no,yes,no,cellular,aug,mon,101,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,mon,53,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,admin.,divorced,university.degree,unknown,yes,yes,cellular,aug,mon,323,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,mon,97,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,mon,340,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,services,married,high.school,no,yes,no,cellular,aug,mon,54,15,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,blue-collar,married,basic.4y,no,no,no,cellular,aug,mon,251,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,high.school,no,yes,no,cellular,aug,mon,87,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,services,married,high.school,unknown,yes,yes,cellular,aug,mon,454,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,171,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,basic.4y,no,no,no,cellular,aug,mon,134,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,divorced,basic.4y,no,yes,no,cellular,aug,mon,265,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,blue-collar,married,unknown,no,yes,no,cellular,aug,mon,280,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,mon,62,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,services,married,high.school,unknown,yes,no,telephone,aug,mon,41,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,university.degree,no,yes,no,cellular,aug,mon,318,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,self-employed,married,university.degree,unknown,no,yes,cellular,aug,mon,131,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,365,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,technician,married,high.school,unknown,yes,yes,cellular,aug,mon,89,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,mon,207,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,management,married,university.degree,no,no,no,cellular,aug,mon,105,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,99,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,197,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,no,yes,yes,cellular,aug,mon,484,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,divorced,professional.course,unknown,no,no,cellular,aug,mon,93,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,services,married,professional.course,unknown,no,no,cellular,aug,mon,153,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,high.school,no,yes,no,cellular,aug,mon,630,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +31,technician,divorced,high.school,no,yes,no,cellular,aug,mon,81,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,141,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,technician,married,professional.course,unknown,no,no,cellular,aug,mon,67,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,housemaid,married,basic.4y,no,no,no,cellular,aug,mon,73,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,management,married,university.degree,no,no,no,cellular,aug,mon,106,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,admin.,single,university.degree,no,yes,no,cellular,aug,mon,160,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,divorced,high.school,no,no,no,cellular,aug,mon,50,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,management,married,university.degree,no,no,no,cellular,aug,mon,163,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,mon,770,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,management,married,university.degree,no,no,no,cellular,aug,mon,313,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,348,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,mon,106,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,technician,married,professional.course,unknown,yes,no,cellular,aug,mon,648,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,married,high.school,no,no,no,cellular,aug,mon,256,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,divorced,high.school,no,yes,yes,cellular,aug,mon,56,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,technician,divorced,university.degree,no,yes,no,cellular,aug,mon,335,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,retired,married,basic.9y,no,yes,no,cellular,aug,mon,342,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,single,university.degree,no,yes,no,cellular,aug,mon,109,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,management,married,university.degree,no,yes,no,cellular,aug,mon,159,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,technician,married,university.degree,unknown,yes,no,cellular,aug,mon,124,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,aug,mon,378,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,admin.,single,professional.course,no,no,no,cellular,aug,mon,139,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,single,university.degree,unknown,yes,yes,cellular,aug,mon,170,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,unknown,married,unknown,unknown,no,no,cellular,aug,mon,51,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.4y,no,yes,no,cellular,aug,mon,68,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,56,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,retired,married,basic.4y,unknown,yes,yes,cellular,aug,mon,115,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,divorced,professional.course,unknown,yes,no,cellular,aug,mon,714,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +54,blue-collar,married,basic.4y,no,yes,no,cellular,aug,mon,43,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,management,married,university.degree,no,no,yes,cellular,aug,mon,168,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,admin.,married,university.degree,no,yes,no,cellular,aug,mon,67,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,no,no,cellular,aug,mon,36,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,mon,119,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,yes,cellular,aug,mon,153,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.4y,unknown,no,no,cellular,aug,mon,431,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,married,high.school,unknown,yes,yes,cellular,aug,mon,127,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,high.school,no,yes,yes,cellular,aug,mon,63,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,mon,618,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,retired,married,professional.course,no,yes,no,cellular,aug,mon,202,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,married,university.degree,unknown,yes,no,cellular,aug,mon,392,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,technician,married,high.school,no,yes,no,cellular,aug,mon,226,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,basic.4y,unknown,yes,no,cellular,aug,mon,144,13,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,married,university.degree,no,no,no,cellular,aug,mon,56,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,121,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,390,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,services,married,high.school,no,no,no,cellular,aug,mon,75,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,admin.,single,university.degree,no,no,no,cellular,aug,mon,99,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,technician,married,professional.course,no,no,yes,cellular,aug,mon,108,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,services,married,high.school,no,no,no,cellular,aug,mon,153,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,admin.,married,university.degree,unknown,yes,no,cellular,aug,mon,358,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,technician,married,professional.course,no,yes,no,cellular,aug,mon,63,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,management,married,university.degree,no,yes,no,cellular,aug,mon,308,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,married,professional.course,no,no,no,cellular,aug,mon,163,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,professional.course,no,yes,no,cellular,aug,mon,45,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,no,no,cellular,aug,mon,230,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,high.school,no,yes,yes,cellular,aug,mon,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,married,university.degree,no,no,no,cellular,aug,mon,98,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,married,high.school,no,yes,no,cellular,aug,mon,83,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,technician,married,professional.course,no,no,no,cellular,aug,mon,194,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,housemaid,married,basic.4y,unknown,yes,yes,cellular,aug,mon,56,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,married,university.degree,no,yes,no,cellular,aug,mon,1374,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +55,management,married,university.degree,no,no,no,cellular,aug,mon,372,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +47,unknown,married,unknown,unknown,yes,no,cellular,aug,tue,104,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,retired,married,university.degree,no,yes,no,cellular,aug,tue,90,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,tue,19,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,admin.,married,university.degree,no,no,no,cellular,aug,tue,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,admin.,single,university.degree,no,no,no,cellular,aug,tue,127,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,tue,122,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,admin.,single,university.degree,no,yes,no,cellular,aug,tue,179,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,basic.9y,no,yes,yes,cellular,aug,tue,160,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,retired,married,high.school,no,yes,no,cellular,aug,tue,106,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,management,married,university.degree,unknown,yes,no,cellular,aug,tue,66,14,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,housemaid,married,basic.4y,no,unknown,unknown,cellular,aug,tue,23,14,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,divorced,professional.course,no,unknown,unknown,cellular,aug,tue,69,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,housemaid,married,basic.9y,no,yes,no,cellular,aug,tue,137,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,no,no,cellular,aug,tue,109,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,married,university.degree,no,yes,no,cellular,aug,tue,435,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,services,married,high.school,unknown,yes,no,cellular,aug,tue,209,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,admin.,married,university.degree,no,no,no,cellular,aug,tue,958,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +54,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,110,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,services,married,high.school,no,yes,no,cellular,aug,tue,170,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,unknown,unknown,cellular,aug,tue,95,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,731,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +50,admin.,divorced,high.school,no,no,no,cellular,aug,tue,664,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +56,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,479,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,divorced,high.school,no,yes,no,cellular,aug,tue,254,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,tue,427,12,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,housemaid,married,basic.4y,unknown,no,no,cellular,aug,tue,77,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,basic.9y,unknown,yes,no,cellular,aug,tue,60,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,services,married,high.school,no,yes,no,cellular,aug,tue,49,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,married,university.degree,no,yes,no,cellular,aug,tue,102,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,admin.,married,university.degree,no,yes,no,cellular,aug,tue,62,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,73,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,109,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,management,married,university.degree,no,yes,no,cellular,aug,tue,0,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,retired,married,basic.9y,no,no,no,cellular,aug,tue,388,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +38,admin.,married,university.degree,no,no,no,cellular,aug,tue,85,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,no,no,cellular,aug,tue,42,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,23,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,146,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,100,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,55,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,married,professional.course,no,no,no,cellular,aug,tue,67,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,housemaid,married,basic.4y,unknown,no,yes,cellular,aug,tue,235,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,technician,divorced,professional.course,no,no,no,cellular,aug,tue,94,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,married,high.school,unknown,no,no,cellular,aug,tue,135,15,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,aug,tue,60,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +49,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,tue,276,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,housemaid,married,basic.9y,no,yes,no,cellular,aug,tue,159,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,married,university.degree,no,yes,no,cellular,aug,tue,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,married,university.degree,no,yes,no,cellular,aug,tue,247,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,married,university.degree,no,no,no,cellular,aug,tue,102,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,technician,single,university.degree,no,yes,no,cellular,aug,tue,87,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,high.school,no,no,no,cellular,aug,tue,106,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,no,no,cellular,aug,tue,108,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,admin.,married,university.degree,no,no,no,cellular,aug,tue,312,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,professional.course,no,yes,no,cellular,aug,tue,92,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,tue,178,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,technician,divorced,professional.course,unknown,yes,no,cellular,aug,tue,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,technician,divorced,professional.course,unknown,no,no,cellular,aug,tue,169,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,basic.4y,no,no,no,telephone,aug,tue,81,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,basic.9y,no,no,no,cellular,aug,tue,317,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,management,married,university.degree,unknown,no,no,cellular,aug,tue,217,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,management,married,university.degree,unknown,yes,no,cellular,aug,tue,196,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +34,technician,single,professional.course,no,yes,no,cellular,aug,tue,221,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,single,high.school,no,yes,yes,cellular,aug,tue,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,management,married,university.degree,unknown,yes,yes,cellular,aug,tue,634,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,technician,divorced,professional.course,unknown,no,no,cellular,aug,tue,700,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,technician,divorced,high.school,no,no,no,cellular,aug,tue,67,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,self-employed,married,professional.course,no,no,no,cellular,aug,tue,80,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,tue,185,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,self-employed,married,basic.9y,no,no,no,cellular,aug,tue,17,13,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,165,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,210,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,married,university.degree,no,yes,no,cellular,aug,tue,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,single,university.degree,no,no,yes,cellular,aug,tue,64,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,single,university.degree,no,no,no,cellular,aug,tue,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,252,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,housemaid,married,basic.9y,no,yes,no,cellular,aug,tue,155,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,professional.course,no,yes,yes,cellular,aug,tue,14,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,management,married,university.degree,no,yes,no,cellular,aug,tue,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,tue,748,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,technician,divorced,university.degree,no,no,no,cellular,aug,tue,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,divorced,professional.course,no,no,no,cellular,aug,tue,65,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,technician,divorced,university.degree,no,no,no,cellular,aug,tue,181,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,housemaid,married,high.school,no,yes,no,cellular,aug,tue,176,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,28,13,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,technician,divorced,university.degree,no,yes,no,cellular,aug,tue,610,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,divorced,professional.course,no,no,no,cellular,aug,tue,279,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,management,divorced,university.degree,no,yes,no,cellular,aug,tue,345,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,married,university.degree,no,no,no,cellular,aug,tue,191,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,admin.,married,university.degree,no,yes,no,cellular,aug,tue,82,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,18,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,technician,married,university.degree,no,yes,no,cellular,aug,tue,541,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,tue,67,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,tue,137,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,unknown,married,high.school,unknown,yes,no,cellular,aug,tue,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,yes,yes,cellular,aug,tue,259,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,single,high.school,no,yes,no,cellular,aug,tue,87,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,high.school,no,unknown,unknown,cellular,aug,tue,153,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,unknown,married,high.school,unknown,yes,no,cellular,aug,tue,142,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,married,professional.course,no,no,no,cellular,aug,tue,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,technician,single,professional.course,no,yes,no,cellular,aug,tue,179,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,technician,single,professional.course,no,unknown,unknown,cellular,aug,tue,123,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,technician,single,professional.course,no,yes,no,cellular,aug,tue,239,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,technician,single,professional.course,no,no,no,cellular,aug,tue,358,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,286,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,divorced,professional.course,no,no,no,cellular,aug,tue,312,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,divorced,professional.course,no,no,no,cellular,aug,tue,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,management,married,university.degree,no,yes,no,cellular,aug,tue,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,divorced,professional.course,no,unknown,unknown,cellular,aug,tue,417,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,management,married,university.degree,no,no,no,cellular,aug,tue,85,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,married,high.school,no,no,no,cellular,aug,tue,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,married,professional.course,no,no,no,cellular,aug,tue,392,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,admin.,married,university.degree,no,no,no,cellular,aug,tue,85,12,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,aug,tue,24,12,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,admin.,married,university.degree,no,no,no,cellular,aug,tue,119,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,yes,no,telephone,aug,tue,66,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,services,married,high.school,no,yes,no,cellular,aug,tue,460,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,housemaid,married,basic.4y,no,yes,no,cellular,aug,tue,183,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,married,university.degree,no,yes,no,cellular,aug,tue,189,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,technician,married,high.school,no,no,no,cellular,aug,tue,73,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,technician,single,high.school,no,yes,no,cellular,aug,tue,130,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,retired,married,professional.course,no,no,no,cellular,aug,tue,139,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,admin.,single,high.school,no,yes,no,cellular,aug,tue,168,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,unemployed,divorced,high.school,no,yes,yes,cellular,aug,tue,99,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,97,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,tue,80,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,204,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,services,married,high.school,no,yes,no,cellular,aug,tue,43,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,technician,married,professional.course,unknown,no,no,telephone,aug,tue,15,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,services,married,high.school,no,no,no,cellular,aug,tue,173,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,tue,176,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,blue-collar,married,basic.9y,no,no,no,cellular,aug,tue,260,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,self-employed,married,basic.9y,no,no,no,cellular,aug,tue,83,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,tue,164,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,married,university.degree,no,yes,no,cellular,aug,tue,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,married,university.degree,no,no,no,cellular,aug,tue,264,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,married,university.degree,no,no,no,cellular,aug,tue,124,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,technician,married,university.degree,no,unknown,unknown,cellular,aug,tue,107,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,130,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,aug,tue,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,yes,no,cellular,aug,tue,484,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,tue,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,married,university.degree,no,yes,no,cellular,aug,tue,174,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,divorced,university.degree,no,yes,no,cellular,aug,tue,249,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,services,married,basic.4y,unknown,yes,no,cellular,aug,tue,240,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,384,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,professional.course,no,yes,no,cellular,aug,tue,71,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +30,technician,divorced,professional.course,unknown,yes,no,cellular,aug,tue,210,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,technician,married,high.school,no,no,no,cellular,aug,tue,111,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,tue,211,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,services,married,basic.4y,unknown,yes,no,cellular,aug,tue,436,1,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,retired,married,basic.9y,no,no,no,cellular,aug,tue,22,27,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,management,married,university.degree,no,yes,no,cellular,aug,tue,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,tue,194,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,married,university.degree,no,no,no,cellular,aug,tue,124,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +39,technician,divorced,professional.course,unknown,yes,no,cellular,aug,tue,41,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,31,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,management,married,university.degree,no,no,no,cellular,aug,tue,17,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,married,university.degree,no,no,yes,cellular,aug,tue,301,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,retired,married,basic.9y,no,yes,yes,cellular,aug,tue,1223,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +35,technician,married,university.degree,no,yes,no,cellular,aug,tue,12,12,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,services,married,basic.4y,unknown,yes,no,cellular,aug,tue,1000,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +35,technician,married,professional.course,no,yes,no,cellular,aug,tue,333,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,admin.,married,university.degree,no,no,no,cellular,aug,tue,219,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,university.degree,no,no,no,cellular,aug,tue,241,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,technician,married,professional.course,unknown,no,no,cellular,aug,tue,471,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,married,university.degree,no,yes,no,cellular,aug,tue,55,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,74,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,technician,single,professional.course,no,yes,no,cellular,aug,tue,300,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,520,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,unknown,married,unknown,unknown,yes,no,cellular,aug,tue,130,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,unemployed,divorced,high.school,no,no,no,cellular,aug,tue,96,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,66,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,self-employed,married,university.degree,no,no,no,cellular,aug,tue,320,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,36,19,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,aug,tue,234,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,divorced,high.school,no,unknown,unknown,cellular,aug,tue,301,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,tue,75,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,high.school,no,no,no,cellular,aug,tue,78,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +32,technician,single,high.school,no,no,no,cellular,aug,tue,162,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,housemaid,married,unknown,unknown,yes,no,cellular,aug,tue,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +41,unemployed,divorced,professional.course,no,unknown,unknown,cellular,aug,tue,271,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +40,technician,single,high.school,no,yes,no,cellular,aug,tue,76,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,services,married,high.school,unknown,no,no,cellular,aug,tue,10,13,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,blue-collar,married,basic.4y,no,no,no,telephone,aug,tue,39,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,unknown,married,unknown,unknown,no,no,cellular,aug,tue,12,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +33,technician,married,professional.course,unknown,yes,no,cellular,aug,tue,30,14,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,aug,tue,59,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +50,housemaid,married,unknown,no,no,no,cellular,aug,tue,287,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,blue-collar,married,basic.6y,no,yes,no,cellular,aug,tue,140,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +35,admin.,single,university.degree,no,yes,no,cellular,aug,tue,63,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,admin.,married,university.degree,no,yes,no,cellular,aug,tue,358,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +54,admin.,married,university.degree,no,yes,no,cellular,aug,tue,120,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +60,technician,married,university.degree,no,yes,no,cellular,aug,tue,11,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,technician,single,university.degree,unknown,no,no,cellular,aug,tue,532,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,tue,175,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,tue,157,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,tue,112,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,admin.,divorced,university.degree,no,no,yes,cellular,aug,tue,264,19,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,tue,172,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,entrepreneur,married,high.school,no,yes,no,cellular,aug,tue,435,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,tue,84,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,admin.,married,university.degree,no,yes,no,cellular,aug,tue,653,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,professional.course,no,no,no,cellular,aug,tue,205,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,tue,110,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,married,high.school,no,no,no,cellular,aug,tue,100,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,management,married,university.degree,no,yes,no,cellular,aug,tue,133,8,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,technician,single,university.degree,no,no,no,cellular,aug,tue,277,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,entrepreneur,married,high.school,no,yes,yes,cellular,aug,tue,303,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,technician,married,high.school,no,yes,yes,cellular,aug,tue,263,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,technician,divorced,professional.course,no,yes,no,cellular,aug,tue,265,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +53,unknown,married,basic.4y,unknown,no,no,cellular,aug,tue,107,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,aug,tue,77,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,management,married,university.degree,no,no,yes,cellular,aug,tue,130,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,services,married,high.school,no,no,no,cellular,aug,tue,377,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,tue,155,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +52,blue-collar,married,high.school,no,yes,no,cellular,aug,tue,454,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,married,university.degree,unknown,yes,yes,cellular,aug,tue,61,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,services,married,high.school,no,yes,no,cellular,aug,tue,183,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,technician,single,professional.course,no,yes,yes,cellular,aug,tue,218,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,management,married,university.degree,no,yes,yes,cellular,aug,tue,384,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +31,management,married,university.degree,no,yes,no,cellular,aug,tue,57,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,209,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,technician,married,high.school,no,no,no,cellular,aug,tue,89,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,tue,82,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,admin.,married,university.degree,no,unknown,unknown,cellular,aug,tue,225,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,aug,tue,168,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +45,services,married,basic.6y,unknown,no,no,cellular,aug,tue,98,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,tue,366,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +29,services,married,professional.course,unknown,yes,no,cellular,aug,tue,2089,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +54,admin.,married,high.school,no,no,no,cellular,aug,tue,84,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,admin.,married,professional.course,no,no,no,cellular,aug,tue,369,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,admin.,married,university.degree,unknown,yes,no,cellular,aug,tue,125,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +37,blue-collar,single,professional.course,no,no,no,cellular,aug,tue,109,11,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +48,admin.,divorced,university.degree,unknown,no,no,cellular,aug,tue,58,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,tue,35,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,retired,married,basic.4y,no,no,no,cellular,aug,tue,556,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,yes +47,admin.,married,university.degree,no,yes,no,cellular,aug,tue,100,3,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +51,services,married,high.school,unknown,no,yes,cellular,aug,tue,20,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +42,self-employed,single,university.degree,no,yes,no,cellular,aug,tue,133,6,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +57,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,housemaid,married,basic.4y,no,no,no,cellular,aug,tue,240,4,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +56,services,divorced,high.school,unknown,yes,no,cellular,aug,tue,59,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +46,admin.,married,university.degree,unknown,no,no,cellular,aug,tue,515,9,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +59,retired,married,university.degree,no,yes,no,cellular,aug,tue,130,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +55,blue-collar,married,basic.9y,no,no,no,telephone,aug,tue,361,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +36,technician,married,university.degree,no,no,no,cellular,aug,tue,99,5,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,blue-collar,divorced,basic.6y,unknown,no,no,cellular,aug,tue,272,7,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +58,housemaid,married,professional.course,no,yes,no,cellular,aug,tue,98,10,999,0,nonexistent,1.4,93.444,-36.1,4.965,5228.1,no +47,technician,married,professional.course,no,yes,no,cellular,aug,wed,58,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,management,married,university.degree,no,yes,no,cellular,aug,wed,52,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,divorced,professional.course,no,no,no,cellular,aug,wed,157,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,wed,609,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +37,blue-collar,single,professional.course,no,no,no,cellular,aug,wed,94,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,aug,wed,108,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,116,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,87,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,high.school,no,yes,no,cellular,aug,wed,128,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,married,university.degree,no,yes,no,cellular,aug,wed,581,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +52,housemaid,married,basic.4y,no,yes,no,cellular,aug,wed,20,24,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,married,university.degree,no,yes,no,cellular,aug,wed,113,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,18,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,admin.,married,basic.9y,no,yes,yes,cellular,aug,wed,106,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,married,university.degree,no,no,no,cellular,aug,wed,154,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,wed,130,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,technician,married,professional.course,no,no,no,cellular,aug,wed,146,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,aug,wed,56,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,wed,185,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,high.school,no,no,no,cellular,aug,wed,1033,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +37,blue-collar,single,professional.course,no,yes,no,cellular,aug,wed,503,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,technician,married,professional.course,no,yes,no,cellular,aug,wed,95,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,admin.,divorced,professional.course,unknown,yes,no,cellular,aug,wed,87,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,no,no,cellular,aug,wed,105,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,basic.4y,unknown,yes,no,cellular,aug,wed,57,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,unknown,married,basic.4y,unknown,no,no,cellular,aug,wed,124,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,unknown,married,unknown,unknown,no,no,cellular,aug,wed,52,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,single,high.school,no,yes,no,cellular,aug,wed,219,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,aug,wed,281,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,entrepreneur,married,high.school,no,no,no,cellular,aug,wed,57,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,university.degree,no,no,no,cellular,aug,wed,97,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,155,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,wed,84,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,technician,married,high.school,no,yes,no,cellular,aug,wed,13,14,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,management,married,university.degree,no,yes,no,cellular,aug,wed,130,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,technician,married,professional.course,no,yes,yes,cellular,aug,wed,136,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,admin.,married,university.degree,unknown,no,no,telephone,aug,wed,39,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,technician,married,high.school,no,yes,no,cellular,aug,wed,360,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,68,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,aug,wed,153,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,professional.course,no,yes,no,cellular,aug,wed,156,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +60,retired,married,professional.course,no,no,no,cellular,aug,wed,199,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,unknown,married,basic.4y,unknown,yes,no,cellular,aug,wed,23,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,management,married,university.degree,no,yes,no,cellular,aug,wed,181,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,aug,wed,39,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,wed,147,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,admin.,single,university.degree,no,no,no,cellular,aug,wed,113,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,wed,519,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +57,retired,married,high.school,unknown,yes,yes,cellular,aug,wed,223,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,243,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,yes,cellular,aug,wed,203,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,admin.,divorced,university.degree,unknown,no,no,cellular,aug,wed,191,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,technician,single,professional.course,no,yes,no,cellular,aug,wed,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,116,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,aug,wed,87,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,married,professional.course,no,yes,no,cellular,aug,wed,114,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,married,university.degree,no,yes,no,cellular,aug,wed,219,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,technician,married,university.degree,no,yes,no,cellular,aug,wed,512,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +44,technician,married,professional.course,no,yes,yes,cellular,aug,wed,236,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,housemaid,married,basic.4y,no,yes,no,cellular,aug,wed,130,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +60,retired,married,professional.course,no,no,no,cellular,aug,wed,111,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,professional.course,unknown,no,no,cellular,aug,wed,80,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,technician,married,professional.course,no,no,no,cellular,aug,wed,85,14,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,divorced,university.degree,no,no,yes,cellular,aug,wed,69,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,basic.4y,unknown,yes,no,cellular,aug,wed,78,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,wed,134,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,services,married,high.school,no,yes,no,cellular,aug,wed,63,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,admin.,married,high.school,no,yes,yes,cellular,aug,wed,352,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,married,university.degree,no,yes,no,cellular,aug,wed,127,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,254,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,admin.,married,basic.9y,no,no,yes,cellular,aug,wed,100,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,single,high.school,no,yes,no,cellular,aug,wed,88,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,married,university.degree,no,no,no,cellular,aug,wed,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,self-employed,married,university.degree,no,yes,no,cellular,aug,wed,217,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,wed,164,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,divorced,university.degree,no,no,yes,cellular,aug,wed,121,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,125,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,wed,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,management,married,university.degree,no,yes,no,telephone,aug,wed,220,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,single,high.school,no,yes,no,telephone,aug,wed,9,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,married,high.school,no,yes,no,cellular,aug,wed,82,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,single,university.degree,no,yes,no,cellular,aug,wed,763,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +31,management,married,university.degree,no,no,no,cellular,aug,wed,129,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,technician,married,professional.course,no,no,no,cellular,aug,wed,976,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +51,technician,married,high.school,no,yes,no,cellular,aug,wed,549,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,wed,342,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,single,university.degree,no,yes,no,cellular,aug,wed,79,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,university.degree,no,no,no,cellular,aug,wed,63,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,119,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,technician,married,university.degree,no,no,no,cellular,aug,wed,15,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,aug,wed,308,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,married,professional.course,no,yes,no,cellular,aug,wed,103,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,blue-collar,married,high.school,no,no,no,cellular,aug,wed,312,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +60,retired,married,high.school,no,unknown,unknown,cellular,aug,wed,590,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,unknown,married,basic.4y,unknown,no,no,cellular,aug,wed,116,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,university.degree,no,yes,no,cellular,aug,wed,129,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,married,high.school,no,no,no,cellular,aug,wed,28,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,basic.4y,no,no,no,cellular,aug,wed,50,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,blue-collar,married,basic.4y,unknown,no,no,cellular,aug,wed,97,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,blue-collar,married,unknown,no,yes,no,cellular,aug,wed,94,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,professional.course,no,no,no,cellular,aug,wed,508,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,blue-collar,married,basic.4y,unknown,yes,no,telephone,aug,wed,29,21,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,married,university.degree,no,yes,no,cellular,aug,wed,116,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,247,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,66,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,married,university.degree,no,yes,no,cellular,aug,wed,335,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,university.degree,no,yes,no,cellular,aug,wed,38,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,technician,married,professional.course,no,unknown,unknown,cellular,aug,wed,89,16,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,university.degree,no,yes,no,cellular,aug,wed,1129,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +54,technician,married,professional.course,no,yes,no,cellular,aug,wed,14,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,unknown,married,basic.4y,unknown,no,no,cellular,aug,wed,49,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,married,professional.course,no,no,no,telephone,aug,wed,645,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +47,admin.,married,university.degree,no,yes,no,cellular,aug,wed,176,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,self-employed,married,university.degree,no,yes,no,cellular,aug,wed,15,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,housemaid,married,basic.4y,no,no,yes,cellular,aug,wed,10,14,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,admin.,married,high.school,no,no,no,cellular,aug,wed,114,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,management,married,university.degree,no,no,no,cellular,aug,wed,13,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,retired,married,professional.course,no,yes,no,telephone,aug,wed,96,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,511,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,technician,divorced,university.degree,no,yes,yes,cellular,aug,wed,86,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,aug,wed,516,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,technician,married,professional.course,no,yes,no,cellular,aug,wed,300,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,professional.course,unknown,yes,yes,cellular,aug,wed,94,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,divorced,high.school,no,yes,no,cellular,aug,wed,125,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,admin.,single,university.degree,no,no,no,cellular,aug,wed,125,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,admin.,divorced,university.degree,no,no,yes,cellular,aug,wed,12,14,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,divorced,professional.course,unknown,yes,yes,cellular,aug,wed,212,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,wed,178,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +48,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,wed,67,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,admin.,married,high.school,no,yes,yes,cellular,aug,wed,19,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,married,professional.course,no,no,yes,cellular,aug,wed,85,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,divorced,professional.course,no,yes,no,cellular,aug,wed,122,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,27,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,single,university.degree,no,yes,no,cellular,aug,wed,60,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,admin.,married,university.degree,no,yes,no,cellular,aug,wed,34,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,management,married,university.degree,no,no,no,cellular,aug,wed,561,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,wed,120,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,technician,single,high.school,no,no,no,cellular,aug,wed,74,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,married,university.degree,no,no,no,cellular,aug,wed,214,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,wed,523,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +37,technician,married,university.degree,no,no,no,cellular,aug,wed,107,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +59,retired,married,university.degree,no,yes,no,cellular,aug,wed,160,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,divorced,professional.course,no,no,no,cellular,aug,wed,16,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,university.degree,no,yes,no,cellular,aug,wed,184,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,divorced,university.degree,unknown,no,no,cellular,aug,wed,168,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,76,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,120,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,married,university.degree,no,yes,no,cellular,aug,wed,138,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +52,technician,divorced,professional.course,no,no,no,cellular,aug,wed,79,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,technician,married,professional.course,no,yes,no,cellular,aug,wed,78,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,technician,divorced,professional.course,unknown,no,no,cellular,aug,wed,36,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,married,university.degree,unknown,yes,no,cellular,aug,wed,117,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,unknown,married,unknown,no,yes,yes,cellular,aug,wed,60,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +42,management,married,university.degree,no,yes,yes,cellular,aug,wed,89,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,wed,88,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,technician,divorced,professional.course,no,yes,yes,cellular,aug,wed,11,12,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,professional.course,unknown,no,no,cellular,aug,wed,18,15,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,aug,wed,157,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,unemployed,married,university.degree,no,yes,no,cellular,aug,wed,186,11,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,admin.,married,high.school,no,no,no,cellular,aug,wed,569,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,admin.,married,basic.9y,unknown,yes,no,cellular,aug,wed,77,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,admin.,married,basic.9y,unknown,no,no,cellular,aug,wed,19,17,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,wed,218,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,43,13,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,admin.,married,professional.course,no,no,no,cellular,aug,wed,37,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,university.degree,no,no,no,cellular,aug,wed,1642,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,yes +44,technician,married,professional.course,no,no,no,cellular,aug,wed,85,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,aug,wed,202,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,316,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,aug,wed,35,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,wed,26,10,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,services,married,basic.9y,unknown,yes,no,cellular,aug,wed,59,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,management,married,university.degree,no,yes,no,cellular,aug,wed,118,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,wed,72,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,self-employed,married,basic.4y,no,no,no,cellular,aug,wed,106,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,self-employed,married,basic.4y,no,no,no,cellular,aug,wed,263,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,married,high.school,unknown,yes,no,cellular,aug,wed,93,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,admin.,married,high.school,no,no,no,cellular,aug,wed,231,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,wed,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +37,technician,married,university.degree,no,no,no,cellular,aug,wed,141,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +32,unemployed,married,university.degree,no,yes,no,cellular,aug,wed,97,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +58,housemaid,married,basic.9y,no,no,no,cellular,aug,wed,88,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,unemployed,married,basic.9y,unknown,no,yes,cellular,aug,wed,88,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,technician,divorced,professional.course,no,yes,yes,cellular,aug,wed,22,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,aug,wed,101,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,technician,married,professional.course,no,no,no,cellular,aug,wed,78,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,divorced,high.school,no,yes,no,cellular,aug,wed,293,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +56,retired,married,basic.6y,unknown,yes,no,cellular,aug,wed,39,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,technician,married,high.school,no,yes,no,cellular,aug,wed,67,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +45,admin.,single,university.degree,no,yes,no,cellular,aug,wed,25,12,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,145,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,divorced,professional.course,no,no,no,cellular,aug,wed,167,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,single,university.degree,no,yes,no,cellular,aug,wed,126,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,admin.,single,university.degree,no,no,no,cellular,aug,wed,267,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,wed,23,17,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,unknown,married,unknown,no,no,yes,cellular,aug,wed,111,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,university.degree,no,yes,no,cellular,aug,wed,206,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,unemployed,married,university.degree,no,no,no,cellular,aug,wed,95,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +47,technician,married,university.degree,no,yes,no,cellular,aug,wed,345,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,married,professional.course,no,no,yes,cellular,aug,wed,81,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +36,management,married,university.degree,no,no,no,cellular,aug,wed,46,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,married,professional.course,no,no,no,cellular,aug,wed,154,7,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,aug,wed,85,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +35,admin.,single,university.degree,no,no,yes,cellular,aug,wed,448,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +50,management,married,professional.course,unknown,no,no,cellular,aug,wed,165,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,married,university.degree,no,no,no,cellular,aug,wed,53,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,admin.,married,university.degree,no,no,no,telephone,aug,wed,296,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,aug,wed,202,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +49,unemployed,married,basic.4y,no,yes,no,cellular,aug,wed,155,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +54,housemaid,married,basic.4y,unknown,no,no,telephone,aug,wed,23,6,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,aug,wed,70,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,wed,787,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +44,technician,married,professional.course,no,yes,no,cellular,aug,wed,27,9,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,admin.,single,university.degree,no,no,no,cellular,aug,wed,183,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,aug,wed,115,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,wed,62,4,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +40,technician,single,university.degree,no,yes,no,telephone,aug,wed,554,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +53,technician,married,professional.course,unknown,yes,yes,cellular,aug,wed,276,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +39,technician,married,professional.course,unknown,yes,no,cellular,aug,wed,145,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,wed,112,8,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +43,admin.,divorced,university.degree,no,yes,yes,cellular,aug,wed,95,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +55,admin.,married,high.school,no,yes,yes,cellular,aug,wed,61,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +46,admin.,married,high.school,no,no,no,cellular,aug,wed,63,3,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +57,admin.,married,university.degree,unknown,no,no,cellular,aug,wed,104,5,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +51,technician,married,professional.course,no,yes,no,cellular,aug,wed,118,2,999,0,nonexistent,1.4,93.444,-36.1,4.9639999999999995,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,thu,34,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,technician,divorced,high.school,no,no,no,cellular,aug,thu,82,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,services,married,university.degree,unknown,no,yes,cellular,aug,thu,149,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,583,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +51,technician,married,professional.course,no,yes,no,cellular,aug,thu,81,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,55,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,single,university.degree,no,yes,yes,cellular,aug,thu,73,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,technician,single,university.degree,no,yes,no,cellular,aug,thu,131,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +36,self-employed,single,university.degree,no,yes,yes,cellular,aug,thu,118,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,81,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,66,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,77,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,technician,married,university.degree,no,no,no,cellular,aug,thu,52,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +44,technician,married,professional.course,no,yes,no,cellular,aug,thu,236,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +43,technician,married,university.degree,no,yes,no,cellular,aug,thu,74,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +29,technician,single,professional.course,no,yes,no,cellular,aug,thu,94,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +43,technician,married,professional.course,no,no,no,cellular,aug,thu,211,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,aug,thu,536,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +56,self-employed,married,high.school,no,yes,no,cellular,aug,thu,210,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,admin.,married,university.degree,unknown,no,no,cellular,aug,thu,144,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,single,university.degree,no,yes,no,cellular,aug,thu,85,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,services,married,university.degree,unknown,no,no,cellular,aug,thu,74,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,admin.,married,university.degree,no,no,no,cellular,aug,thu,13,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,thu,192,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +57,management,married,university.degree,no,yes,no,cellular,aug,thu,17,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,thu,116,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,single,university.degree,no,no,no,cellular,aug,thu,110,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,thu,148,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,aug,thu,67,13,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,single,university.degree,no,no,no,cellular,aug,thu,146,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,thu,979,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +33,services,married,professional.course,no,yes,no,cellular,aug,thu,51,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,admin.,single,university.degree,no,no,no,cellular,aug,thu,101,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,thu,107,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,65,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,married,professional.course,unknown,no,no,cellular,aug,thu,78,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +29,technician,married,professional.course,no,yes,no,cellular,aug,thu,965,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +32,unemployed,married,university.degree,no,yes,no,cellular,aug,thu,85,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,26,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,single,university.degree,no,no,no,cellular,aug,thu,13,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +51,technician,married,professional.course,no,yes,no,cellular,aug,thu,47,13,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +57,technician,married,university.degree,unknown,yes,yes,cellular,aug,thu,30,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +43,technician,married,university.degree,no,no,no,cellular,aug,thu,38,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,thu,137,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,aug,thu,84,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,single,university.degree,no,yes,no,cellular,aug,thu,94,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,admin.,married,high.school,no,yes,no,cellular,aug,thu,91,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +55,technician,married,high.school,no,no,yes,cellular,aug,thu,71,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,single,university.degree,no,yes,no,cellular,aug,thu,210,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,thu,121,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,thu,96,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,thu,165,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +52,admin.,married,basic.9y,no,yes,no,cellular,aug,thu,82,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,technician,divorced,professional.course,no,yes,yes,cellular,aug,thu,100,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +34,technician,married,university.degree,no,unknown,unknown,cellular,aug,thu,81,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,thu,180,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,admin.,married,unknown,unknown,no,no,cellular,aug,thu,54,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,management,married,university.degree,no,yes,no,cellular,aug,thu,108,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,84,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +42,management,married,university.degree,no,yes,no,cellular,aug,thu,161,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,services,married,university.degree,unknown,yes,no,cellular,aug,thu,198,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,admin.,married,university.degree,no,no,no,cellular,aug,thu,262,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,unemployed,married,basic.9y,unknown,no,no,cellular,aug,thu,74,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,single,university.degree,no,no,no,cellular,aug,thu,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,thu,23,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,109,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,125,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,12,15,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,thu,12,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,thu,19,12,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,thu,87,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +59,retired,married,university.degree,no,yes,no,cellular,aug,thu,17,18,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,services,married,professional.course,no,yes,no,cellular,aug,thu,56,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,technician,married,professional.course,no,no,no,cellular,aug,thu,80,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,thu,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,single,university.degree,no,no,no,cellular,aug,thu,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,thu,75,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,technician,married,professional.course,no,no,no,cellular,aug,thu,81,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,admin.,divorced,high.school,no,no,no,cellular,aug,thu,46,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +43,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,94,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,services,married,professional.course,no,yes,no,cellular,aug,thu,147,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +38,unknown,married,unknown,no,no,no,cellular,aug,thu,79,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,single,university.degree,no,yes,yes,cellular,aug,thu,126,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,services,married,professional.course,no,yes,yes,cellular,aug,thu,331,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,technician,married,university.degree,no,yes,no,cellular,aug,thu,13,14,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,technician,divorced,university.degree,unknown,no,no,cellular,aug,thu,16,18,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,admin.,single,university.degree,no,yes,no,cellular,aug,thu,44,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,single,university.degree,no,yes,no,cellular,aug,thu,271,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,thu,86,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,unemployed,married,basic.9y,unknown,yes,no,telephone,aug,thu,192,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,admin.,married,high.school,no,unknown,unknown,cellular,aug,thu,180,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +58,housemaid,married,basic.9y,no,no,no,cellular,aug,thu,54,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +56,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +57,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,thu,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +44,technician,married,professional.course,no,no,no,cellular,aug,thu,82,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,married,university.degree,no,no,no,cellular,aug,thu,716,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +57,management,married,university.degree,no,yes,no,cellular,aug,thu,77,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,admin.,single,university.degree,no,no,yes,cellular,aug,thu,14,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +36,admin.,married,university.degree,no,no,no,cellular,aug,thu,63,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,services,married,basic.9y,no,no,no,cellular,aug,thu,110,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +47,admin.,married,high.school,no,yes,yes,cellular,aug,thu,59,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,married,university.degree,unknown,no,yes,cellular,aug,thu,192,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +58,self-employed,married,basic.6y,unknown,yes,no,cellular,aug,thu,157,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,married,university.degree,unknown,no,no,cellular,aug,thu,535,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +41,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,15,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,married,university.degree,unknown,no,yes,cellular,aug,thu,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +44,admin.,married,basic.9y,unknown,yes,yes,cellular,aug,thu,452,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +52,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,205,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,technician,single,professional.course,unknown,yes,no,cellular,aug,thu,302,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +34,technician,married,university.degree,no,yes,no,cellular,aug,thu,99,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,thu,151,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,56,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +49,admin.,married,university.degree,unknown,no,no,cellular,aug,thu,54,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,married,high.school,no,yes,no,cellular,aug,thu,81,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,technician,married,university.degree,unknown,no,no,cellular,aug,thu,88,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,122,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,married,university.degree,no,yes,yes,cellular,aug,thu,180,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,thu,82,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,technician,divorced,professional.course,no,no,yes,cellular,aug,thu,49,22,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +29,management,single,university.degree,no,yes,no,cellular,aug,thu,82,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,71,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +54,management,married,university.degree,no,yes,yes,cellular,aug,thu,121,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,married,university.degree,no,no,no,cellular,aug,thu,66,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,70,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,admin.,married,unknown,unknown,yes,yes,cellular,aug,thu,105,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,aug,thu,12,13,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +47,technician,married,university.degree,no,yes,no,cellular,aug,thu,13,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +57,retired,divorced,university.degree,unknown,no,no,cellular,aug,thu,327,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +38,unknown,married,unknown,no,yes,no,cellular,aug,thu,44,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,married,professional.course,no,yes,no,cellular,aug,thu,183,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,admin.,married,high.school,no,yes,no,cellular,aug,thu,82,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,unemployed,married,university.degree,no,no,no,cellular,aug,thu,72,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,services,married,basic.9y,unknown,no,no,cellular,aug,thu,70,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,housemaid,married,basic.9y,no,yes,no,cellular,aug,thu,20,12,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +57,technician,married,university.degree,unknown,no,no,cellular,aug,thu,23,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,thu,117,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,thu,28,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,admin.,married,university.degree,no,yes,no,cellular,aug,thu,203,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,housemaid,married,basic.4y,unknown,yes,no,telephone,aug,thu,51,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,unemployed,married,university.degree,no,yes,no,cellular,aug,thu,22,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,single,university.degree,no,yes,no,cellular,aug,thu,31,17,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,admin.,married,high.school,no,no,no,cellular,aug,thu,16,17,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +42,housemaid,married,university.degree,no,yes,yes,cellular,aug,thu,2372,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +39,admin.,married,university.degree,no,yes,no,cellular,aug,thu,86,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,management,married,university.degree,no,no,yes,cellular,aug,thu,308,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +46,technician,divorced,professional.course,no,no,no,cellular,aug,thu,93,15,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +57,management,married,university.degree,no,yes,no,cellular,aug,thu,203,17,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,68,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,thu,19,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,thu,98,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,technician,single,university.degree,no,yes,no,cellular,aug,thu,9,14,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +54,management,married,university.degree,no,no,no,cellular,aug,thu,11,21,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +58,self-employed,married,basic.6y,unknown,yes,no,cellular,aug,thu,79,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +47,admin.,married,high.school,unknown,no,no,cellular,aug,thu,144,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,self-employed,married,basic.6y,no,yes,no,telephone,aug,thu,85,15,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,thu,1126,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +58,retired,married,university.degree,unknown,no,no,cellular,aug,thu,17,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,single,professional.course,no,yes,no,cellular,aug,thu,16,12,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,admin.,single,university.degree,no,yes,no,cellular,aug,thu,276,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,single,university.degree,no,no,no,telephone,aug,thu,146,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,admin.,single,university.degree,no,no,no,cellular,aug,thu,183,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +58,retired,married,university.degree,unknown,no,no,cellular,aug,thu,156,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,thu,1037,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +47,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,507,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +44,admin.,married,basic.9y,unknown,yes,yes,cellular,aug,thu,18,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +38,unknown,married,unknown,no,yes,no,cellular,aug,thu,27,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,thu,17,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +34,admin.,married,university.degree,no,yes,yes,telephone,aug,thu,19,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,thu,12,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,aug,thu,32,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +42,housemaid,married,university.degree,no,unknown,unknown,telephone,aug,thu,12,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,admin.,married,unknown,unknown,no,no,cellular,aug,thu,7,14,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +42,management,married,university.degree,no,yes,no,cellular,aug,thu,715,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,management,married,university.degree,no,no,no,cellular,aug,thu,56,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,single,university.degree,no,yes,yes,cellular,aug,thu,195,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,admin.,married,high.school,no,yes,yes,cellular,aug,thu,95,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,single,university.degree,no,no,no,cellular,aug,thu,83,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,thu,66,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +34,technician,married,university.degree,no,no,no,cellular,aug,thu,8,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,blue-collar,married,basic.9y,no,yes,yes,cellular,aug,thu,46,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,thu,25,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,blue-collar,married,basic.9y,no,yes,yes,cellular,aug,thu,85,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,technician,married,university.degree,unknown,yes,no,cellular,aug,thu,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,management,married,university.degree,no,yes,no,cellular,aug,thu,26,15,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,technician,single,university.degree,no,yes,no,cellular,aug,thu,958,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,technician,married,university.degree,unknown,yes,no,cellular,aug,thu,88,18,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,thu,20,20,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,admin.,single,university.degree,no,yes,yes,telephone,aug,thu,50,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,admin.,married,university.degree,no,no,no,cellular,aug,thu,45,17,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,thu,18,17,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +43,technician,divorced,high.school,unknown,yes,no,cellular,aug,thu,248,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,49,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,services,married,professional.course,no,yes,no,cellular,aug,thu,16,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,thu,258,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,aug,thu,13,14,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,technician,married,university.degree,unknown,no,no,cellular,aug,thu,64,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,technician,single,university.degree,no,no,no,cellular,aug,thu,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,23,17,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,technician,married,university.degree,no,yes,no,cellular,aug,thu,35,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +55,unknown,married,unknown,unknown,yes,no,cellular,aug,thu,16,16,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,158,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +56,blue-collar,married,high.school,no,yes,no,cellular,aug,thu,69,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,admin.,married,university.degree,no,yes,no,cellular,aug,thu,77,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,services,married,professional.course,no,yes,yes,cellular,aug,thu,65,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,technician,divorced,professional.course,no,no,no,cellular,aug,thu,76,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +52,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,31,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,97,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,married,professional.course,no,no,no,cellular,aug,thu,140,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,self-employed,married,university.degree,no,no,no,cellular,aug,thu,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,self-employed,married,university.degree,no,yes,no,cellular,aug,thu,171,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +60,admin.,married,basic.9y,no,no,no,cellular,aug,thu,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,thu,289,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,management,married,university.degree,no,yes,no,cellular,aug,thu,77,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,aug,thu,68,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,technician,married,university.degree,no,no,no,cellular,aug,thu,42,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,thu,142,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,12,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,thu,402,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,thu,13,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,single,high.school,no,yes,no,cellular,aug,thu,77,12,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,35,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,management,married,university.degree,no,no,no,cellular,aug,thu,88,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +59,retired,married,university.degree,no,yes,no,cellular,aug,thu,50,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,admin.,married,university.degree,no,yes,no,cellular,aug,thu,54,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,technician,married,professional.course,no,no,no,cellular,aug,thu,66,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,self-employed,married,high.school,no,yes,no,cellular,aug,thu,29,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +60,admin.,married,basic.9y,no,yes,no,cellular,aug,thu,259,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,admin.,single,university.degree,no,no,no,cellular,aug,thu,165,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,thu,74,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,no,telephone,aug,thu,158,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,technician,married,professional.course,no,yes,yes,cellular,aug,thu,22,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,44,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,services,married,university.degree,no,yes,no,cellular,aug,thu,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,technician,married,professional.course,unknown,yes,no,cellular,aug,thu,43,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,management,married,university.degree,unknown,yes,no,cellular,aug,thu,172,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,admin.,single,university.degree,no,yes,no,telephone,aug,thu,46,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,140,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,59,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,technician,single,university.degree,no,no,no,cellular,aug,thu,26,17,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +59,retired,married,university.degree,no,yes,no,cellular,aug,thu,77,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +36,admin.,married,university.degree,no,yes,no,cellular,aug,thu,45,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,103,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +44,blue-collar,married,unknown,unknown,yes,no,cellular,aug,thu,68,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +49,services,divorced,high.school,no,yes,no,cellular,aug,thu,99,17,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +36,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,270,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,technician,divorced,professional.course,no,no,yes,cellular,aug,thu,74,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +44,technician,married,university.degree,no,no,no,cellular,aug,thu,214,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +59,admin.,married,high.school,unknown,yes,no,cellular,aug,thu,147,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +44,admin.,married,university.degree,no,yes,no,cellular,aug,thu,460,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +34,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,114,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,95,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,aug,thu,602,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,thu,13,23,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,management,married,university.degree,no,no,no,cellular,aug,thu,9,18,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,admin.,married,high.school,no,no,no,cellular,aug,thu,52,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,technician,married,professional.course,no,yes,no,cellular,aug,thu,142,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,unemployed,single,university.degree,no,no,no,cellular,aug,thu,126,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +51,blue-collar,married,professional.course,no,no,yes,cellular,aug,thu,17,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,admin.,married,basic.9y,no,yes,no,cellular,aug,thu,15,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +55,blue-collar,married,basic.4y,no,yes,yes,cellular,aug,thu,21,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +41,technician,married,high.school,no,no,no,cellular,aug,thu,8,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +53,self-employed,married,university.degree,no,yes,yes,telephone,aug,thu,48,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +55,unknown,married,unknown,unknown,yes,no,cellular,aug,thu,60,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +34,technician,married,professional.course,no,yes,no,telephone,aug,thu,51,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,admin.,single,university.degree,no,yes,no,cellular,aug,thu,70,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,admin.,married,basic.9y,no,no,no,cellular,aug,thu,23,14,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,technician,single,professional.course,unknown,no,no,cellular,aug,thu,199,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,divorced,high.school,no,no,no,cellular,aug,thu,12,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,technician,single,university.degree,no,yes,yes,telephone,aug,thu,37,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +39,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,48,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,management,single,university.degree,no,no,no,cellular,aug,thu,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,management,single,university.degree,no,yes,no,cellular,aug,thu,245,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +34,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,18,14,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,thu,189,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,admin.,married,university.degree,no,no,no,cellular,aug,thu,36,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +60,retired,married,high.school,no,no,no,cellular,aug,thu,56,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +43,admin.,single,university.degree,no,yes,no,cellular,aug,thu,62,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,services,married,professional.course,no,no,no,telephone,aug,thu,64,18,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,thu,39,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,services,married,professional.course,no,yes,yes,cellular,aug,thu,133,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +49,services,married,basic.9y,no,yes,no,cellular,aug,thu,32,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +49,housemaid,married,basic.4y,unknown,yes,no,cellular,aug,thu,310,5,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +51,admin.,divorced,university.degree,unknown,yes,no,cellular,aug,thu,24,7,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,services,married,professional.course,no,yes,no,cellular,aug,thu,125,4,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,thu,1109,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,yes +53,self-employed,married,university.degree,no,yes,no,telephone,aug,thu,161,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,thu,76,11,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,aug,thu,24,13,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +38,technician,divorced,professional.course,no,no,no,cellular,aug,thu,7,8,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +32,management,single,university.degree,no,yes,no,cellular,aug,thu,260,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,technician,married,high.school,no,yes,yes,cellular,aug,thu,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +45,admin.,married,university.degree,no,no,no,telephone,aug,thu,58,3,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +43,admin.,married,university.degree,no,yes,no,cellular,aug,thu,433,10,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +40,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,247,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +35,technician,married,high.school,no,no,no,cellular,aug,thu,787,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,unemployed,single,university.degree,no,yes,yes,cellular,aug,thu,201,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +33,unemployed,single,university.degree,no,yes,no,cellular,aug,thu,89,2,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +37,technician,single,professional.course,no,no,no,cellular,aug,thu,19,13,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,thu,15,9,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,thu,55,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +31,technician,married,professional.course,no,yes,no,cellular,aug,thu,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +58,admin.,divorced,university.degree,no,yes,no,telephone,aug,thu,688,6,999,0,nonexistent,1.4,93.444,-36.1,4.962,5228.1,no +50,management,married,university.degree,no,no,no,cellular,aug,fri,160,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,management,married,university.degree,no,yes,no,cellular,aug,fri,193,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,207,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,yes,no,cellular,aug,fri,106,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,divorced,university.degree,unknown,no,no,cellular,aug,fri,80,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,admin.,married,basic.9y,unknown,yes,no,cellular,aug,fri,42,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,university.degree,no,yes,yes,cellular,aug,fri,65,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,blue-collar,married,basic.9y,unknown,no,no,cellular,aug,fri,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,high.school,no,yes,no,cellular,aug,fri,45,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,entrepreneur,married,basic.4y,unknown,yes,no,cellular,aug,fri,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,fri,92,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,fri,47,13,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,self-employed,married,university.degree,no,no,no,cellular,aug,fri,59,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,admin.,married,university.degree,no,no,yes,cellular,aug,fri,24,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,divorced,university.degree,no,yes,no,cellular,aug,fri,56,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,single,university.degree,no,yes,no,cellular,aug,fri,105,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,self-employed,married,university.degree,no,no,no,cellular,aug,fri,144,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,basic.6y,no,no,no,cellular,aug,fri,85,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,no,no,telephone,aug,fri,57,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,no,no,cellular,aug,fri,71,16,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,fri,82,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,aug,fri,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,university.degree,no,no,no,cellular,aug,fri,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,management,divorced,university.degree,no,no,no,telephone,aug,fri,247,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,married,professional.course,no,yes,no,cellular,aug,fri,119,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,88,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,technician,married,high.school,unknown,no,no,cellular,aug,fri,114,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,single,professional.course,no,yes,no,cellular,aug,fri,50,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,73,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,62,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,high.school,no,unknown,unknown,cellular,aug,fri,171,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,fri,24,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,admin.,married,university.degree,unknown,yes,yes,cellular,aug,fri,21,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,technician,married,professional.course,no,no,no,cellular,aug,fri,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,services,married,professional.course,no,unknown,unknown,cellular,aug,fri,133,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,married,university.degree,no,yes,no,cellular,aug,fri,183,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,university.degree,no,no,no,cellular,aug,fri,25,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,divorced,professional.course,no,yes,yes,cellular,aug,fri,83,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,university.degree,no,yes,no,cellular,aug,fri,41,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,university.degree,no,yes,no,cellular,aug,fri,204,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,basic.6y,unknown,no,no,cellular,aug,fri,164,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,blue-collar,married,professional.course,no,no,no,cellular,aug,fri,150,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,divorced,professional.course,no,yes,yes,cellular,aug,fri,90,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,university.degree,no,yes,no,cellular,aug,fri,643,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,basic.6y,unknown,yes,no,cellular,aug,fri,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,divorced,university.degree,no,yes,yes,cellular,aug,fri,153,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,40,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,admin.,married,university.degree,unknown,no,yes,cellular,aug,fri,80,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,488,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,214,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,technician,married,professional.course,no,yes,no,cellular,aug,fri,204,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +36,admin.,single,university.degree,no,no,yes,cellular,aug,fri,69,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,no,yes,no,cellular,aug,fri,36,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,aug,fri,108,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,high.school,no,no,no,cellular,aug,fri,135,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,management,married,university.degree,unknown,yes,no,cellular,aug,fri,339,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,professional.course,no,no,no,cellular,aug,fri,462,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,fri,97,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,retired,married,university.degree,no,yes,no,cellular,aug,fri,28,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,services,married,high.school,no,yes,no,cellular,aug,fri,179,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,109,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,professional.course,no,yes,no,cellular,aug,fri,139,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,married,university.degree,no,yes,no,telephone,aug,fri,103,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,unknown,married,unknown,unknown,no,no,cellular,aug,fri,105,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,admin.,single,university.degree,no,yes,no,cellular,aug,fri,213,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,blue-collar,married,basic.9y,no,no,yes,cellular,aug,fri,112,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,technician,divorced,high.school,no,yes,no,cellular,aug,fri,255,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,technician,married,professional.course,unknown,no,yes,cellular,aug,fri,225,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,married,high.school,no,yes,no,cellular,aug,fri,131,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,unknown,married,unknown,unknown,yes,no,cellular,aug,fri,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,university.degree,no,yes,no,cellular,aug,fri,77,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,management,married,university.degree,no,no,no,cellular,aug,fri,159,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,fri,103,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,services,divorced,high.school,no,yes,no,cellular,aug,fri,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,married,university.degree,no,no,yes,cellular,aug,fri,81,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,admin.,married,university.degree,no,no,no,cellular,aug,fri,94,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,fri,113,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,unknown,yes,yes,cellular,aug,fri,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,retired,married,high.school,no,yes,no,cellular,aug,fri,35,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,unknown,no,no,cellular,aug,fri,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,retired,married,basic.9y,no,yes,no,cellular,aug,fri,96,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,yes,no,cellular,aug,fri,345,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,professional.course,no,no,no,cellular,aug,fri,245,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,79,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,unknown,yes,yes,cellular,aug,fri,128,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,unknown,no,no,cellular,aug,fri,204,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,unknown,yes,no,cellular,aug,fri,156,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,married,university.degree,no,no,no,cellular,aug,fri,67,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,admin.,married,high.school,no,yes,no,cellular,aug,fri,91,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,married,university.degree,no,yes,no,cellular,aug,fri,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,married,university.degree,no,no,no,cellular,aug,fri,245,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,fri,141,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,married,university.degree,no,no,no,cellular,aug,fri,71,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,fri,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,married,university.degree,no,unknown,unknown,cellular,aug,fri,235,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,divorced,university.degree,no,unknown,unknown,cellular,aug,fri,136,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,divorced,university.degree,no,no,no,cellular,aug,fri,63,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,admin.,married,professional.course,no,yes,no,cellular,aug,fri,122,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,divorced,university.degree,unknown,no,no,cellular,aug,fri,137,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,no,telephone,aug,fri,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,fri,141,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,unknown,unknown,cellular,aug,fri,107,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,divorced,university.degree,no,no,yes,cellular,aug,fri,180,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +46,technician,married,unknown,no,yes,no,cellular,aug,fri,70,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,high.school,unknown,yes,no,cellular,aug,fri,96,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,high.school,unknown,yes,no,cellular,aug,fri,398,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,technician,married,high.school,no,yes,no,cellular,aug,fri,60,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,high.school,no,yes,no,cellular,aug,fri,130,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,unknown,yes,no,cellular,aug,fri,256,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,professional.course,no,yes,yes,cellular,aug,fri,264,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,services,married,high.school,no,yes,no,cellular,aug,fri,95,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,professional.course,no,yes,no,cellular,aug,fri,307,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,high.school,no,no,yes,cellular,aug,fri,210,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +42,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,77,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,housemaid,married,basic.4y,no,yes,no,telephone,aug,fri,116,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,management,married,university.degree,no,yes,yes,cellular,aug,fri,186,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +37,admin.,married,university.degree,no,no,no,telephone,aug,fri,115,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,admin.,married,high.school,unknown,no,no,cellular,aug,fri,93,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,services,married,unknown,no,no,no,telephone,aug,fri,104,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,technician,single,high.school,no,yes,no,cellular,aug,fri,85,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,telephone,aug,fri,59,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,technician,married,university.degree,unknown,no,no,cellular,aug,fri,1028,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,no,no,cellular,aug,fri,186,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,management,married,university.degree,no,no,no,cellular,aug,fri,299,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,aug,fri,161,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,technician,married,university.degree,unknown,yes,no,cellular,aug,fri,207,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,no,yes,no,cellular,aug,fri,91,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,no,no,cellular,aug,fri,133,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +54,services,married,high.school,no,yes,no,cellular,aug,fri,111,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,single,university.degree,unknown,yes,no,cellular,aug,fri,239,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,fri,38,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,unknown,married,unknown,unknown,yes,no,cellular,aug,fri,165,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,entrepreneur,married,university.degree,no,yes,no,cellular,aug,fri,19,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,single,professional.course,no,yes,no,cellular,aug,fri,436,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,basic.9y,no,unknown,unknown,cellular,aug,fri,49,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,64,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,fri,511,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,fri,961,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,fri,76,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,management,married,university.degree,no,no,no,cellular,aug,fri,124,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,technician,married,high.school,no,no,no,cellular,aug,fri,66,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,unemployed,married,university.degree,no,yes,no,cellular,aug,fri,54,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,divorced,professional.course,unknown,yes,no,cellular,aug,fri,29,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,yes,no,cellular,aug,fri,56,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,709,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,technician,single,professional.course,no,yes,no,cellular,aug,fri,95,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +43,technician,married,high.school,no,yes,no,telephone,aug,fri,251,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,unemployed,married,university.degree,no,yes,no,cellular,aug,fri,59,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,398,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,47,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,fri,173,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,fri,69,14,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,77,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,self-employed,married,university.degree,no,yes,no,cellular,aug,fri,300,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,blue-collar,married,basic.4y,no,no,no,cellular,aug,fri,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,self-employed,married,university.degree,no,no,no,cellular,aug,fri,39,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,self-employed,married,university.degree,no,no,no,cellular,aug,fri,81,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +40,admin.,divorced,professional.course,no,yes,no,telephone,aug,fri,18,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,single,university.degree,no,no,no,telephone,aug,fri,36,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +60,admin.,married,basic.9y,no,no,no,cellular,aug,fri,24,11,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,single,university.degree,unknown,no,yes,cellular,aug,fri,70,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +49,blue-collar,married,basic.4y,unknown,yes,no,cellular,aug,fri,21,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,92,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,retired,married,basic.4y,no,yes,no,telephone,aug,fri,162,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,technician,married,university.degree,unknown,unknown,unknown,cellular,aug,fri,116,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,retired,married,basic.4y,no,yes,no,cellular,aug,fri,94,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,technician,married,professional.course,no,yes,no,telephone,aug,fri,58,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,admin.,married,university.degree,no,yes,no,cellular,aug,fri,76,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,technician,single,high.school,no,yes,no,cellular,aug,fri,90,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,no,no,cellular,aug,fri,14,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,high.school,no,yes,no,telephone,aug,fri,129,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,management,single,university.degree,no,no,no,cellular,aug,fri,157,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,unemployed,single,university.degree,no,yes,no,telephone,aug,fri,145,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,divorced,professional.course,unknown,yes,yes,cellular,aug,fri,161,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,services,married,high.school,unknown,no,no,cellular,aug,fri,88,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,fri,122,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,high.school,no,no,no,cellular,aug,fri,133,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,married,high.school,no,unknown,unknown,cellular,aug,fri,61,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,unknown,married,unknown,unknown,yes,no,cellular,aug,fri,10,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,493,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +47,admin.,married,university.degree,no,no,no,cellular,aug,fri,451,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,divorced,university.degree,unknown,no,no,telephone,aug,fri,86,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +34,technician,married,university.degree,no,yes,no,cellular,aug,fri,168,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,technician,married,professional.course,no,no,yes,cellular,aug,fri,370,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,management,married,university.degree,no,yes,no,cellular,aug,fri,93,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +30,admin.,divorced,university.degree,no,yes,yes,cellular,aug,fri,201,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,admin.,divorced,university.degree,unknown,no,no,cellular,aug,fri,59,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +52,blue-collar,married,basic.9y,no,no,no,cellular,aug,fri,85,8,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,301,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +60,admin.,married,basic.9y,no,yes,no,cellular,aug,fri,60,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,admin.,married,university.degree,no,no,no,cellular,aug,fri,27,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,admin.,married,university.degree,no,yes,no,telephone,aug,fri,20,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,management,married,university.degree,no,yes,yes,telephone,aug,fri,81,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +53,management,married,university.degree,no,no,no,telephone,aug,fri,74,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,unemployed,married,university.degree,no,yes,no,cellular,aug,fri,53,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,single,university.degree,no,no,no,cellular,aug,fri,35,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +35,technician,divorced,high.school,unknown,yes,no,telephone,aug,fri,117,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +50,admin.,married,basic.9y,no,no,no,cellular,aug,fri,215,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,admin.,married,university.degree,no,yes,no,telephone,aug,fri,43,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +38,technician,divorced,professional.course,no,yes,no,cellular,aug,fri,73,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,married,university.degree,no,no,no,cellular,aug,fri,106,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,no,no,telephone,aug,fri,120,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,married,university.degree,no,no,no,telephone,aug,fri,51,1,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +48,blue-collar,married,basic.4y,no,yes,no,cellular,aug,fri,669,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,professional.course,no,no,yes,cellular,aug,fri,46,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +33,admin.,married,university.degree,no,no,no,cellular,aug,fri,127,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +39,housemaid,married,basic.4y,unknown,yes,no,telephone,aug,fri,158,4,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,professional.course,no,no,no,cellular,aug,fri,17,10,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,retired,married,basic.4y,no,yes,no,cellular,aug,fri,68,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +45,technician,married,professional.course,no,yes,yes,cellular,aug,fri,215,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,married,university.degree,no,yes,no,telephone,aug,fri,63,9,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +31,technician,single,professional.course,unknown,yes,yes,cellular,aug,fri,27,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,retired,married,unknown,no,yes,yes,cellular,aug,fri,117,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +51,self-employed,married,high.school,no,yes,no,cellular,aug,fri,8,6,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +41,admin.,married,university.degree,no,yes,no,cellular,aug,fri,6,5,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +60,admin.,married,university.degree,no,no,no,cellular,aug,fri,515,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +59,retired,married,unknown,no,no,yes,cellular,aug,fri,88,2,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +58,retired,married,basic.4y,no,yes,yes,cellular,aug,fri,89,3,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +55,technician,married,professional.course,no,yes,no,telephone,aug,fri,77,7,999,0,nonexistent,1.4,93.444,-36.1,4.963,5228.1,no +44,admin.,married,high.school,no,yes,no,telephone,oct,fri,159,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,no +42,admin.,married,high.school,no,yes,yes,telephone,oct,fri,103,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,yes +39,blue-collar,married,basic.9y,no,no,no,telephone,oct,fri,270,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,yes +56,unknown,married,unknown,no,no,no,telephone,oct,fri,235,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,yes +30,entrepreneur,married,university.degree,no,no,no,telephone,oct,fri,223,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,yes +43,technician,single,professional.course,no,no,no,telephone,oct,fri,147,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,no +27,self-employed,single,university.degree,no,no,no,telephone,oct,fri,24,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,no +46,admin.,divorced,high.school,no,yes,no,telephone,oct,fri,3253,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,no +42,self-employed,married,basic.4y,no,no,no,telephone,oct,fri,478,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.045,5195.8,yes +52,technician,married,professional.course,no,yes,yes,telephone,oct,mon,164,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.0,5195.8,no +35,management,married,university.degree,no,yes,no,telephone,oct,mon,309,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.0,5195.8,no +35,entrepreneur,married,university.degree,no,yes,yes,telephone,oct,mon,2429,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.0,5195.8,no +48,admin.,married,high.school,no,no,no,telephone,oct,mon,312,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.0,5195.8,yes +41,technician,divorced,professional.course,no,unknown,unknown,telephone,oct,mon,73,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.0,5195.8,no +30,admin.,single,university.degree,no,yes,yes,telephone,oct,mon,718,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.0,5195.8,yes +39,technician,divorced,university.degree,no,no,yes,telephone,oct,mon,2016,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,5.0,5195.8,yes +38,blue-collar,single,unknown,no,yes,no,telephone,oct,tue,39,1,999,1,failure,-0.1,93.79799999999999,-40.4,4.968,5195.8,no +44,admin.,divorced,high.school,no,yes,no,telephone,oct,tue,294,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,yes +59,admin.,married,university.degree,no,no,no,telephone,oct,tue,85,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,yes +33,housemaid,married,high.school,no,no,no,telephone,oct,tue,37,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,yes +32,admin.,married,high.school,no,no,no,telephone,oct,tue,101,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,yes +59,blue-collar,married,professional.course,no,no,no,telephone,oct,tue,19,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,no +40,services,married,high.school,no,yes,no,telephone,oct,tue,144,1,999,1,failure,-0.1,93.79799999999999,-40.4,4.968,5195.8,yes +35,blue-collar,married,basic.9y,no,yes,no,telephone,oct,tue,4,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,no +56,blue-collar,married,unknown,no,yes,no,telephone,oct,tue,54,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,no +27,student,single,high.school,no,no,no,telephone,oct,tue,187,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,yes +41,admin.,single,high.school,no,no,no,telephone,oct,tue,49,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.968,5195.8,no +30,technician,single,university.degree,no,no,no,telephone,oct,wed,676,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.936,5195.8,yes +36,technician,married,high.school,no,no,no,telephone,oct,wed,157,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.936,5195.8,yes +56,technician,married,professional.course,no,no,no,telephone,oct,wed,73,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.936,5195.8,no +43,self-employed,married,high.school,no,yes,no,telephone,oct,wed,181,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.936,5195.8,yes +48,admin.,married,university.degree,no,no,no,telephone,oct,wed,98,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.936,5195.8,yes +37,admin.,single,high.school,no,yes,no,telephone,oct,wed,313,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.936,5195.8,yes +36,services,married,high.school,no,yes,no,telephone,oct,thu,41,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.921,5195.8,no +25,services,single,high.school,no,yes,no,telephone,oct,thu,301,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.921,5195.8,yes +39,technician,married,professional.course,no,no,no,telephone,oct,thu,171,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.921,5195.8,yes +39,blue-collar,married,basic.9y,no,yes,no,telephone,oct,fri,112,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.918,5195.8,yes +58,retired,married,university.degree,no,yes,no,telephone,oct,fri,12,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.918,5195.8,no +38,admin.,married,high.school,no,yes,no,telephone,oct,fri,97,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.918,5195.8,yes +26,entrepreneur,married,basic.9y,no,yes,no,telephone,oct,fri,5,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.918,5195.8,no +46,admin.,divorced,university.degree,no,no,no,telephone,oct,mon,376,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.912,5195.8,yes +29,technician,single,professional.course,no,yes,no,telephone,oct,mon,150,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.912,5195.8,yes +32,admin.,married,university.degree,no,no,yes,telephone,oct,mon,27,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.912,5195.8,no +31,admin.,married,university.degree,no,yes,no,telephone,oct,mon,131,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.912,5195.8,yes +49,admin.,single,university.degree,no,yes,no,telephone,oct,mon,51,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.912,5195.8,no +26,admin.,single,university.degree,no,yes,no,telephone,oct,mon,251,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.912,5195.8,yes +27,blue-collar,single,professional.course,no,yes,no,telephone,oct,mon,3284,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.912,5195.8,no +31,admin.,single,university.degree,no,yes,no,telephone,oct,tue,125,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.86,5195.8,yes +43,blue-collar,married,basic.9y,no,no,no,telephone,oct,tue,10,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.86,5195.8,no +45,technician,divorced,high.school,no,yes,no,telephone,oct,tue,141,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.86,5195.8,yes +31,blue-collar,married,basic.6y,no,yes,no,telephone,oct,tue,154,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.86,5195.8,yes +34,admin.,single,university.degree,no,no,no,telephone,oct,tue,135,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.86,5195.8,yes +27,admin.,single,university.degree,no,no,no,telephone,oct,tue,540,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.86,5195.8,yes +33,entrepreneur,married,university.degree,no,yes,no,telephone,oct,tue,454,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.86,5195.8,yes +33,technician,married,professional.course,no,yes,no,telephone,oct,wed,171,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.827,5195.8,yes +49,blue-collar,married,basic.6y,no,no,no,telephone,oct,wed,11,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.827,5195.8,no +30,admin.,married,university.degree,no,no,no,telephone,oct,wed,313,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.827,5195.8,yes +33,admin.,married,university.degree,no,no,no,telephone,oct,wed,167,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.827,5195.8,no +34,blue-collar,single,high.school,no,yes,no,telephone,oct,wed,266,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.827,5195.8,yes +36,self-employed,single,university.degree,no,yes,no,telephone,oct,thu,248,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.794,5195.8,yes +56,technician,married,high.school,no,no,no,telephone,oct,thu,234,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.794,5195.8,yes +31,technician,single,university.degree,no,no,no,telephone,oct,thu,154,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.794,5195.8,yes +34,blue-collar,divorced,high.school,no,yes,no,telephone,oct,thu,160,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.794,5195.8,yes +58,admin.,divorced,high.school,no,no,no,telephone,oct,thu,81,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.794,5195.8,no +38,entrepreneur,married,basic.4y,no,no,no,telephone,oct,fri,227,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.76,5195.8,yes +42,management,married,university.degree,no,no,no,telephone,oct,fri,615,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.76,5195.8,yes +33,admin.,married,university.degree,no,no,no,cellular,oct,fri,18,1,999,0,nonexistent,-0.1,93.79799999999999,-40.4,4.76,5195.8,no +31,admin.,married,university.degree,no,yes,no,telephone,nov,mon,44,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7330000000000005,5195.8,no +33,admin.,married,university.degree,no,no,no,telephone,nov,mon,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7330000000000005,5195.8,no +30,admin.,married,university.degree,no,no,no,cellular,nov,tue,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7,5195.8,no +25,admin.,single,university.degree,no,no,yes,telephone,nov,tue,5,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7,5195.8,no +32,technician,married,professional.course,no,yes,no,telephone,nov,tue,399,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7,5195.8,yes +32,management,married,university.degree,no,yes,yes,telephone,nov,tue,15,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7,5195.8,no +57,retired,divorced,university.degree,no,yes,no,telephone,nov,tue,21,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7,5195.8,no +48,admin.,married,high.school,no,yes,no,telephone,nov,tue,217,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7,5195.8,no +30,blue-collar,married,basic.9y,no,no,no,telephone,nov,tue,465,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7,5195.8,yes +50,entrepreneur,married,university.degree,no,no,no,telephone,nov,tue,209,1,999,0,nonexistent,-0.1,93.2,-42.0,4.7,5195.8,yes +30,technician,married,professional.course,no,yes,no,telephone,nov,wed,6,1,999,0,nonexistent,-0.1,93.2,-42.0,4.663,5195.8,no +45,unknown,married,unknown,no,no,no,telephone,nov,wed,169,1,999,0,nonexistent,-0.1,93.2,-42.0,4.663,5195.8,yes +36,admin.,married,university.degree,no,yes,no,telephone,nov,wed,449,1,999,1,failure,-0.1,93.2,-42.0,4.663,5195.8,no +57,admin.,divorced,university.degree,no,no,no,telephone,nov,wed,5,1,999,0,nonexistent,-0.1,93.2,-42.0,4.663,5195.8,no +25,management,married,university.degree,no,yes,no,telephone,nov,wed,268,1,999,0,nonexistent,-0.1,93.2,-42.0,4.663,5195.8,yes +39,management,married,university.degree,no,yes,no,telephone,nov,wed,204,1,999,0,nonexistent,-0.1,93.2,-42.0,4.663,5195.8,yes +27,self-employed,married,professional.course,no,no,no,telephone,nov,wed,669,1,999,0,nonexistent,-0.1,93.2,-42.0,4.663,5195.8,yes +33,blue-collar,married,basic.9y,no,yes,yes,telephone,nov,wed,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.663,5195.8,no +47,admin.,married,university.degree,no,no,yes,telephone,nov,wed,23,1,999,0,nonexistent,-0.1,93.2,-42.0,4.663,5195.8,no +41,admin.,single,high.school,no,yes,no,telephone,nov,thu,234,1,999,0,nonexistent,-0.1,93.2,-42.0,4.592,5195.8,yes +30,admin.,married,high.school,no,yes,no,telephone,nov,thu,26,1,999,0,nonexistent,-0.1,93.2,-42.0,4.592,5195.8,no +29,technician,married,university.degree,no,yes,no,cellular,nov,thu,150,1,999,0,nonexistent,-0.1,93.2,-42.0,4.592,5195.8,yes +32,admin.,married,university.degree,no,no,no,telephone,nov,thu,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.592,5195.8,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,nov,fri,115,1,999,0,nonexistent,-0.1,93.2,-42.0,4.474,5195.8,yes +29,admin.,married,basic.9y,no,yes,no,telephone,nov,fri,453,1,999,0,nonexistent,-0.1,93.2,-42.0,4.474,5195.8,yes +43,retired,married,high.school,no,yes,no,cellular,nov,fri,83,1,999,0,nonexistent,-0.1,93.2,-42.0,4.474,5195.8,no +32,admin.,single,university.degree,no,no,no,telephone,nov,mon,1239,1,999,0,nonexistent,-0.1,93.2,-42.0,4.406000000000001,5195.8,no +33,technician,single,professional.course,no,yes,no,telephone,nov,mon,4918,1,999,0,nonexistent,-0.1,93.2,-42.0,4.406000000000001,5195.8,no +27,student,single,university.degree,no,yes,no,telephone,nov,mon,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.406000000000001,5195.8,no +24,management,single,university.degree,no,no,yes,telephone,nov,mon,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.406000000000001,5195.8,no +47,student,single,unknown,no,unknown,unknown,telephone,nov,mon,145,1,999,0,nonexistent,-0.1,93.2,-42.0,4.406000000000001,5195.8,yes +46,technician,married,professional.course,no,no,no,telephone,nov,mon,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.406000000000001,5195.8,no +58,retired,divorced,basic.9y,no,yes,no,telephone,nov,mon,248,1,999,0,nonexistent,-0.1,93.2,-42.0,4.406000000000001,5195.8,yes +47,management,divorced,university.degree,no,no,no,telephone,nov,tue,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.343,5195.8,no +43,services,married,basic.6y,no,no,no,telephone,nov,tue,133,1,999,0,nonexistent,-0.1,93.2,-42.0,4.343,5195.8,no +57,admin.,divorced,university.degree,no,no,no,telephone,nov,tue,119,1,999,0,nonexistent,-0.1,93.2,-42.0,4.343,5195.8,no +32,unemployed,married,professional.course,no,yes,no,telephone,nov,tue,486,1,999,0,nonexistent,-0.1,93.2,-42.0,4.343,5195.8,yes +33,services,married,high.school,no,no,no,telephone,nov,tue,158,1,999,0,nonexistent,-0.1,93.2,-42.0,4.343,5195.8,yes +36,admin.,married,high.school,no,yes,no,telephone,nov,wed,114,1,999,1,failure,-0.1,93.2,-42.0,4.2860000000000005,5195.8,yes +58,management,divorced,university.degree,no,no,no,telephone,nov,wed,139,1,999,0,nonexistent,-0.1,93.2,-42.0,4.2860000000000005,5195.8,yes +53,technician,divorced,professional.course,no,yes,no,cellular,nov,wed,320,1,999,0,nonexistent,-0.1,93.2,-42.0,4.2860000000000005,5195.8,no +37,housemaid,married,university.degree,no,yes,no,telephone,nov,wed,129,1,999,0,nonexistent,-0.1,93.2,-42.0,4.2860000000000005,5195.8,no +48,admin.,married,high.school,no,no,no,telephone,nov,wed,24,1,999,0,nonexistent,-0.1,93.2,-42.0,4.2860000000000005,5195.8,no +46,blue-collar,married,professional.course,no,yes,no,telephone,nov,wed,238,1,999,0,nonexistent,-0.1,93.2,-42.0,4.2860000000000005,5195.8,no +37,admin.,married,university.degree,no,yes,no,telephone,nov,wed,119,1,6,1,success,-0.1,93.2,-42.0,4.2860000000000005,5195.8,no +33,admin.,single,university.degree,no,no,no,telephone,nov,thu,109,1,999,0,nonexistent,-0.1,93.2,-42.0,4.245,5195.8,no +18,student,single,high.school,no,no,no,telephone,nov,thu,75,1,999,0,nonexistent,-0.1,93.2,-42.0,4.245,5195.8,no +33,self-employed,single,university.degree,no,no,no,telephone,nov,thu,168,1,999,0,nonexistent,-0.1,93.2,-42.0,4.245,5195.8,no +27,student,single,professional.course,no,no,no,telephone,nov,thu,72,1,999,0,nonexistent,-0.1,93.2,-42.0,4.245,5195.8,no +29,self-employed,married,university.degree,no,yes,no,telephone,nov,thu,86,1,999,1,failure,-0.1,93.2,-42.0,4.245,5195.8,no +50,admin.,single,basic.9y,no,unknown,unknown,telephone,nov,thu,45,1,999,0,nonexistent,-0.1,93.2,-42.0,4.245,5195.8,no +42,admin.,married,professional.course,no,yes,no,telephone,nov,thu,90,1,999,0,nonexistent,-0.1,93.2,-42.0,4.245,5195.8,yes +40,blue-collar,married,basic.9y,no,unknown,unknown,telephone,nov,thu,160,1,999,0,nonexistent,-0.1,93.2,-42.0,4.245,5195.8,yes +39,admin.,single,high.school,no,no,no,telephone,nov,thu,51,1,999,0,nonexistent,-0.1,93.2,-42.0,4.245,5195.8,no +37,admin.,divorced,university.degree,no,no,yes,cellular,nov,fri,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.223,5195.8,yes +35,technician,single,professional.course,no,yes,no,telephone,nov,fri,160,1,999,0,nonexistent,-0.1,93.2,-42.0,4.223,5195.8,yes +35,management,married,university.degree,no,yes,no,telephone,nov,fri,24,1,999,0,nonexistent,-0.1,93.2,-42.0,4.223,5195.8,no +34,management,married,university.degree,no,no,no,telephone,nov,fri,179,1,999,0,nonexistent,-0.1,93.2,-42.0,4.223,5195.8,yes +57,management,married,university.degree,no,yes,no,telephone,nov,mon,76,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,technician,single,unknown,no,no,no,telephone,nov,mon,101,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,divorced,professional.course,no,no,no,cellular,nov,mon,200,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,professional.course,unknown,no,no,cellular,nov,mon,212,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +56,services,married,high.school,no,no,no,telephone,nov,mon,92,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +56,services,married,high.school,no,no,no,cellular,nov,mon,156,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,married,high.school,no,no,no,cellular,nov,mon,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,technician,divorced,university.degree,no,no,no,cellular,nov,mon,215,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,self-employed,married,university.degree,no,no,no,telephone,nov,mon,238,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,management,married,university.degree,no,yes,yes,cellular,nov,mon,128,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,blue-collar,divorced,basic.4y,no,no,no,cellular,nov,mon,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,238,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,self-employed,divorced,high.school,no,yes,no,cellular,nov,mon,82,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,admin.,single,high.school,no,no,no,cellular,nov,mon,303,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +48,services,married,unknown,no,no,no,cellular,nov,mon,51,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +57,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,mon,221,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,management,single,university.degree,no,yes,no,cellular,nov,mon,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,management,married,university.degree,no,yes,no,cellular,nov,mon,130,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +51,technician,married,unknown,no,no,no,cellular,nov,mon,324,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,single,high.school,no,yes,no,cellular,nov,mon,139,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,management,married,high.school,no,yes,no,cellular,nov,mon,669,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,admin.,married,university.degree,no,yes,yes,cellular,nov,mon,161,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +49,blue-collar,married,high.school,unknown,yes,no,cellular,nov,mon,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +49,blue-collar,married,high.school,unknown,yes,no,cellular,nov,mon,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,163,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +52,retired,married,university.degree,no,no,no,cellular,nov,mon,147,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,services,married,high.school,no,yes,no,cellular,nov,mon,252,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,management,married,university.degree,no,yes,no,cellular,nov,mon,113,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,management,married,university.degree,no,yes,no,cellular,nov,mon,375,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,management,married,university.degree,no,yes,no,cellular,nov,mon,121,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,married,university.degree,no,no,no,telephone,nov,mon,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,technician,divorced,high.school,no,yes,no,cellular,nov,mon,81,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,admin.,divorced,university.degree,no,yes,no,cellular,nov,mon,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,admin.,single,university.degree,no,yes,no,cellular,nov,mon,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,mon,176,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,retired,single,basic.9y,no,no,no,cellular,nov,mon,115,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,technician,married,professional.course,no,no,no,cellular,nov,mon,550,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,unemployed,married,basic.9y,no,yes,no,cellular,nov,mon,75,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,unemployed,divorced,high.school,no,no,yes,cellular,nov,mon,57,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,unemployed,divorced,high.school,no,yes,yes,cellular,nov,mon,68,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +36,unemployed,divorced,high.school,no,no,no,cellular,nov,mon,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,unemployed,divorced,high.school,no,yes,no,cellular,nov,mon,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,technician,married,professional.course,no,yes,no,cellular,nov,mon,61,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,technician,married,professional.course,no,no,no,cellular,nov,mon,113,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,entrepreneur,married,university.degree,no,no,no,cellular,nov,mon,134,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +46,management,married,university.degree,no,yes,no,cellular,nov,mon,123,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,admin.,married,high.school,no,no,no,cellular,nov,mon,297,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +41,admin.,married,high.school,no,yes,no,cellular,nov,mon,353,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,146,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +57,admin.,married,university.degree,no,no,yes,cellular,nov,mon,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,management,divorced,university.degree,no,yes,no,cellular,nov,mon,210,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,blue-collar,married,basic.6y,unknown,no,yes,cellular,nov,mon,120,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +34,admin.,married,university.degree,no,yes,no,cellular,nov,mon,92,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,management,married,university.degree,no,no,no,cellular,nov,mon,595,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,unemployed,married,basic.4y,no,yes,no,cellular,nov,mon,57,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,services,married,high.school,no,no,no,cellular,nov,mon,118,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,technician,married,professional.course,no,no,no,cellular,nov,mon,78,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,admin.,married,basic.4y,no,yes,no,cellular,nov,mon,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,high.school,unknown,yes,no,cellular,nov,mon,219,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,management,married,university.degree,no,no,no,cellular,nov,mon,93,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,admin.,single,high.school,unknown,yes,no,cellular,nov,mon,387,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,management,married,university.degree,no,yes,no,cellular,nov,mon,178,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,admin.,single,high.school,unknown,yes,no,cellular,nov,mon,433,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,blue-collar,married,high.school,no,yes,no,cellular,nov,mon,69,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,self-employed,married,university.degree,no,no,no,cellular,nov,mon,223,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,admin.,married,university.degree,no,no,no,cellular,nov,mon,178,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,services,married,basic.4y,no,no,no,cellular,nov,mon,75,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +43,services,married,basic.4y,no,yes,no,cellular,nov,mon,92,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,technician,single,university.degree,no,yes,no,cellular,nov,mon,396,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +47,services,divorced,high.school,no,yes,no,cellular,nov,mon,334,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,blue-collar,married,unknown,no,no,no,cellular,nov,mon,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,236,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,admin.,single,university.degree,unknown,no,no,cellular,nov,mon,142,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,management,married,high.school,no,yes,no,cellular,nov,mon,231,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,admin.,married,university.degree,no,yes,no,cellular,nov,mon,44,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +38,blue-collar,married,unknown,no,yes,no,cellular,nov,mon,376,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,self-employed,married,university.degree,no,no,no,cellular,nov,mon,85,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,management,married,basic.6y,no,no,no,cellular,nov,mon,56,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,admin.,single,university.degree,unknown,yes,no,cellular,nov,mon,389,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,unemployed,married,university.degree,no,yes,no,cellular,nov,mon,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,management,married,university.degree,no,no,no,cellular,nov,mon,44,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,unemployed,married,university.degree,no,unknown,unknown,cellular,nov,mon,126,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,blue-collar,married,high.school,no,no,yes,cellular,nov,mon,65,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +49,admin.,married,basic.9y,no,no,no,cellular,nov,mon,265,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,management,married,university.degree,no,yes,no,cellular,nov,mon,49,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,blue-collar,divorced,professional.course,no,yes,no,cellular,nov,mon,219,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +41,management,married,university.degree,no,yes,no,cellular,nov,mon,155,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +55,management,married,university.degree,no,yes,yes,cellular,nov,mon,81,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,self-employed,divorced,university.degree,no,no,no,cellular,nov,mon,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,1077,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +49,blue-collar,divorced,high.school,no,no,no,telephone,nov,mon,192,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,1303,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +48,blue-collar,divorced,professional.course,no,no,no,cellular,nov,mon,564,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +52,management,divorced,university.degree,unknown,no,no,cellular,nov,mon,79,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,admin.,divorced,university.degree,no,yes,no,cellular,nov,mon,288,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,technician,married,basic.9y,no,no,no,cellular,nov,mon,99,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,management,single,basic.9y,no,no,yes,telephone,nov,mon,33,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,management,single,basic.9y,no,yes,no,cellular,nov,mon,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,blue-collar,single,basic.9y,no,yes,no,cellular,nov,mon,214,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,mon,121,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,services,married,high.school,no,no,no,cellular,nov,mon,40,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,admin.,divorced,university.degree,no,no,no,cellular,nov,mon,57,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,admin.,single,university.degree,no,no,no,cellular,nov,mon,76,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,mon,364,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,unemployed,married,basic.9y,no,yes,no,cellular,nov,mon,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +29,self-employed,single,university.degree,no,no,yes,telephone,nov,mon,378,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,unemployed,married,basic.9y,no,yes,no,cellular,nov,mon,151,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,entrepreneur,married,university.degree,no,no,no,telephone,nov,mon,81,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,admin.,divorced,university.degree,no,yes,no,cellular,nov,mon,479,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,technician,single,professional.course,no,yes,no,cellular,nov,mon,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,technician,single,professional.course,no,unknown,unknown,cellular,nov,mon,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +30,services,married,university.degree,no,yes,no,cellular,nov,mon,135,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,unknown,single,basic.9y,no,yes,no,telephone,nov,mon,302,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +31,services,divorced,high.school,no,yes,yes,cellular,nov,mon,90,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,divorced,high.school,no,yes,no,cellular,nov,mon,38,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,admin.,married,basic.9y,no,yes,no,cellular,nov,mon,77,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,self-employed,married,university.degree,no,no,no,telephone,nov,mon,81,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,mon,127,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,management,married,unknown,no,no,no,cellular,nov,mon,114,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,blue-collar,married,basic.4y,unknown,yes,no,cellular,nov,mon,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,management,married,university.degree,no,no,no,cellular,nov,mon,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,technician,married,professional.course,no,yes,yes,cellular,nov,mon,79,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,admin.,married,basic.9y,no,no,no,cellular,nov,mon,238,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,management,married,university.degree,no,no,no,cellular,nov,mon,179,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,retired,married,professional.course,no,yes,yes,cellular,nov,mon,120,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,management,married,university.degree,no,no,no,cellular,nov,mon,84,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,admin.,divorced,high.school,no,yes,no,cellular,nov,mon,309,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,housemaid,married,basic.9y,no,yes,no,cellular,nov,mon,130,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +36,technician,married,high.school,no,yes,no,cellular,nov,mon,38,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +47,retired,married,basic.4y,no,unknown,unknown,telephone,nov,mon,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,admin.,single,university.degree,no,no,no,cellular,nov,mon,110,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,technician,married,high.school,no,yes,no,telephone,nov,mon,206,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,mon,160,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,housemaid,married,university.degree,no,no,no,cellular,nov,mon,176,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,housemaid,married,university.degree,no,yes,no,telephone,nov,mon,85,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,unemployed,married,professional.course,no,yes,no,cellular,nov,mon,483,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +36,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,mon,292,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,services,single,high.school,unknown,no,no,cellular,nov,mon,68,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +50,blue-collar,married,basic.6y,unknown,yes,no,telephone,nov,mon,105,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,management,married,university.degree,no,yes,no,cellular,nov,mon,112,1,4,1,success,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,married,university.degree,unknown,no,no,cellular,nov,mon,70,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +45,admin.,married,high.school,no,yes,no,cellular,nov,mon,58,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +39,admin.,married,university.degree,no,yes,no,cellular,nov,mon,97,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,retired,married,professional.course,no,yes,no,cellular,nov,mon,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,admin.,married,high.school,no,no,no,cellular,nov,mon,150,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,admin.,married,high.school,no,yes,no,cellular,nov,mon,149,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,96,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,housemaid,married,basic.9y,no,yes,yes,cellular,nov,mon,112,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +57,retired,married,basic.4y,unknown,no,no,telephone,nov,mon,40,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,admin.,married,university.degree,no,no,no,cellular,nov,mon,58,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +49,technician,married,professional.course,no,yes,no,cellular,nov,mon,259,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,119,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,married,university.degree,unknown,no,no,telephone,nov,mon,16,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,admin.,married,high.school,no,yes,no,cellular,nov,mon,527,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,professional.course,unknown,yes,no,cellular,nov,mon,94,1,4,1,success,-0.1,93.2,-42.0,4.191,5195.8,no +30,services,single,high.school,no,no,no,cellular,nov,mon,88,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,professional.course,no,yes,no,cellular,nov,mon,140,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,professional.course,no,yes,no,cellular,nov,mon,149,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,professional.course,no,yes,no,telephone,nov,mon,76,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,admin.,single,university.degree,no,yes,no,telephone,nov,mon,124,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,unemployed,married,university.degree,no,no,no,cellular,nov,mon,90,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +51,management,married,basic.4y,no,no,no,cellular,nov,mon,96,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,blue-collar,married,basic.4y,unknown,yes,no,cellular,nov,mon,109,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,admin.,married,basic.9y,no,yes,no,cellular,nov,mon,591,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,admin.,married,basic.9y,unknown,yes,no,cellular,nov,mon,508,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +38,management,married,university.degree,no,yes,no,telephone,nov,mon,99,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +49,entrepreneur,married,university.degree,no,yes,no,telephone,nov,mon,118,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,professional.course,no,no,yes,cellular,nov,mon,80,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +49,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,165,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,technician,married,high.school,no,no,no,cellular,nov,mon,93,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +41,technician,single,professional.course,no,no,no,cellular,nov,mon,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,blue-collar,married,basic.4y,no,no,no,cellular,nov,mon,545,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,admin.,single,university.degree,no,yes,no,cellular,nov,mon,434,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +51,blue-collar,married,basic.4y,no,yes,no,cellular,nov,mon,346,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,entrepreneur,married,high.school,no,yes,no,telephone,nov,mon,164,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +39,admin.,married,university.degree,no,yes,no,cellular,nov,mon,407,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,technician,married,professional.course,no,yes,no,cellular,nov,mon,61,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +48,admin.,divorced,high.school,no,yes,no,cellular,nov,mon,191,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,technician,married,professional.course,no,yes,no,cellular,nov,mon,110,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +54,services,married,high.school,no,yes,no,telephone,nov,mon,56,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,self-employed,single,university.degree,no,yes,no,cellular,nov,mon,412,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,services,married,high.school,no,no,no,cellular,nov,mon,193,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,unemployed,married,basic.9y,no,yes,no,telephone,nov,mon,180,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,management,married,university.degree,no,yes,no,cellular,nov,mon,1070,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,management,married,university.degree,no,yes,no,cellular,nov,mon,349,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,services,divorced,high.school,no,yes,no,cellular,nov,mon,266,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,management,married,basic.4y,no,no,no,cellular,nov,mon,330,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,management,married,university.degree,no,no,no,cellular,nov,mon,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,self-employed,divorced,university.degree,no,yes,no,cellular,nov,mon,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,technician,married,basic.9y,no,yes,no,telephone,nov,mon,435,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,professional.course,unknown,yes,no,telephone,nov,mon,1606,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,management,married,university.degree,no,yes,no,cellular,nov,mon,216,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,unemployed,married,basic.4y,no,yes,no,cellular,nov,mon,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,management,single,university.degree,no,no,yes,cellular,nov,mon,214,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,technician,married,professional.course,no,yes,no,cellular,nov,mon,78,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,technician,married,university.degree,no,yes,no,telephone,nov,mon,275,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,blue-collar,married,basic.4y,no,yes,no,cellular,nov,mon,279,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,technician,married,professional.course,no,no,yes,cellular,nov,mon,173,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,admin.,married,high.school,no,yes,no,cellular,nov,mon,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,215,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +47,management,married,basic.9y,no,no,no,telephone,nov,mon,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,married,university.degree,unknown,no,no,cellular,nov,mon,890,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +52,management,divorced,university.degree,no,yes,no,cellular,nov,mon,161,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +47,management,married,basic.9y,no,no,no,cellular,nov,mon,97,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,services,divorced,high.school,no,yes,no,cellular,nov,mon,581,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,management,married,basic.6y,no,no,no,cellular,nov,mon,116,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,unemployed,married,university.degree,no,yes,no,telephone,nov,mon,155,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,technician,single,professional.course,no,yes,no,cellular,nov,mon,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,entrepreneur,married,high.school,no,no,yes,cellular,nov,mon,41,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,entrepreneur,married,high.school,no,yes,no,telephone,nov,mon,104,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +49,technician,married,professional.course,unknown,yes,no,telephone,nov,mon,27,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,management,divorced,university.degree,no,no,no,cellular,nov,mon,578,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,management,divorced,university.degree,no,yes,no,cellular,nov,mon,534,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +56,management,married,university.degree,no,no,no,cellular,nov,mon,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,self-employed,married,basic.9y,no,yes,no,cellular,nov,mon,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,self-employed,married,basic.9y,no,yes,no,cellular,nov,mon,169,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,management,married,university.degree,no,yes,yes,cellular,nov,mon,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,admin.,married,unknown,no,no,no,cellular,nov,mon,66,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,entrepreneur,married,basic.4y,unknown,yes,no,cellular,nov,mon,310,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,management,married,university.degree,no,no,no,cellular,nov,mon,150,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,retired,married,high.school,no,no,no,cellular,nov,mon,34,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,retired,married,high.school,no,yes,no,cellular,nov,mon,49,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,blue-collar,married,basic.9y,no,no,yes,cellular,nov,mon,213,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +30,services,single,high.school,no,no,no,cellular,nov,mon,104,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,admin.,married,university.degree,no,yes,no,cellular,nov,mon,386,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,entrepreneur,married,basic.4y,no,yes,no,telephone,nov,mon,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +47,admin.,married,university.degree,no,yes,no,cellular,nov,mon,58,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +47,admin.,married,university.degree,no,yes,no,cellular,nov,mon,138,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,nov,mon,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,blue-collar,married,basic.4y,no,no,no,cellular,nov,mon,112,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,nov,mon,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,entrepreneur,single,basic.9y,no,yes,no,cellular,nov,mon,42,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +56,management,married,professional.course,no,no,no,cellular,nov,mon,74,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +37,admin.,married,high.school,no,no,no,cellular,nov,mon,148,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,services,divorced,high.school,no,yes,yes,cellular,nov,mon,164,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,mon,67,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,entrepreneur,married,basic.9y,no,unknown,unknown,telephone,nov,mon,147,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +43,technician,married,professional.course,no,yes,no,cellular,nov,mon,190,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +43,technician,married,professional.course,no,yes,no,cellular,nov,mon,294,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,services,divorced,high.school,no,yes,no,cellular,nov,mon,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,services,divorced,high.school,no,yes,yes,cellular,nov,mon,96,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,management,married,unknown,no,no,no,telephone,nov,mon,113,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,services,married,basic.6y,unknown,yes,no,cellular,nov,mon,372,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,divorced,high.school,no,no,no,cellular,nov,mon,49,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,blue-collar,married,basic.4y,unknown,no,yes,cellular,nov,mon,68,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,admin.,married,basic.9y,no,no,no,cellular,nov,mon,94,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,high.school,no,no,no,cellular,nov,mon,103,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +39,admin.,married,unknown,no,yes,yes,cellular,nov,mon,60,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +31,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,mon,257,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,management,divorced,university.degree,no,yes,no,cellular,nov,mon,89,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +39,blue-collar,divorced,high.school,no,no,yes,cellular,nov,mon,190,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,entrepreneur,married,high.school,no,no,no,cellular,nov,mon,77,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,entrepreneur,married,basic.4y,no,no,no,cellular,nov,mon,104,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,high.school,no,no,no,cellular,nov,mon,651,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,yes +52,management,married,university.degree,no,yes,no,cellular,nov,mon,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,married,university.degree,unknown,yes,yes,cellular,nov,mon,205,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,blue-collar,single,basic.4y,no,yes,no,cellular,nov,mon,42,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +52,management,married,university.degree,no,yes,yes,cellular,nov,mon,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,self-employed,single,university.degree,no,yes,no,cellular,nov,mon,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,unknown,no,no,no,cellular,nov,mon,55,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +50,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,mon,186,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +33,technician,single,university.degree,no,no,no,cellular,nov,mon,69,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,blue-collar,married,high.school,unknown,yes,no,cellular,nov,mon,121,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,249,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,336,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,management,married,basic.9y,no,yes,no,cellular,nov,mon,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,unemployed,married,high.school,no,no,no,cellular,nov,mon,55,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,unknown,no,no,no,cellular,nov,mon,657,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,blue-collar,married,professional.course,no,yes,no,cellular,nov,mon,345,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,management,married,university.degree,no,yes,no,cellular,nov,mon,65,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +57,management,married,university.degree,no,no,no,cellular,nov,mon,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,77,1,3,1,success,-0.1,93.2,-42.0,4.191,5195.8,no +50,entrepreneur,married,university.degree,unknown,no,no,cellular,nov,mon,102,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,admin.,single,university.degree,no,no,no,cellular,nov,mon,137,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +34,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,2462,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +30,services,single,high.school,no,no,no,cellular,nov,mon,213,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,blue-collar,married,basic.6y,unknown,yes,no,cellular,nov,mon,696,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +50,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,1449,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,nov,mon,188,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,unemployed,married,basic.9y,no,yes,no,cellular,nov,mon,391,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,technician,married,university.degree,no,unknown,unknown,cellular,nov,mon,56,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,management,divorced,university.degree,no,unknown,unknown,telephone,nov,mon,77,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,160,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,blue-collar,married,professional.course,no,no,no,cellular,nov,mon,407,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,self-employed,single,university.degree,no,no,no,cellular,nov,mon,406,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +47,admin.,divorced,professional.course,no,no,no,cellular,nov,mon,104,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +31,admin.,single,high.school,no,no,no,cellular,nov,mon,560,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,divorced,high.school,unknown,yes,no,cellular,nov,mon,168,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,admin.,married,basic.9y,no,yes,yes,cellular,nov,mon,167,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,entrepreneur,married,high.school,no,no,no,cellular,nov,mon,623,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +39,management,married,university.degree,no,no,no,cellular,nov,mon,102,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,management,married,university.degree,no,no,no,cellular,nov,mon,71,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +36,management,married,university.degree,no,no,no,cellular,nov,mon,264,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,technician,married,professional.course,no,yes,no,cellular,nov,mon,199,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +49,management,married,university.degree,no,no,no,cellular,nov,mon,96,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,admin.,divorced,high.school,no,no,no,cellular,nov,mon,529,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,admin.,married,high.school,no,no,no,cellular,nov,mon,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,high.school,no,yes,yes,cellular,nov,mon,165,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,high.school,no,no,no,cellular,nov,mon,141,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,mon,94,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,mon,499,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,technician,married,professional.course,no,no,no,cellular,nov,mon,64,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,blue-collar,married,high.school,no,yes,no,cellular,nov,mon,107,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +56,management,married,university.degree,no,yes,no,cellular,nov,mon,76,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,admin.,single,basic.9y,no,yes,no,cellular,nov,mon,1081,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +36,technician,married,professional.course,no,no,no,cellular,nov,mon,251,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,blue-collar,single,basic.9y,no,yes,no,cellular,nov,mon,101,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,high.school,no,no,no,cellular,nov,mon,504,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,111,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,professional.course,no,yes,yes,telephone,nov,mon,215,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,high.school,no,yes,no,cellular,nov,mon,622,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,mon,325,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,services,married,high.school,no,no,yes,cellular,nov,mon,181,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,services,married,high.school,no,no,no,cellular,nov,mon,166,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +34,blue-collar,married,basic.4y,no,no,no,cellular,nov,mon,105,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,blue-collar,married,basic.4y,no,yes,no,cellular,nov,mon,54,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +57,admin.,married,university.degree,no,yes,no,cellular,nov,mon,89,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +47,retired,married,high.school,no,yes,no,cellular,nov,mon,240,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,admin.,single,high.school,no,yes,no,cellular,nov,mon,92,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,single,high.school,no,yes,no,cellular,nov,mon,124,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,single,high.school,no,yes,no,cellular,nov,mon,86,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,admin.,married,university.degree,no,no,no,cellular,nov,mon,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,technician,married,university.degree,no,yes,no,cellular,nov,mon,105,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,entrepreneur,married,high.school,no,yes,no,cellular,nov,mon,63,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,management,divorced,university.degree,no,yes,no,cellular,nov,mon,48,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,single,high.school,unknown,no,yes,telephone,nov,mon,14,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,admin.,married,high.school,no,yes,no,cellular,nov,mon,287,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,single,high.school,unknown,yes,no,cellular,nov,mon,120,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,technician,single,professional.course,no,yes,no,cellular,nov,mon,253,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,single,high.school,unknown,yes,no,cellular,nov,mon,158,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +29,admin.,married,university.degree,no,no,no,cellular,nov,mon,142,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,high.school,no,yes,no,cellular,nov,mon,131,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,university.degree,unknown,no,no,cellular,nov,mon,174,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +54,retired,divorced,professional.course,no,no,no,cellular,nov,mon,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,209,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,technician,married,university.degree,no,yes,no,cellular,nov,mon,352,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,university.degree,no,no,no,cellular,nov,mon,62,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.6y,no,no,no,cellular,nov,mon,128,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,mon,120,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,high.school,unknown,no,no,cellular,nov,mon,119,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,technician,married,professional.course,no,yes,no,cellular,nov,mon,240,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,mon,375,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,technician,single,university.degree,no,yes,no,cellular,nov,mon,984,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +37,management,divorced,unknown,no,no,yes,cellular,nov,mon,74,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +36,blue-collar,married,basic.9y,no,no,yes,cellular,nov,mon,131,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,nov,mon,117,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,university.degree,unknown,yes,yes,cellular,nov,mon,947,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +44,services,divorced,high.school,no,yes,no,cellular,nov,mon,101,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,services,divorced,high.school,unknown,yes,no,cellular,nov,mon,90,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,management,married,university.degree,no,yes,no,cellular,nov,mon,114,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,management,married,university.degree,no,yes,no,cellular,nov,mon,318,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,admin.,divorced,university.degree,no,yes,no,cellular,nov,mon,76,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +57,technician,married,professional.course,no,no,no,cellular,nov,mon,168,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,blue-collar,married,high.school,no,no,no,cellular,nov,mon,348,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +47,admin.,divorced,university.degree,unknown,no,no,cellular,nov,mon,213,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,self-employed,single,university.degree,no,yes,no,cellular,nov,mon,200,2,4,1,success,-0.1,93.2,-42.0,4.191,5195.8,no +47,management,married,university.degree,no,no,no,cellular,nov,mon,135,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,blue-collar,married,basic.9y,no,yes,yes,telephone,nov,mon,44,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,technician,single,professional.course,no,yes,no,cellular,nov,mon,165,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,technician,married,professional.course,no,yes,no,cellular,nov,mon,70,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,unemployed,divorced,high.school,no,no,no,cellular,nov,mon,166,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +32,blue-collar,married,high.school,no,yes,no,telephone,nov,mon,943,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +42,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,mon,191,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,admin.,divorced,high.school,no,yes,no,cellular,nov,mon,134,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +29,admin.,married,high.school,no,yes,yes,cellular,nov,mon,58,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +55,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,277,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +29,admin.,married,high.school,no,yes,no,cellular,nov,mon,155,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,mon,183,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,unemployed,married,basic.9y,no,yes,no,cellular,nov,mon,554,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,218,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,services,married,basic.4y,unknown,yes,no,cellular,nov,mon,218,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +29,self-employed,single,university.degree,no,yes,no,cellular,nov,mon,51,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,self-employed,single,university.degree,no,yes,yes,cellular,nov,mon,182,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,self-employed,married,university.degree,unknown,no,no,cellular,nov,mon,96,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,entrepreneur,single,university.degree,unknown,yes,no,cellular,nov,mon,472,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,blue-collar,married,high.school,no,no,no,cellular,nov,mon,540,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +48,management,married,unknown,no,yes,yes,cellular,nov,mon,323,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,unemployed,married,professional.course,no,yes,no,cellular,nov,mon,187,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,high.school,unknown,no,no,cellular,nov,mon,76,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,admin.,married,university.degree,no,yes,no,cellular,nov,mon,139,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +46,self-employed,married,university.degree,no,yes,no,cellular,nov,mon,581,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,admin.,married,high.school,no,yes,no,cellular,nov,mon,268,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,management,married,university.degree,no,yes,no,cellular,nov,mon,37,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,housemaid,married,university.degree,no,no,no,cellular,nov,mon,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,technician,single,university.degree,no,no,no,cellular,nov,mon,396,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +47,management,divorced,university.degree,no,yes,no,cellular,nov,mon,131,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,management,married,university.degree,no,no,no,cellular,nov,mon,369,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,services,married,basic.4y,no,no,no,cellular,nov,mon,161,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,services,married,basic.4y,no,yes,yes,cellular,nov,mon,111,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,blue-collar,single,basic.9y,no,yes,no,cellular,nov,mon,78,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,admin.,single,high.school,no,no,no,cellular,nov,mon,184,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,management,divorced,university.degree,no,no,no,cellular,nov,mon,136,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +31,technician,single,high.school,no,no,no,cellular,nov,mon,44,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +30,admin.,divorced,university.degree,no,no,no,telephone,nov,mon,48,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,self-employed,single,professional.course,no,yes,no,cellular,nov,mon,128,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,management,married,university.degree,no,no,no,cellular,nov,mon,146,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +29,blue-collar,married,basic.4y,no,yes,no,cellular,nov,mon,127,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,management,married,high.school,no,no,yes,cellular,nov,mon,256,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,unemployed,married,university.degree,unknown,yes,no,cellular,nov,mon,74,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +52,services,divorced,high.school,unknown,no,no,cellular,nov,mon,190,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,retired,married,basic.4y,unknown,yes,no,cellular,nov,mon,57,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,admin.,married,high.school,no,yes,no,cellular,nov,mon,58,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,self-employed,single,high.school,no,yes,no,cellular,nov,mon,223,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +46,entrepreneur,married,university.degree,no,unknown,unknown,cellular,nov,mon,254,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,50,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +35,technician,married,professional.course,no,yes,no,cellular,nov,mon,115,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.4y,no,no,yes,cellular,nov,mon,143,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,services,divorced,high.school,unknown,yes,no,cellular,nov,mon,734,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,self-employed,single,university.degree,no,yes,no,cellular,nov,mon,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,management,married,basic.9y,no,yes,no,cellular,nov,mon,171,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,technician,married,unknown,unknown,no,no,cellular,nov,mon,159,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,admin.,married,high.school,no,yes,yes,cellular,nov,mon,56,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,admin.,married,high.school,no,no,no,cellular,nov,mon,113,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,self-employed,married,university.degree,no,yes,no,telephone,nov,mon,69,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +54,housemaid,single,basic.9y,unknown,no,no,cellular,nov,mon,158,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +31,self-employed,married,university.degree,no,yes,yes,cellular,nov,mon,60,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +56,services,married,high.school,no,yes,no,cellular,nov,mon,578,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,admin.,married,high.school,no,yes,no,cellular,nov,mon,355,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,self-employed,married,university.degree,no,yes,no,cellular,nov,mon,332,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,admin.,married,high.school,no,no,no,cellular,nov,mon,113,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,admin.,married,high.school,unknown,yes,no,cellular,nov,mon,147,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,technician,married,professional.course,no,yes,no,cellular,nov,mon,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,technician,married,professional.course,no,no,no,telephone,nov,mon,106,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,management,married,university.degree,no,yes,yes,cellular,nov,mon,789,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +55,admin.,married,high.school,unknown,no,no,cellular,nov,mon,73,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +32,management,single,university.degree,no,yes,yes,cellular,nov,mon,66,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,blue-collar,married,basic.6y,no,yes,no,cellular,nov,mon,116,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +39,technician,married,professional.course,no,yes,yes,cellular,nov,mon,501,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,admin.,divorced,high.school,no,yes,no,cellular,nov,mon,179,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +55,services,married,high.school,no,yes,no,cellular,nov,mon,40,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,technician,single,basic.9y,unknown,yes,yes,cellular,nov,mon,99,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,technician,single,basic.9y,unknown,yes,yes,cellular,nov,mon,180,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,310,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,services,married,professional.course,no,no,no,cellular,nov,mon,148,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,admin.,married,high.school,no,yes,no,cellular,nov,mon,88,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,technician,married,university.degree,no,yes,no,cellular,nov,mon,158,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,mon,65,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,divorced,university.degree,no,yes,no,cellular,nov,mon,199,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,mon,48,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,mon,711,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,self-employed,married,basic.9y,unknown,no,no,cellular,nov,mon,48,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,married,university.degree,no,no,no,cellular,nov,mon,747,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,mon,690,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,services,married,high.school,no,yes,no,cellular,nov,mon,48,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,blue-collar,divorced,high.school,no,no,yes,cellular,nov,mon,159,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,nov,mon,563,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,self-employed,married,basic.9y,unknown,yes,no,cellular,nov,mon,431,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,housemaid,married,university.degree,no,no,no,cellular,nov,mon,90,4,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +32,blue-collar,single,university.degree,no,yes,no,cellular,nov,mon,109,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,basic.9y,no,no,no,cellular,nov,mon,295,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,self-employed,married,university.degree,no,yes,no,cellular,nov,mon,196,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,self-employed,married,basic.9y,unknown,no,yes,cellular,nov,mon,836,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +37,entrepreneur,married,university.degree,unknown,no,no,cellular,nov,mon,94,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +46,technician,married,high.school,no,yes,no,cellular,nov,mon,171,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +39,management,single,basic.9y,no,yes,no,cellular,nov,mon,590,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,mon,136,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,entrepreneur,married,basic.6y,unknown,yes,no,cellular,nov,mon,788,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +46,technician,married,high.school,no,yes,no,cellular,nov,mon,569,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,divorced,high.school,no,yes,no,cellular,nov,mon,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,divorced,high.school,no,yes,no,telephone,nov,mon,124,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +38,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,mon,555,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,retired,divorced,professional.course,no,yes,no,cellular,nov,mon,231,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,university.degree,no,no,no,cellular,nov,mon,226,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,management,married,university.degree,no,yes,yes,cellular,nov,mon,173,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,admin.,single,high.school,no,yes,no,cellular,nov,mon,333,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,entrepreneur,married,high.school,no,yes,no,cellular,nov,mon,131,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,admin.,divorced,high.school,no,no,no,cellular,nov,mon,92,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,technician,single,university.degree,no,yes,yes,cellular,nov,mon,118,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,self-employed,married,university.degree,no,no,no,cellular,nov,mon,224,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +37,services,single,basic.9y,no,yes,no,cellular,nov,mon,283,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,admin.,married,high.school,no,yes,no,cellular,nov,mon,326,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,admin.,single,high.school,unknown,unknown,unknown,cellular,nov,mon,421,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,services,single,high.school,unknown,yes,no,cellular,nov,mon,130,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,divorced,high.school,no,unknown,unknown,cellular,nov,mon,295,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +34,entrepreneur,single,university.degree,no,yes,no,cellular,nov,mon,113,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,101,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +49,management,married,high.school,unknown,yes,no,cellular,nov,mon,79,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +41,technician,married,basic.6y,no,yes,no,telephone,nov,mon,60,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,694,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,entrepreneur,married,university.degree,no,yes,yes,cellular,nov,mon,78,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +44,entrepreneur,married,professional.course,no,yes,no,telephone,nov,mon,291,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,technician,married,basic.9y,no,yes,no,telephone,nov,mon,55,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,admin.,divorced,university.degree,no,yes,no,telephone,nov,mon,609,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.4y,no,no,no,cellular,nov,mon,1121,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,unemployed,married,high.school,no,yes,no,cellular,nov,mon,564,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,admin.,married,high.school,no,yes,no,telephone,nov,mon,673,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,blue-collar,married,basic.9y,no,no,no,cellular,nov,mon,1091,2,5,1,success,-0.1,93.2,-42.0,4.191,5195.8,yes +34,services,single,high.school,no,no,no,telephone,nov,mon,62,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +33,technician,single,university.degree,no,no,no,cellular,nov,mon,98,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,blue-collar,single,university.degree,no,no,no,cellular,nov,mon,242,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,services,married,professional.course,no,yes,yes,cellular,nov,mon,148,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +38,admin.,married,basic.6y,no,no,yes,telephone,nov,mon,204,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,mon,124,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,technician,single,professional.course,no,no,no,cellular,nov,mon,85,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,housemaid,married,high.school,unknown,no,no,cellular,nov,mon,165,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,entrepreneur,married,basic.4y,no,no,no,cellular,nov,mon,148,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,services,married,high.school,no,yes,no,cellular,nov,mon,193,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,nov,mon,309,3,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +53,blue-collar,married,professional.course,no,yes,no,cellular,nov,mon,242,3,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +43,services,married,high.school,no,yes,yes,cellular,nov,mon,170,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,130,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +37,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,151,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +38,management,married,university.degree,no,no,no,cellular,nov,mon,221,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +57,blue-collar,divorced,basic.9y,no,no,no,cellular,nov,mon,117,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,mon,116,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,blue-collar,married,basic.4y,no,yes,yes,cellular,nov,mon,178,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +53,blue-collar,married,basic.4y,unknown,yes,no,cellular,nov,mon,228,4,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,management,divorced,high.school,no,yes,no,cellular,nov,mon,488,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,management,married,university.degree,no,yes,no,telephone,nov,mon,49,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,management,married,professional.course,no,yes,no,cellular,nov,mon,142,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,management,married,university.degree,no,yes,no,cellular,nov,mon,63,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,mon,69,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,management,married,university.degree,no,yes,yes,cellular,nov,mon,176,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,admin.,single,university.degree,no,no,no,cellular,nov,mon,507,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,admin.,married,university.degree,no,yes,no,telephone,nov,mon,1735,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +49,admin.,married,university.degree,no,yes,yes,telephone,nov,mon,340,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +42,technician,married,professional.course,no,yes,yes,cellular,nov,mon,126,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +57,retired,married,university.degree,no,yes,yes,cellular,nov,mon,1132,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +38,admin.,single,basic.9y,no,yes,yes,cellular,nov,mon,501,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,technician,single,professional.course,no,yes,no,cellular,nov,mon,286,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,admin.,divorced,university.degree,no,yes,no,telephone,nov,mon,110,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +55,technician,single,professional.course,no,no,no,cellular,nov,mon,99,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,technician,married,high.school,no,no,no,cellular,nov,mon,198,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,blue-collar,married,basic.9y,unknown,yes,no,telephone,nov,mon,184,4,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +49,management,married,university.degree,no,yes,yes,cellular,nov,mon,308,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,technician,married,professional.course,no,yes,no,cellular,nov,mon,156,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +34,management,divorced,university.degree,no,no,no,cellular,nov,mon,212,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,mon,35,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,admin.,married,university.degree,unknown,no,no,cellular,nov,mon,725,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,management,married,university.degree,no,no,no,telephone,nov,mon,127,4,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +43,management,married,high.school,no,yes,yes,cellular,nov,mon,70,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,blue-collar,married,high.school,no,yes,yes,cellular,nov,mon,330,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,housemaid,married,basic.9y,no,yes,yes,cellular,nov,mon,272,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,married,university.degree,no,no,no,cellular,nov,mon,397,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,admin.,married,university.degree,no,no,no,cellular,nov,mon,222,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,mon,333,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +52,entrepreneur,single,university.degree,unknown,yes,no,cellular,nov,mon,77,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,blue-collar,married,professional.course,no,yes,yes,cellular,nov,mon,212,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,student,single,unknown,no,no,no,cellular,nov,mon,288,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,retired,married,university.degree,no,yes,yes,telephone,nov,mon,215,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,management,married,university.degree,unknown,yes,no,cellular,nov,mon,536,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,57,4,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +41,self-employed,married,basic.9y,unknown,yes,no,cellular,nov,mon,145,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,self-employed,single,university.degree,no,yes,no,cellular,nov,mon,113,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +31,services,divorced,high.school,no,no,no,telephone,nov,mon,107,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,services,married,high.school,no,no,no,cellular,nov,mon,86,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,management,married,high.school,no,yes,no,telephone,nov,mon,188,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +52,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,85,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,595,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,married,high.school,no,yes,no,cellular,nov,mon,140,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,management,married,university.degree,no,yes,no,cellular,nov,mon,681,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +36,entrepreneur,married,high.school,no,yes,yes,cellular,nov,mon,139,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,blue-collar,single,basic.9y,no,yes,yes,cellular,nov,mon,61,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +41,technician,married,university.degree,no,no,no,cellular,nov,mon,149,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,44,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +35,blue-collar,married,high.school,unknown,yes,no,cellular,nov,mon,273,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +52,admin.,married,basic.4y,no,yes,yes,cellular,nov,mon,102,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,blue-collar,married,basic.6y,no,yes,no,telephone,nov,mon,99,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +46,services,married,high.school,no,yes,no,cellular,nov,mon,966,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +39,services,married,high.school,no,yes,yes,cellular,nov,mon,49,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.9y,no,yes,no,telephone,nov,mon,132,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +30,admin.,married,university.degree,no,no,no,cellular,nov,mon,329,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,management,married,university.degree,no,no,no,telephone,nov,mon,22,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,admin.,married,professional.course,no,no,no,cellular,nov,mon,200,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +53,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,mon,179,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,mon,93,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +53,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,mon,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,1210,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,yes +44,admin.,married,professional.course,no,no,no,cellular,nov,mon,353,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +53,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,mon,107,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +53,entrepreneur,divorced,university.degree,no,no,no,telephone,nov,mon,247,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +45,blue-collar,divorced,basic.9y,unknown,no,no,cellular,nov,mon,220,4,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,mon,211,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +35,admin.,married,unknown,no,yes,no,cellular,nov,mon,960,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +44,admin.,married,professional.course,no,yes,no,telephone,nov,mon,762,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +57,technician,divorced,professional.course,no,yes,no,cellular,nov,mon,181,4,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +43,admin.,married,university.degree,no,yes,no,cellular,nov,mon,414,2,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,unemployed,married,basic.9y,unknown,yes,no,cellular,nov,mon,150,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,services,divorced,high.school,unknown,yes,yes,cellular,nov,mon,652,2,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,yes +45,admin.,married,basic.9y,no,yes,no,cellular,nov,mon,446,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +30,services,married,basic.9y,unknown,yes,no,cellular,nov,mon,209,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,entrepreneur,married,basic.9y,unknown,no,no,telephone,nov,mon,210,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +48,services,married,basic.9y,unknown,yes,no,cellular,nov,mon,301,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +30,services,married,basic.9y,unknown,no,no,cellular,nov,mon,415,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +41,management,married,basic.6y,unknown,yes,no,cellular,nov,mon,264,4,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,self-employed,married,university.degree,unknown,no,no,cellular,nov,mon,81,4,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +51,self-employed,married,basic.4y,no,no,no,cellular,nov,mon,189,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +52,management,married,university.degree,no,yes,yes,cellular,nov,mon,172,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,blue-collar,divorced,basic.9y,no,yes,yes,cellular,nov,mon,151,3,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +45,self-employed,married,university.degree,no,yes,no,cellular,nov,mon,487,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +32,entrepreneur,married,university.degree,no,yes,yes,telephone,nov,mon,249,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +37,entrepreneur,married,university.degree,unknown,yes,no,telephone,nov,mon,215,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +40,blue-collar,married,basic.6y,no,yes,no,cellular,nov,mon,108,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,entrepreneur,married,university.degree,unknown,yes,no,telephone,nov,mon,17,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +41,admin.,married,university.degree,no,no,no,cellular,nov,mon,295,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,entrepreneur,married,basic.9y,unknown,yes,yes,telephone,nov,mon,292,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +37,entrepreneur,married,university.degree,unknown,no,no,cellular,nov,mon,454,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,yes +50,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,92,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +51,retired,divorced,basic.4y,no,yes,yes,cellular,nov,mon,94,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +31,management,single,university.degree,no,no,no,cellular,nov,mon,104,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +58,retired,married,professional.course,no,no,no,cellular,nov,mon,318,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +50,entrepreneur,married,university.degree,no,no,no,cellular,nov,mon,408,1,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +43,unemployed,married,basic.9y,unknown,yes,yes,cellular,nov,mon,252,3,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +33,technician,single,university.degree,no,no,no,telephone,nov,mon,293,5,999,1,failure,-0.1,93.2,-42.0,4.191,5195.8,no +37,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,mon,1012,1,999,0,nonexistent,-0.1,93.2,-42.0,4.191,5195.8,no +42,unemployed,married,high.school,no,yes,no,cellular,nov,tue,154,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,technician,married,professional.course,no,no,yes,cellular,nov,tue,166,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,admin.,married,high.school,no,no,no,cellular,nov,tue,127,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,technician,married,professional.course,no,unknown,unknown,cellular,nov,tue,336,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,admin.,single,university.degree,no,yes,no,cellular,nov,tue,82,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,admin.,married,professional.course,unknown,yes,yes,telephone,nov,tue,514,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +56,technician,married,professional.course,unknown,unknown,unknown,cellular,nov,tue,44,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,admin.,married,high.school,no,no,no,cellular,nov,tue,105,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,management,married,university.degree,no,yes,yes,cellular,nov,tue,41,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,university.degree,no,no,no,cellular,nov,tue,143,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,technician,married,professional.course,no,no,no,telephone,nov,tue,189,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,41,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,technician,divorced,professional.course,unknown,no,no,cellular,nov,tue,143,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,150,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,services,single,professional.course,no,yes,no,cellular,nov,tue,41,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,self-employed,divorced,basic.9y,no,yes,no,cellular,nov,tue,237,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,management,married,professional.course,no,no,no,cellular,nov,tue,42,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,management,married,professional.course,no,yes,no,cellular,nov,tue,99,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,technician,divorced,professional.course,no,no,no,cellular,nov,tue,46,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,blue-collar,single,basic.6y,no,yes,no,cellular,nov,tue,204,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,admin.,divorced,basic.6y,no,no,no,cellular,nov,tue,295,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,married,university.degree,no,no,no,cellular,nov,tue,88,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,retired,married,basic.4y,no,no,no,cellular,nov,tue,79,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,married,university.degree,no,unknown,unknown,cellular,nov,tue,104,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,married,university.degree,no,unknown,unknown,cellular,nov,tue,102,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,yes,cellular,nov,tue,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,services,divorced,high.school,no,yes,no,cellular,nov,tue,233,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,unemployed,married,high.school,no,no,no,cellular,nov,tue,94,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,self-employed,married,basic.9y,no,yes,no,cellular,nov,tue,139,4,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,unemployed,married,high.school,no,yes,no,cellular,nov,tue,65,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,self-employed,married,basic.9y,no,no,no,cellular,nov,tue,55,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,management,married,university.degree,no,yes,no,cellular,nov,tue,283,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,326,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,465,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,admin.,single,university.degree,no,no,no,cellular,nov,tue,67,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,admin.,single,university.degree,no,yes,no,cellular,nov,tue,119,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,services,married,university.degree,no,yes,no,cellular,nov,tue,140,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,entrepreneur,single,basic.9y,no,no,no,cellular,nov,tue,386,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,blue-collar,single,high.school,no,yes,yes,telephone,nov,tue,228,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,married,professional.course,no,yes,no,cellular,nov,tue,114,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,admin.,married,unknown,unknown,no,no,cellular,nov,tue,67,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,management,married,university.degree,no,yes,no,cellular,nov,tue,57,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,tue,130,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +57,management,married,university.degree,no,yes,no,cellular,nov,tue,93,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,management,married,university.degree,no,yes,no,cellular,nov,tue,176,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,blue-collar,single,high.school,no,yes,no,cellular,nov,tue,79,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,technician,married,professional.course,no,yes,no,cellular,nov,tue,1978,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +36,blue-collar,married,basic.4y,no,no,no,cellular,nov,tue,101,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,admin.,married,high.school,unknown,yes,no,cellular,nov,tue,105,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,professional.course,no,no,no,cellular,nov,tue,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,professional.course,no,yes,yes,cellular,nov,tue,64,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,professional.course,no,no,yes,cellular,nov,tue,91,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,entrepreneur,married,basic.9y,no,no,no,telephone,nov,tue,40,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,professional.course,no,unknown,unknown,cellular,nov,tue,138,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,technician,married,basic.9y,no,yes,no,cellular,nov,tue,54,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,tue,67,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,management,married,university.degree,no,no,no,cellular,nov,tue,1122,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +34,blue-collar,married,professional.course,no,no,no,cellular,nov,tue,164,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,married,high.school,no,no,no,cellular,nov,tue,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,married,high.school,no,no,no,cellular,nov,tue,72,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,entrepreneur,married,university.degree,no,yes,no,cellular,nov,tue,854,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +35,admin.,married,high.school,no,yes,no,cellular,nov,tue,114,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,management,married,university.degree,no,yes,no,cellular,nov,tue,116,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,services,married,high.school,no,yes,no,cellular,nov,tue,105,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,technician,married,professional.course,no,no,no,cellular,nov,tue,348,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,management,divorced,university.degree,unknown,no,no,cellular,nov,tue,365,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,technician,single,professional.course,no,yes,yes,cellular,nov,tue,155,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,entrepreneur,divorced,basic.4y,no,no,no,cellular,nov,tue,290,1,5,1,success,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,self-employed,single,basic.9y,no,no,no,cellular,nov,tue,94,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,self-employed,married,basic.9y,unknown,no,no,cellular,nov,tue,53,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,technician,married,high.school,no,no,no,cellular,nov,tue,39,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,self-employed,married,basic.4y,no,yes,no,cellular,nov,tue,76,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,admin.,single,university.degree,no,no,no,cellular,nov,tue,36,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,high.school,no,no,no,cellular,nov,tue,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,married,professional.course,no,yes,no,cellular,nov,tue,333,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,tue,155,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,single,high.school,no,yes,no,cellular,nov,tue,106,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,184,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,high.school,no,no,yes,cellular,nov,tue,271,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,tue,224,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,technician,married,unknown,no,no,no,cellular,nov,tue,144,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,single,university.degree,no,no,no,cellular,nov,tue,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,technician,married,unknown,no,no,no,cellular,nov,tue,82,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,admin.,married,high.school,no,yes,yes,telephone,nov,tue,52,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,management,married,university.degree,no,yes,no,cellular,nov,tue,341,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.9y,no,yes,no,telephone,nov,tue,47,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,unemployed,single,basic.6y,unknown,yes,no,cellular,nov,tue,51,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,71,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,unemployed,single,basic.6y,unknown,yes,no,cellular,nov,tue,76,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,tue,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,tue,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,services,divorced,high.school,no,yes,no,cellular,nov,tue,46,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,services,married,basic.6y,unknown,yes,no,telephone,nov,tue,368,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,housemaid,divorced,professional.course,no,yes,no,cellular,nov,tue,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,blue-collar,married,basic.9y,no,unknown,unknown,cellular,nov,tue,111,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,self-employed,divorced,high.school,no,no,no,cellular,nov,tue,79,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,42,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,tue,295,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,admin.,married,high.school,no,yes,no,cellular,nov,tue,134,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,technician,single,professional.course,no,no,yes,cellular,nov,tue,76,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,services,divorced,high.school,no,yes,no,cellular,nov,tue,194,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,214,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,admin.,divorced,university.degree,no,yes,no,telephone,nov,tue,51,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,self-employed,divorced,university.degree,no,yes,no,cellular,nov,tue,278,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,management,married,university.degree,no,no,no,cellular,nov,tue,188,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,154,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,admin.,married,university.degree,no,yes,yes,cellular,nov,tue,79,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,technician,married,professional.course,no,yes,no,telephone,nov,tue,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,blue-collar,single,basic.9y,no,no,no,cellular,nov,tue,58,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,self-employed,married,university.degree,no,yes,no,cellular,nov,tue,84,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,tue,145,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,admin.,divorced,university.degree,no,yes,no,cellular,nov,tue,346,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,management,married,high.school,no,yes,no,cellular,nov,tue,75,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,blue-collar,married,basic.4y,no,no,no,cellular,nov,tue,181,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,213,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,services,married,basic.6y,no,unknown,unknown,cellular,nov,tue,340,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,management,married,university.degree,no,yes,yes,cellular,nov,tue,353,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,university.degree,no,no,no,cellular,nov,tue,104,2,1,1,success,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,management,divorced,high.school,no,yes,no,cellular,nov,tue,1268,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,management,married,university.degree,no,yes,no,cellular,nov,tue,47,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,housemaid,divorced,basic.9y,no,yes,no,cellular,nov,tue,59,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,admin.,married,university.degree,no,no,no,cellular,nov,tue,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,technician,divorced,high.school,no,no,no,cellular,nov,tue,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,entrepreneur,married,university.degree,unknown,no,no,cellular,nov,tue,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,admin.,married,university.degree,unknown,yes,no,cellular,nov,tue,61,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,admin.,married,high.school,no,yes,no,cellular,nov,tue,273,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,services,married,high.school,unknown,yes,no,cellular,nov,tue,121,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,admin.,married,university.degree,unknown,yes,no,cellular,nov,tue,88,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,50,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,tue,636,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,management,single,university.degree,no,yes,no,cellular,nov,tue,466,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,housemaid,married,university.degree,unknown,no,no,cellular,nov,tue,110,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,entrepreneur,divorced,basic.6y,no,yes,no,cellular,nov,tue,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,unemployed,married,high.school,yes,no,no,cellular,nov,tue,111,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,professional.course,no,yes,no,cellular,nov,tue,135,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,281,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,management,married,basic.4y,no,no,no,cellular,nov,tue,276,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,entrepreneur,married,basic.9y,no,yes,yes,cellular,nov,tue,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,single,high.school,unknown,no,no,telephone,nov,tue,274,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,tue,71,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,admin.,divorced,university.degree,no,yes,no,cellular,nov,tue,79,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,management,married,university.degree,no,yes,yes,cellular,nov,tue,196,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,blue-collar,single,basic.4y,no,yes,no,cellular,nov,tue,175,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,admin.,married,unknown,unknown,no,no,cellular,nov,tue,319,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,services,married,high.school,no,yes,no,cellular,nov,tue,71,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,single,high.school,unknown,no,no,cellular,nov,tue,714,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,management,married,university.degree,no,yes,no,cellular,nov,tue,67,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,technician,married,professional.course,no,yes,no,cellular,nov,tue,149,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,technician,single,professional.course,no,yes,no,cellular,nov,tue,635,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,admin.,single,high.school,no,yes,yes,cellular,nov,tue,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,single,university.degree,unknown,yes,no,cellular,nov,tue,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,high.school,no,yes,no,cellular,nov,tue,280,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,services,married,high.school,no,yes,no,cellular,nov,tue,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,services,married,basic.9y,no,yes,no,cellular,nov,tue,51,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,technician,married,professional.course,no,yes,no,cellular,nov,tue,850,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,management,married,university.degree,no,unknown,unknown,cellular,nov,tue,486,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +47,housemaid,divorced,professional.course,no,no,yes,cellular,nov,tue,253,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,blue-collar,married,high.school,no,no,no,cellular,nov,tue,118,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,entrepreneur,married,professional.course,unknown,no,no,cellular,nov,tue,132,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,admin.,married,high.school,no,no,no,cellular,nov,tue,141,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,married,basic.4y,no,no,no,cellular,nov,tue,169,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,services,married,high.school,no,yes,no,cellular,nov,tue,835,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,blue-collar,divorced,basic.6y,no,no,no,cellular,nov,tue,200,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,self-employed,married,university.degree,no,yes,no,cellular,nov,tue,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,self-employed,married,university.degree,no,yes,no,cellular,nov,tue,122,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,admin.,single,university.degree,no,no,no,cellular,nov,tue,148,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,tue,51,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.4y,no,no,no,cellular,nov,tue,132,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,180,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,technician,single,professional.course,no,no,yes,cellular,nov,tue,835,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +36,unemployed,married,basic.6y,no,yes,no,cellular,nov,tue,144,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,services,married,high.school,no,yes,no,cellular,nov,tue,90,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,services,married,high.school,no,yes,no,cellular,nov,tue,129,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,54,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,technician,married,professional.course,no,yes,no,cellular,nov,tue,613,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,tue,150,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,services,married,basic.6y,unknown,yes,no,telephone,nov,tue,162,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,admin.,single,basic.9y,no,yes,no,cellular,nov,tue,296,1,6,1,success,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,services,married,high.school,no,yes,no,cellular,nov,tue,66,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,unemployed,married,high.school,no,no,yes,cellular,nov,tue,155,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,unemployed,married,high.school,no,no,no,cellular,nov,tue,145,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,single,high.school,no,yes,no,cellular,nov,tue,117,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,entrepreneur,single,university.degree,no,yes,no,cellular,nov,tue,435,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,admin.,married,university.degree,no,yes,no,cellular,nov,tue,266,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,blue-collar,divorced,basic.6y,no,yes,yes,cellular,nov,tue,963,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,technician,married,high.school,no,yes,no,cellular,nov,tue,385,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,blue-collar,divorced,unknown,no,yes,no,telephone,nov,tue,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,single,high.school,no,yes,no,cellular,nov,tue,257,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,99,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,unknown,unknown,cellular,nov,tue,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,single,university.degree,no,yes,no,cellular,nov,tue,82,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,blue-collar,divorced,unknown,no,no,no,cellular,nov,tue,154,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,technician,married,professional.course,no,yes,no,cellular,nov,tue,130,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,technician,single,high.school,no,yes,no,cellular,nov,tue,127,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,married,high.school,no,yes,no,cellular,nov,tue,84,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,blue-collar,divorced,unknown,no,no,no,cellular,nov,tue,596,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +40,management,married,university.degree,no,no,no,cellular,nov,tue,131,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,unemployed,married,high.school,no,yes,yes,cellular,nov,tue,924,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +52,admin.,divorced,university.degree,no,yes,yes,cellular,nov,tue,183,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,divorced,university.degree,no,no,yes,cellular,nov,tue,198,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,management,married,university.degree,no,yes,no,cellular,nov,tue,37,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,management,married,university.degree,no,no,no,cellular,nov,tue,188,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,services,married,high.school,no,yes,no,cellular,nov,tue,99,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,management,married,university.degree,no,yes,no,cellular,nov,tue,197,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,464,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,453,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +39,entrepreneur,married,university.degree,unknown,no,no,cellular,nov,tue,54,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,housemaid,married,basic.4y,no,no,no,cellular,nov,tue,242,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,entrepreneur,married,professional.course,no,yes,yes,cellular,nov,tue,134,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,admin.,married,high.school,no,yes,no,cellular,nov,tue,62,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,technician,married,high.school,no,no,no,cellular,nov,tue,91,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,management,married,university.degree,unknown,yes,no,cellular,nov,tue,419,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +31,management,single,university.degree,no,no,no,cellular,nov,tue,82,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,admin.,divorced,basic.9y,no,yes,no,cellular,nov,tue,128,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,management,married,basic.9y,no,no,no,cellular,nov,tue,638,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,technician,single,university.degree,no,no,no,cellular,nov,tue,113,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,technician,divorced,professional.course,no,yes,no,cellular,nov,tue,78,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,blue-collar,married,basic.9y,no,no,yes,cellular,nov,tue,84,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,technician,divorced,professional.course,no,yes,no,cellular,nov,tue,250,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,technician,divorced,professional.course,no,no,no,cellular,nov,tue,288,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +57,retired,married,professional.course,no,unknown,unknown,cellular,nov,tue,193,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,blue-collar,married,basic.4y,no,no,no,cellular,nov,tue,34,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,admin.,divorced,high.school,no,no,no,cellular,nov,tue,352,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,services,divorced,high.school,no,no,no,cellular,nov,tue,119,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,management,married,university.degree,no,yes,no,cellular,nov,tue,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,admin.,single,university.degree,no,no,no,cellular,nov,tue,93,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,admin.,married,university.degree,no,yes,no,cellular,nov,tue,305,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,high.school,no,yes,no,cellular,nov,tue,109,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,technician,married,professional.course,no,yes,no,telephone,nov,tue,205,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,admin.,married,university.degree,no,yes,yes,cellular,nov,tue,122,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,student,single,high.school,no,yes,yes,cellular,nov,tue,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,married,high.school,no,yes,no,cellular,nov,tue,17,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,services,married,high.school,no,yes,no,cellular,nov,tue,103,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,blue-collar,divorced,basic.6y,no,yes,no,telephone,nov,tue,272,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,retired,married,high.school,no,yes,no,cellular,nov,tue,145,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,technician,married,professional.course,no,no,no,cellular,nov,tue,233,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,retired,married,high.school,no,no,no,cellular,nov,tue,172,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,management,married,basic.9y,no,unknown,unknown,cellular,nov,tue,336,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,services,married,basic.6y,no,no,no,cellular,nov,tue,154,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,services,married,basic.9y,no,no,no,cellular,nov,tue,109,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,self-employed,married,university.degree,no,no,no,telephone,nov,tue,103,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,admin.,married,high.school,no,yes,no,cellular,nov,tue,50,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,unemployed,single,university.degree,no,yes,yes,cellular,nov,tue,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,services,married,high.school,no,no,no,cellular,nov,tue,48,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,blue-collar,married,professional.course,no,yes,no,telephone,nov,tue,15,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,basic.6y,no,yes,no,cellular,nov,tue,122,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,self-employed,married,basic.4y,no,no,no,cellular,nov,tue,505,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,admin.,married,high.school,no,yes,no,cellular,nov,tue,106,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,entrepreneur,married,basic.9y,no,no,no,cellular,nov,tue,125,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,admin.,married,high.school,no,yes,no,cellular,nov,tue,191,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,technician,married,professional.course,no,yes,no,cellular,nov,tue,75,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +57,management,married,university.degree,no,yes,yes,cellular,nov,tue,609,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +54,entrepreneur,married,professional.course,no,no,no,cellular,nov,tue,1855,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +35,management,married,high.school,no,yes,no,telephone,nov,tue,159,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,admin.,married,basic.9y,no,yes,no,cellular,nov,tue,204,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,technician,married,university.degree,no,yes,no,cellular,nov,tue,82,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,management,married,basic.4y,no,yes,no,cellular,nov,tue,389,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,self-employed,married,basic.4y,no,yes,yes,cellular,nov,tue,162,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,entrepreneur,divorced,basic.4y,no,no,no,cellular,nov,tue,152,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,management,married,high.school,no,yes,no,cellular,nov,tue,417,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,technician,married,university.degree,no,yes,no,cellular,nov,tue,208,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,management,single,university.degree,no,no,no,telephone,nov,tue,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,entrepreneur,married,basic.9y,no,no,no,cellular,nov,tue,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,technician,married,university.degree,no,no,no,cellular,nov,tue,346,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,tue,100,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,35,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,entrepreneur,married,basic.9y,no,no,no,telephone,nov,tue,2,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,tue,288,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,divorced,university.degree,no,yes,no,cellular,nov,tue,220,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,technician,single,university.degree,no,no,no,cellular,nov,tue,77,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,management,married,basic.6y,no,yes,no,cellular,nov,tue,97,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,high.school,no,no,yes,cellular,nov,tue,118,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,technician,married,basic.9y,no,no,no,cellular,nov,tue,530,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,management,married,university.degree,no,yes,no,cellular,nov,tue,118,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,admin.,divorced,university.degree,no,yes,no,cellular,nov,tue,69,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,services,married,high.school,no,no,no,cellular,nov,tue,91,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,management,single,high.school,no,yes,no,cellular,nov,tue,52,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,technician,married,basic.9y,no,yes,no,cellular,nov,tue,226,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,admin.,divorced,university.degree,no,no,yes,cellular,nov,tue,172,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,services,married,high.school,no,yes,no,cellular,nov,tue,78,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,admin.,single,high.school,no,yes,no,cellular,nov,tue,90,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,technician,divorced,high.school,no,no,no,cellular,nov,tue,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,technician,married,professional.course,no,yes,no,telephone,nov,tue,103,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,entrepreneur,single,university.degree,no,no,no,cellular,nov,tue,199,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,technician,married,professional.course,no,yes,no,cellular,nov,tue,110,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,married,high.school,no,yes,no,cellular,nov,tue,92,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,technician,single,high.school,no,no,yes,cellular,nov,tue,206,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,admin.,divorced,high.school,no,no,no,cellular,nov,tue,91,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +57,self-employed,married,university.degree,no,yes,no,cellular,nov,tue,48,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,married,university.degree,no,no,no,cellular,nov,tue,131,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,technician,married,high.school,no,yes,no,cellular,nov,tue,79,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,self-employed,divorced,university.degree,no,no,no,cellular,nov,tue,349,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,management,single,high.school,no,no,yes,cellular,nov,tue,322,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,management,married,university.degree,no,yes,no,cellular,nov,tue,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,services,single,high.school,no,no,no,cellular,nov,tue,105,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,married,high.school,no,no,no,cellular,nov,tue,328,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,admin.,married,high.school,no,yes,no,cellular,nov,tue,67,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,technician,married,university.degree,no,no,no,cellular,nov,tue,432,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,entrepreneur,married,basic.4y,no,yes,yes,cellular,nov,tue,224,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,management,single,high.school,no,no,no,cellular,nov,tue,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,housemaid,married,basic.4y,no,no,no,cellular,nov,tue,109,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,technician,single,professional.course,no,yes,yes,cellular,nov,tue,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,admin.,married,professional.course,no,yes,no,cellular,nov,tue,124,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,technician,single,basic.9y,no,no,no,telephone,nov,tue,117,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,services,divorced,professional.course,no,yes,no,cellular,nov,tue,61,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,retired,married,professional.course,no,yes,no,cellular,nov,tue,191,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,admin.,single,high.school,unknown,yes,no,cellular,nov,tue,215,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,services,divorced,professional.course,no,no,no,cellular,nov,tue,68,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,married,high.school,no,no,no,cellular,nov,tue,90,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,married,high.school,no,no,yes,cellular,nov,tue,67,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,self-employed,married,basic.9y,no,yes,no,telephone,nov,tue,37,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,technician,married,professional.course,no,no,no,cellular,nov,tue,267,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,management,single,university.degree,no,no,yes,cellular,nov,tue,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,management,married,university.degree,no,no,no,cellular,nov,tue,61,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,management,married,university.degree,no,yes,yes,cellular,nov,tue,60,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,management,single,university.degree,no,no,no,cellular,nov,tue,232,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,admin.,single,high.school,no,no,no,cellular,nov,tue,143,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,services,married,high.school,no,yes,no,telephone,nov,tue,251,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,retired,married,university.degree,no,yes,no,cellular,nov,tue,90,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,technician,single,high.school,no,no,no,cellular,nov,tue,155,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,nov,tue,65,1,4,1,success,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,unemployed,married,university.degree,no,no,no,cellular,nov,tue,329,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,admin.,single,unknown,unknown,no,no,cellular,nov,tue,74,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,retired,married,basic.4y,no,no,no,cellular,nov,tue,130,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,admin.,single,university.degree,no,no,no,cellular,nov,tue,398,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,technician,single,university.degree,no,no,no,telephone,nov,tue,18,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,management,single,university.degree,no,no,no,cellular,nov,tue,708,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,services,married,high.school,no,yes,no,cellular,nov,tue,655,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,admin.,single,university.degree,no,no,no,cellular,nov,tue,100,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,technician,married,professional.course,unknown,no,no,cellular,nov,tue,81,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,management,married,university.degree,no,no,no,cellular,nov,tue,126,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,management,married,high.school,no,yes,yes,cellular,nov,tue,140,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,admin.,married,professional.course,no,yes,yes,cellular,nov,tue,140,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,unemployed,single,university.degree,no,yes,yes,cellular,nov,tue,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,married,high.school,no,yes,no,cellular,nov,tue,84,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,management,married,university.degree,no,no,no,cellular,nov,tue,756,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,services,married,high.school,no,no,no,cellular,nov,tue,51,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,management,single,university.degree,no,yes,no,cellular,nov,tue,600,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,entrepreneur,married,high.school,no,yes,no,cellular,nov,tue,120,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,services,married,high.school,no,no,no,cellular,nov,tue,102,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,self-employed,married,basic.6y,unknown,yes,no,cellular,nov,tue,32,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,management,married,university.degree,no,no,no,cellular,nov,tue,69,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,retired,divorced,basic.9y,unknown,no,no,telephone,nov,tue,114,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,management,married,university.degree,no,no,no,cellular,nov,tue,53,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,services,married,basic.9y,no,no,no,cellular,nov,tue,281,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,retired,divorced,basic.9y,unknown,no,no,cellular,nov,tue,198,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,retired,divorced,basic.9y,unknown,yes,no,cellular,nov,tue,201,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,72,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,retired,divorced,basic.9y,unknown,no,no,cellular,nov,tue,378,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,management,married,university.degree,no,no,no,cellular,nov,tue,339,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,admin.,married,professional.course,no,yes,no,cellular,nov,tue,201,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,tue,134,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,admin.,single,high.school,no,yes,no,cellular,nov,tue,133,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,unemployed,married,high.school,no,no,no,cellular,nov,tue,79,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,admin.,married,university.degree,no,yes,no,cellular,nov,tue,61,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,admin.,married,high.school,no,no,no,telephone,nov,tue,46,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,management,married,university.degree,no,yes,no,telephone,nov,tue,84,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,technician,married,university.degree,no,yes,no,cellular,nov,tue,63,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,admin.,single,university.degree,no,yes,no,cellular,nov,tue,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,blue-collar,single,basic.9y,no,yes,yes,cellular,nov,tue,182,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,management,married,professional.course,no,no,no,cellular,nov,tue,257,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,admin.,married,university.degree,no,no,no,cellular,nov,tue,71,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,entrepreneur,single,university.degree,no,yes,no,cellular,nov,tue,295,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,tue,67,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,management,married,university.degree,no,no,no,cellular,nov,tue,401,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,blue-collar,divorced,basic.9y,no,no,no,cellular,nov,tue,137,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,nov,tue,103,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,self-employed,married,basic.4y,no,unknown,unknown,cellular,nov,tue,121,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,unemployed,single,university.degree,no,yes,no,cellular,nov,tue,97,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,single,high.school,unknown,yes,no,cellular,nov,tue,68,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,tue,63,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,services,divorced,high.school,no,no,yes,cellular,nov,tue,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,blue-collar,married,basic.4y,unknown,yes,no,cellular,nov,tue,271,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,married,university.degree,no,no,no,cellular,nov,tue,435,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,married,university.degree,no,no,no,cellular,nov,tue,368,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,management,single,university.degree,no,no,no,cellular,nov,tue,152,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,services,married,high.school,no,no,no,cellular,nov,tue,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,services,married,high.school,no,yes,no,cellular,nov,tue,97,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,self-employed,married,basic.4y,no,yes,no,cellular,nov,tue,475,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,services,married,high.school,no,yes,no,cellular,nov,tue,164,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,services,married,high.school,no,unknown,unknown,cellular,nov,tue,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,technician,divorced,professional.course,no,unknown,unknown,cellular,nov,tue,83,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,technician,divorced,professional.course,no,yes,yes,cellular,nov,tue,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,management,married,professional.course,no,no,no,cellular,nov,tue,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,services,divorced,high.school,no,no,no,telephone,nov,tue,236,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,technician,married,basic.9y,no,no,no,cellular,nov,tue,142,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,married,high.school,no,no,no,cellular,nov,tue,157,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,services,divorced,high.school,no,no,no,cellular,nov,tue,87,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,blue-collar,single,basic.9y,unknown,yes,no,cellular,nov,tue,261,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,self-employed,married,university.degree,no,no,no,cellular,nov,tue,137,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,admin.,single,university.degree,no,yes,no,cellular,nov,tue,123,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,60,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,services,married,university.degree,no,no,no,cellular,nov,tue,190,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,admin.,married,university.degree,no,no,no,cellular,nov,tue,51,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,blue-collar,single,high.school,unknown,no,no,cellular,nov,tue,588,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,self-employed,single,high.school,no,no,no,cellular,nov,tue,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,entrepreneur,married,basic.4y,no,no,yes,cellular,nov,tue,164,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,entrepreneur,married,professional.course,no,no,no,cellular,nov,tue,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,technician,single,university.degree,no,no,no,cellular,nov,tue,131,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,admin.,married,university.degree,unknown,yes,no,cellular,nov,tue,331,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,unemployed,married,basic.9y,no,yes,no,cellular,nov,tue,127,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,nov,tue,84,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,entrepreneur,married,basic.9y,no,no,no,cellular,nov,tue,432,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,management,married,university.degree,no,yes,no,cellular,nov,tue,94,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,tue,76,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,admin.,married,university.degree,no,no,no,cellular,nov,tue,475,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,married,basic.6y,no,no,no,cellular,nov,tue,348,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,entrepreneur,single,university.degree,no,yes,yes,cellular,nov,tue,309,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,married,university.degree,no,no,no,cellular,nov,tue,112,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,management,married,university.degree,no,no,no,cellular,nov,tue,66,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,self-employed,married,professional.course,no,yes,no,cellular,nov,tue,91,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,self-employed,married,basic.9y,no,no,yes,cellular,nov,tue,72,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,entrepreneur,married,university.degree,no,no,no,cellular,nov,tue,73,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,services,divorced,basic.6y,no,yes,no,cellular,nov,tue,199,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,single,professional.course,no,no,no,cellular,nov,tue,165,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,admin.,married,university.degree,no,no,no,cellular,nov,tue,163,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,technician,divorced,professional.course,no,yes,yes,cellular,nov,tue,124,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,technician,divorced,professional.course,no,yes,yes,cellular,nov,tue,178,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,blue-collar,married,professional.course,unknown,no,no,cellular,nov,tue,124,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,services,married,basic.9y,no,no,no,cellular,nov,tue,93,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,services,married,professional.course,no,yes,yes,cellular,nov,tue,265,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,blue-collar,married,high.school,no,yes,no,cellular,nov,tue,77,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,management,married,university.degree,no,no,no,cellular,nov,tue,96,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,married,high.school,no,no,yes,cellular,nov,tue,140,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,admin.,divorced,basic.9y,no,no,no,cellular,nov,tue,179,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,management,married,university.degree,no,yes,no,telephone,nov,tue,155,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,divorced,university.degree,no,yes,yes,cellular,nov,tue,384,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,technician,married,professional.course,no,no,no,cellular,nov,tue,98,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,technician,married,university.degree,no,no,no,cellular,nov,tue,90,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,services,married,high.school,no,no,no,cellular,nov,tue,110,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,tue,62,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,basic.4y,no,no,no,cellular,nov,tue,120,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,tue,154,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,services,married,high.school,no,yes,no,cellular,nov,tue,157,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,technician,married,professional.course,no,unknown,unknown,cellular,nov,tue,319,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,technician,divorced,basic.4y,unknown,yes,no,cellular,nov,tue,262,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,services,single,professional.course,unknown,yes,no,cellular,nov,tue,114,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,unemployed,married,basic.6y,no,no,no,cellular,nov,tue,177,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,blue-collar,married,basic.6y,unknown,no,no,cellular,nov,tue,157,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,admin.,married,high.school,unknown,yes,yes,cellular,nov,tue,65,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,blue-collar,single,basic.9y,no,yes,no,cellular,nov,tue,82,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +57,blue-collar,married,professional.course,no,no,no,cellular,nov,tue,244,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,blue-collar,married,basic.6y,no,yes,yes,telephone,nov,tue,137,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,basic.9y,no,no,yes,cellular,nov,tue,110,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,admin.,married,unknown,unknown,no,yes,cellular,nov,tue,63,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,technician,single,professional.course,no,no,no,cellular,nov,tue,125,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,tue,40,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,blue-collar,married,basic.6y,no,no,yes,cellular,nov,tue,97,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,technician,single,professional.course,no,yes,yes,cellular,nov,tue,69,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,admin.,married,university.degree,no,no,no,cellular,nov,tue,123,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,divorced,university.degree,no,yes,no,cellular,nov,tue,188,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,married,professional.course,no,yes,no,cellular,nov,tue,172,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,admin.,married,university.degree,unknown,yes,no,telephone,nov,tue,82,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,management,married,university.degree,no,no,no,cellular,nov,tue,114,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,self-employed,married,university.degree,no,yes,yes,cellular,nov,tue,55,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,management,married,university.degree,no,yes,no,cellular,nov,tue,54,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,management,single,university.degree,no,yes,no,cellular,nov,tue,120,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,management,married,high.school,no,yes,yes,cellular,nov,tue,174,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,divorced,high.school,no,yes,no,cellular,nov,tue,250,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,technician,married,professional.course,no,no,no,cellular,nov,tue,45,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,admin.,married,university.degree,no,no,no,cellular,nov,tue,251,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,blue-collar,married,basic.4y,no,yes,yes,telephone,nov,tue,234,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,services,married,basic.9y,no,yes,no,cellular,nov,tue,219,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,management,married,university.degree,no,yes,yes,cellular,nov,tue,240,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,blue-collar,divorced,basic.9y,no,yes,no,telephone,nov,tue,32,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,admin.,married,high.school,no,yes,no,cellular,nov,tue,94,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,management,married,university.degree,no,no,no,cellular,nov,tue,139,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,entrepreneur,married,university.degree,unknown,yes,yes,cellular,nov,tue,157,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,self-employed,single,professional.course,unknown,yes,no,telephone,nov,tue,126,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,blue-collar,married,professional.course,unknown,no,no,cellular,nov,tue,214,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,management,single,university.degree,no,yes,yes,cellular,nov,tue,79,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,admin.,married,high.school,no,yes,no,cellular,nov,tue,107,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,admin.,married,university.degree,no,yes,yes,cellular,nov,tue,399,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,231,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,unemployed,married,professional.course,no,no,no,telephone,nov,tue,129,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,self-employed,divorced,university.degree,no,no,no,cellular,nov,tue,597,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,admin.,single,high.school,no,unknown,unknown,cellular,nov,tue,229,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,self-employed,married,basic.4y,no,yes,yes,cellular,nov,tue,464,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,technician,married,basic.6y,no,no,no,cellular,nov,tue,166,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,housemaid,married,basic.4y,unknown,no,no,cellular,nov,tue,91,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,tue,196,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,management,married,university.degree,no,yes,yes,telephone,nov,tue,71,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,tue,146,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,admin.,married,university.degree,no,no,no,cellular,nov,tue,123,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,student,single,university.degree,no,yes,no,cellular,nov,tue,203,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,technician,married,basic.9y,no,yes,no,telephone,nov,tue,102,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,admin.,married,university.degree,no,yes,yes,cellular,nov,tue,175,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,married,basic.6y,no,no,no,cellular,nov,tue,86,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,admin.,married,high.school,no,no,no,cellular,nov,tue,87,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,management,divorced,professional.course,no,no,no,cellular,nov,tue,75,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,management,married,university.degree,no,yes,no,cellular,nov,tue,313,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,management,married,university.degree,no,yes,no,cellular,nov,tue,244,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,admin.,divorced,university.degree,no,yes,yes,cellular,nov,tue,355,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,services,divorced,high.school,no,yes,no,cellular,nov,tue,74,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,admin.,single,university.degree,no,yes,no,cellular,nov,tue,145,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,management,married,university.degree,no,no,no,cellular,nov,tue,141,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,management,married,university.degree,no,yes,no,cellular,nov,tue,51,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +57,admin.,married,university.degree,no,no,yes,cellular,nov,tue,192,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,admin.,married,high.school,no,no,no,cellular,nov,tue,464,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,admin.,married,high.school,no,yes,no,cellular,nov,tue,125,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,blue-collar,single,basic.9y,no,yes,no,cellular,nov,tue,67,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,self-employed,married,university.degree,no,yes,no,cellular,nov,tue,79,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,management,married,university.degree,no,no,no,cellular,nov,tue,72,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +55,management,married,university.degree,no,yes,no,telephone,nov,tue,47,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,admin.,married,high.school,no,yes,no,cellular,nov,tue,722,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,technician,married,university.degree,no,no,yes,cellular,nov,tue,1437,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +50,management,single,university.degree,no,no,no,cellular,nov,tue,175,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,tue,133,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,technician,married,professional.course,no,yes,no,cellular,nov,tue,163,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,self-employed,married,professional.course,unknown,yes,no,cellular,nov,tue,273,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,admin.,married,university.degree,no,yes,yes,cellular,nov,tue,147,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,management,married,university.degree,no,yes,no,cellular,nov,tue,170,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,unemployed,married,high.school,unknown,yes,no,cellular,nov,tue,81,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,tue,727,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,admin.,divorced,university.degree,no,no,yes,cellular,nov,tue,96,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,services,single,basic.9y,no,no,no,cellular,nov,tue,187,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,unemployed,single,university.degree,no,yes,no,cellular,nov,tue,135,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,management,married,university.degree,no,no,no,cellular,nov,tue,633,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,admin.,divorced,professional.course,no,yes,no,telephone,nov,tue,55,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,technician,married,high.school,no,no,no,cellular,nov,tue,231,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,management,married,university.degree,no,yes,no,cellular,nov,tue,715,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,technician,married,professional.course,no,yes,no,cellular,nov,tue,135,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,entrepreneur,married,basic.4y,no,unknown,unknown,telephone,nov,tue,67,7,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,tue,113,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,technician,single,professional.course,no,yes,no,cellular,nov,tue,116,6,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,unemployed,single,professional.course,no,no,no,cellular,nov,tue,191,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,blue-collar,married,basic.4y,no,no,no,cellular,nov,tue,103,6,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,technician,married,high.school,no,no,no,cellular,nov,tue,255,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,blue-collar,married,professional.course,unknown,yes,no,cellular,nov,tue,190,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,admin.,married,high.school,no,no,no,cellular,nov,tue,204,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,self-employed,married,basic.4y,no,no,no,cellular,nov,tue,354,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,technician,single,basic.9y,no,no,no,cellular,nov,tue,61,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,entrepreneur,married,university.degree,no,yes,no,cellular,nov,tue,148,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,housemaid,married,basic.4y,no,no,no,cellular,nov,tue,878,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,admin.,married,university.degree,no,no,no,cellular,nov,tue,138,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,management,married,university.degree,no,no,yes,cellular,nov,tue,89,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,self-employed,divorced,university.degree,no,no,no,cellular,nov,tue,271,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,single,university.degree,no,no,no,cellular,nov,tue,171,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,management,married,high.school,no,no,no,cellular,nov,tue,361,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,management,married,university.degree,no,no,no,cellular,nov,tue,244,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,services,married,basic.9y,no,no,no,cellular,nov,tue,218,2,4,1,success,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,services,married,high.school,unknown,no,no,cellular,nov,tue,43,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,management,married,university.degree,no,no,no,cellular,nov,tue,658,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,136,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,admin.,married,basic.4y,unknown,yes,no,cellular,nov,tue,127,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,technician,married,professional.course,no,yes,no,cellular,nov,tue,54,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,technician,married,professional.course,no,no,no,cellular,nov,tue,154,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,management,single,university.degree,no,yes,no,cellular,nov,tue,242,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,university.degree,no,yes,no,cellular,nov,tue,275,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,admin.,married,university.degree,no,yes,no,telephone,nov,tue,217,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,tue,84,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,single,university.degree,no,no,no,cellular,nov,tue,110,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,technician,married,university.degree,no,no,no,cellular,nov,tue,373,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,admin.,divorced,high.school,no,no,no,cellular,nov,tue,115,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,single,university.degree,no,no,no,cellular,nov,tue,259,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,services,single,high.school,no,no,no,cellular,nov,tue,202,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,tue,286,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,admin.,married,university.degree,no,no,yes,cellular,nov,tue,98,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,admin.,married,high.school,no,yes,no,cellular,nov,tue,97,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,technician,single,professional.course,unknown,yes,no,cellular,nov,tue,68,2,4,1,success,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,unemployed,married,professional.course,no,yes,no,cellular,nov,tue,170,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,management,single,university.degree,no,yes,no,cellular,nov,tue,129,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,management,single,professional.course,no,yes,no,cellular,nov,tue,400,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,unemployed,divorced,professional.course,no,no,no,cellular,nov,tue,282,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,self-employed,married,high.school,unknown,yes,no,cellular,nov,tue,126,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,tue,241,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,management,married,university.degree,no,yes,no,cellular,nov,tue,267,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,self-employed,married,professional.course,no,no,no,cellular,nov,tue,1788,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +56,retired,divorced,university.degree,no,yes,no,cellular,nov,tue,972,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.4y,no,no,no,telephone,nov,tue,194,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,blue-collar,married,basic.4y,no,yes,no,cellular,nov,tue,87,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,entrepreneur,married,high.school,no,no,no,cellular,nov,tue,143,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,nov,tue,372,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,admin.,single,university.degree,no,yes,yes,cellular,nov,tue,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,technician,single,professional.course,no,yes,no,cellular,nov,tue,58,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,single,university.degree,unknown,yes,yes,cellular,nov,tue,119,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,management,single,high.school,no,no,yes,cellular,nov,tue,117,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,management,married,basic.9y,no,unknown,unknown,cellular,nov,tue,373,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +49,entrepreneur,married,high.school,no,no,no,telephone,nov,tue,177,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,housemaid,divorced,basic.4y,no,no,no,cellular,nov,tue,84,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,housemaid,married,basic.4y,no,yes,no,telephone,nov,tue,150,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +36,housemaid,divorced,basic.4y,no,yes,no,cellular,nov,tue,171,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,single,professional.course,no,yes,no,cellular,nov,tue,131,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,self-employed,married,university.degree,no,no,no,cellular,nov,tue,115,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,entrepreneur,married,university.degree,unknown,no,no,cellular,nov,tue,283,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,retired,married,high.school,unknown,yes,no,cellular,nov,tue,121,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,telephone,nov,tue,174,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,technician,married,professional.course,no,yes,no,cellular,nov,tue,238,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,61,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,blue-collar,single,high.school,no,yes,no,cellular,nov,tue,139,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +54,technician,married,university.degree,no,no,no,cellular,nov,tue,810,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,blue-collar,married,basic.4y,unknown,yes,no,cellular,nov,tue,586,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,services,married,high.school,unknown,no,no,cellular,nov,tue,80,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.9y,no,no,no,telephone,nov,tue,296,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +57,management,married,university.degree,no,no,yes,cellular,nov,tue,218,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,management,married,basic.9y,no,yes,no,cellular,nov,tue,390,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,admin.,married,professional.course,no,yes,no,cellular,nov,tue,271,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,management,married,university.degree,no,no,no,telephone,nov,tue,195,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,entrepreneur,married,basic.4y,no,no,no,cellular,nov,tue,173,7,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,self-employed,single,basic.4y,no,yes,no,cellular,nov,tue,100,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,admin.,married,high.school,no,yes,no,cellular,nov,tue,192,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,entrepreneur,married,basic.4y,unknown,yes,no,cellular,nov,tue,185,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,management,married,university.degree,no,yes,yes,cellular,nov,tue,411,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,entrepreneur,single,basic.9y,no,yes,no,cellular,nov,tue,108,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,housemaid,divorced,basic.4y,no,yes,no,cellular,nov,tue,163,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,tue,167,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +47,admin.,married,university.degree,no,no,no,cellular,nov,tue,1014,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +57,retired,married,high.school,no,no,no,cellular,nov,tue,486,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,admin.,married,university.degree,no,no,no,cellular,nov,tue,140,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,no,yes,cellular,nov,tue,160,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +38,technician,single,basic.9y,no,yes,no,cellular,nov,tue,425,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,technician,married,basic.6y,unknown,yes,no,cellular,nov,tue,353,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,management,married,university.degree,no,yes,yes,cellular,nov,tue,84,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,married,university.degree,no,no,yes,telephone,nov,tue,79,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,admin.,divorced,high.school,no,yes,no,cellular,nov,tue,920,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,893,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,management,single,university.degree,no,yes,no,cellular,nov,tue,240,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,technician,married,professional.course,no,yes,no,telephone,nov,tue,33,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,blue-collar,single,basic.9y,unknown,yes,no,cellular,nov,tue,77,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.6y,no,yes,no,cellular,nov,tue,203,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,blue-collar,married,basic.6y,unknown,no,no,cellular,nov,tue,364,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,management,married,high.school,unknown,no,no,cellular,nov,tue,825,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,management,married,university.degree,unknown,yes,no,cellular,nov,tue,233,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +40,admin.,divorced,basic.9y,no,yes,no,cellular,nov,tue,394,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +51,admin.,married,basic.9y,no,no,yes,cellular,nov,tue,515,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +52,technician,married,professional.course,no,yes,yes,telephone,nov,tue,285,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,services,married,high.school,no,yes,no,cellular,nov,tue,65,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,services,divorced,basic.9y,no,yes,yes,cellular,nov,tue,62,6,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,services,married,high.school,no,no,no,cellular,nov,tue,200,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,technician,divorced,professional.course,no,no,no,cellular,nov,tue,55,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,blue-collar,married,basic.4y,unknown,yes,yes,telephone,nov,tue,249,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,technician,married,university.degree,no,yes,no,cellular,nov,tue,39,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,services,married,high.school,no,yes,no,cellular,nov,tue,493,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,admin.,married,university.degree,no,no,no,telephone,nov,tue,40,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +50,admin.,married,university.degree,no,no,no,cellular,nov,tue,99,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,741,4,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +50,admin.,married,university.degree,no,no,yes,cellular,nov,tue,189,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,self-employed,single,high.school,no,yes,no,cellular,nov,tue,581,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,technician,single,unknown,no,yes,no,telephone,nov,tue,115,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +46,admin.,married,high.school,no,yes,no,cellular,nov,tue,154,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,technician,married,professional.course,no,yes,no,cellular,nov,tue,166,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +41,admin.,single,university.degree,no,yes,no,cellular,nov,tue,105,5,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,housemaid,married,high.school,no,no,no,cellular,nov,tue,188,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,self-employed,divorced,professional.course,no,yes,no,cellular,nov,tue,491,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,single,university.degree,no,yes,no,telephone,nov,tue,263,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,blue-collar,married,basic.9y,no,no,no,cellular,nov,tue,64,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,blue-collar,married,professional.course,no,yes,no,cellular,nov,tue,139,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +53,services,divorced,university.degree,no,yes,yes,cellular,nov,tue,105,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,180,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,158,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +35,admin.,single,university.degree,no,no,no,cellular,nov,tue,898,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +36,blue-collar,married,basic.6y,no,no,no,cellular,nov,tue,111,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,blue-collar,married,basic.6y,no,no,no,cellular,nov,tue,246,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,unemployed,married,basic.9y,unknown,no,no,cellular,nov,tue,149,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,divorced,professional.course,no,yes,no,cellular,nov,tue,83,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,247,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,housemaid,single,basic.9y,no,no,no,cellular,nov,tue,173,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,technician,single,university.degree,no,yes,yes,cellular,nov,tue,193,4,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +48,self-employed,married,university.degree,no,yes,no,cellular,nov,tue,141,2,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,unemployed,married,basic.9y,unknown,yes,no,cellular,nov,tue,467,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +31,self-employed,single,university.degree,no,yes,no,telephone,nov,tue,176,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,married,basic.9y,no,no,no,cellular,nov,tue,106,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,married,basic.9y,no,yes,no,cellular,nov,tue,66,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +39,unemployed,married,basic.9y,unknown,no,yes,cellular,nov,tue,530,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,married,basic.9y,no,no,no,cellular,nov,tue,110,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,admin.,married,high.school,no,no,no,cellular,nov,tue,201,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +29,unemployed,divorced,university.degree,no,yes,no,telephone,nov,tue,366,3,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +43,admin.,married,high.school,no,yes,no,telephone,nov,tue,82,6,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +44,management,married,basic.9y,no,yes,no,cellular,nov,tue,129,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,admin.,married,high.school,no,yes,no,cellular,nov,tue,136,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +34,technician,single,high.school,no,yes,no,telephone,nov,tue,251,4,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,admin.,married,high.school,no,no,no,cellular,nov,tue,203,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +45,services,married,high.school,unknown,no,no,cellular,nov,tue,75,5,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,entrepreneur,married,university.degree,no,no,no,cellular,nov,tue,543,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +36,technician,single,professional.course,no,yes,no,telephone,nov,tue,34,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,technician,single,high.school,no,yes,no,telephone,nov,tue,1476,3,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,technician,single,professional.course,no,yes,no,cellular,nov,tue,216,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,technician,married,professional.course,no,yes,no,cellular,nov,tue,252,2,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +33,admin.,single,high.school,no,no,no,cellular,nov,tue,436,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +42,blue-collar,married,basic.6y,no,yes,yes,cellular,nov,tue,288,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,blue-collar,single,basic.4y,unknown,no,yes,cellular,nov,tue,307,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,technician,married,professional.course,no,yes,no,telephone,nov,tue,164,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,technician,married,professional.course,no,no,no,cellular,nov,tue,91,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +30,technician,married,professional.course,no,no,no,cellular,nov,tue,679,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +37,technician,married,professional.course,no,yes,no,cellular,nov,tue,400,1,999,0,nonexistent,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +36,technician,single,professional.course,no,yes,no,cellular,nov,tue,1132,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,yes +37,technician,married,professional.course,no,no,no,cellular,nov,tue,372,1,999,1,failure,-0.1,93.2,-42.0,4.1530000000000005,5195.8,no +56,management,divorced,university.degree,no,no,no,cellular,nov,wed,90,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,77,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,entrepreneur,single,basic.9y,no,no,yes,cellular,nov,wed,139,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,divorced,high.school,no,no,no,telephone,nov,wed,59,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,167,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,married,professional.course,no,no,no,cellular,nov,wed,427,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,single,university.degree,no,no,no,cellular,nov,wed,187,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,basic.9y,no,no,no,cellular,nov,wed,308,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,blue-collar,married,basic.4y,no,yes,no,telephone,nov,wed,178,5,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +43,self-employed,married,basic.4y,no,no,yes,cellular,nov,wed,206,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,single,university.degree,no,no,no,cellular,nov,wed,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,single,university.degree,no,no,no,cellular,nov,wed,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,admin.,single,university.degree,no,no,no,cellular,nov,wed,308,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,entrepreneur,married,basic.6y,no,yes,yes,cellular,nov,wed,56,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,single,university.degree,no,no,no,cellular,nov,wed,209,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,single,university.degree,no,yes,no,telephone,nov,wed,103,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,married,basic.4y,no,yes,yes,cellular,nov,wed,98,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,single,high.school,no,yes,no,cellular,nov,wed,180,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,admin.,divorced,university.degree,unknown,yes,no,cellular,nov,wed,697,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,married,university.degree,no,yes,yes,cellular,nov,wed,84,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,management,married,university.degree,no,no,yes,cellular,nov,wed,113,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +41,admin.,married,basic.9y,no,yes,no,cellular,nov,wed,135,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,university.degree,no,yes,no,cellular,nov,wed,157,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,management,married,university.degree,no,yes,yes,cellular,nov,wed,299,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,divorced,high.school,no,yes,no,cellular,nov,wed,100,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,single,high.school,no,yes,yes,cellular,nov,wed,819,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +34,admin.,single,high.school,no,no,no,cellular,nov,wed,347,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,single,high.school,no,no,no,cellular,nov,wed,511,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +32,blue-collar,single,high.school,no,yes,yes,cellular,nov,wed,126,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,blue-collar,single,high.school,no,yes,no,cellular,nov,wed,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,self-employed,married,basic.6y,unknown,yes,no,cellular,nov,wed,101,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,single,high.school,no,no,no,cellular,nov,wed,740,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,management,divorced,university.degree,no,no,no,cellular,nov,wed,364,2,6,1,success,-0.1,93.2,-42.0,4.12,5195.8,no +30,entrepreneur,married,high.school,no,no,no,cellular,nov,wed,706,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +48,blue-collar,single,basic.9y,no,yes,no,cellular,nov,wed,43,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,management,married,high.school,no,no,yes,cellular,nov,wed,375,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +55,admin.,divorced,high.school,no,unknown,unknown,cellular,nov,wed,370,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,single,high.school,no,yes,yes,cellular,nov,wed,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,technician,married,professional.course,unknown,yes,no,cellular,nov,wed,242,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,married,professional.course,unknown,yes,no,cellular,nov,wed,147,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,112,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +46,admin.,divorced,university.degree,no,yes,yes,cellular,nov,wed,184,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +39,self-employed,married,basic.4y,unknown,no,no,cellular,nov,wed,159,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +39,self-employed,married,university.degree,unknown,no,no,cellular,nov,wed,199,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,management,married,university.degree,no,no,no,cellular,nov,wed,140,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +58,retired,married,professional.course,no,no,no,cellular,nov,wed,189,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,management,married,university.degree,no,no,no,cellular,nov,wed,192,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +44,services,single,high.school,no,no,no,cellular,nov,wed,305,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,housemaid,married,basic.6y,no,no,no,cellular,nov,wed,167,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,single,professional.course,no,no,no,cellular,nov,wed,207,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,blue-collar,married,high.school,no,yes,no,cellular,nov,wed,104,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,single,basic.9y,no,no,no,cellular,nov,wed,30,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,housemaid,single,basic.4y,unknown,unknown,unknown,cellular,nov,wed,316,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,wed,133,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +58,retired,married,professional.course,no,no,no,cellular,nov,wed,577,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,admin.,single,university.degree,no,yes,no,cellular,nov,wed,305,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,single,basic.9y,no,no,no,cellular,nov,wed,204,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,self-employed,married,university.degree,no,no,no,cellular,nov,wed,210,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,admin.,married,basic.9y,no,yes,no,cellular,nov,wed,126,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,divorced,high.school,no,yes,no,telephone,nov,wed,137,4,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,single,professional.course,no,yes,no,cellular,nov,wed,530,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,management,married,university.degree,no,yes,no,cellular,nov,wed,400,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,single,professional.course,no,no,no,cellular,nov,wed,295,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,technician,married,university.degree,no,no,no,cellular,nov,wed,221,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,158,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,single,university.degree,no,yes,no,cellular,nov,wed,58,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,technician,married,professional.course,no,no,no,cellular,nov,wed,193,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,management,single,university.degree,no,no,no,cellular,nov,wed,187,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,management,divorced,high.school,no,no,no,cellular,nov,wed,499,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,technician,single,unknown,no,no,no,cellular,nov,wed,313,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,admin.,married,high.school,no,yes,no,telephone,nov,wed,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,services,single,high.school,no,yes,yes,cellular,nov,wed,277,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,unemployed,divorced,high.school,no,no,no,cellular,nov,wed,194,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,single,university.degree,no,yes,no,cellular,nov,wed,210,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,technician,married,professional.course,no,no,no,telephone,nov,wed,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,unemployed,single,professional.course,no,yes,no,cellular,nov,wed,192,1,0,1,success,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,wed,162,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,management,married,university.degree,no,yes,no,cellular,nov,wed,140,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,admin.,divorced,basic.9y,no,yes,no,cellular,nov,wed,134,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,self-employed,married,high.school,no,no,no,cellular,nov,wed,67,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,unemployed,divorced,high.school,no,yes,no,cellular,nov,wed,351,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,management,married,university.degree,no,no,no,cellular,nov,wed,143,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,self-employed,single,university.degree,no,no,yes,cellular,nov,wed,197,1,3,1,success,-0.1,93.2,-42.0,4.12,5195.8,no +34,technician,married,professional.course,no,yes,no,cellular,nov,wed,82,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,admin.,single,university.degree,no,yes,no,cellular,nov,wed,369,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +44,entrepreneur,married,high.school,no,no,no,cellular,nov,wed,130,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,114,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,112,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,technician,divorced,professional.course,unknown,yes,yes,cellular,nov,wed,136,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +44,entrepreneur,married,high.school,no,no,no,cellular,nov,wed,289,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,technician,married,university.degree,no,yes,no,cellular,nov,wed,36,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,technician,married,university.degree,no,no,no,cellular,nov,wed,145,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,divorced,university.degree,no,yes,no,cellular,nov,wed,589,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +58,management,divorced,university.degree,no,yes,no,cellular,nov,wed,168,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,management,single,university.degree,no,no,no,cellular,nov,wed,493,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,management,married,university.degree,no,yes,no,cellular,nov,wed,265,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,self-employed,married,university.degree,no,yes,no,cellular,nov,wed,905,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +58,management,divorced,university.degree,no,no,no,cellular,nov,wed,418,1,5,1,success,-0.1,93.2,-42.0,4.12,5195.8,yes +43,admin.,married,university.degree,no,no,no,cellular,nov,wed,97,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,no,no,cellular,nov,wed,682,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,244,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,housemaid,divorced,basic.9y,unknown,yes,no,cellular,nov,wed,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +51,housemaid,married,high.school,no,no,no,cellular,nov,wed,355,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,technician,single,professional.course,no,yes,yes,telephone,nov,wed,161,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,services,divorced,high.school,no,yes,no,cellular,nov,wed,296,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,married,professional.course,no,yes,yes,cellular,nov,wed,1554,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,820,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +34,technician,married,university.degree,no,yes,no,cellular,nov,wed,686,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +45,technician,married,university.degree,no,yes,no,cellular,nov,wed,278,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,married,professional.course,unknown,no,no,cellular,nov,wed,291,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +51,admin.,married,high.school,no,no,no,cellular,nov,wed,286,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,technician,single,basic.9y,no,no,yes,cellular,nov,wed,224,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,single,professional.course,no,no,no,cellular,nov,wed,215,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,admin.,married,high.school,no,yes,yes,cellular,nov,wed,155,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,single,high.school,no,yes,yes,cellular,nov,wed,236,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,divorced,high.school,no,yes,no,cellular,nov,wed,110,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +45,technician,married,university.degree,no,yes,no,cellular,nov,wed,770,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,basic.4y,no,no,yes,cellular,nov,wed,441,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,management,divorced,university.degree,no,no,no,cellular,nov,wed,77,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,management,married,professional.course,unknown,yes,no,cellular,nov,wed,58,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,139,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,technician,single,basic.9y,no,yes,no,cellular,nov,wed,648,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,entrepreneur,married,high.school,no,yes,no,cellular,nov,wed,902,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,married,high.school,no,no,yes,cellular,nov,wed,470,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,wed,106,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,yes,yes,cellular,nov,wed,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,yes,no,telephone,nov,wed,72,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,married,university.degree,no,yes,no,cellular,nov,wed,288,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,single,professional.course,no,yes,no,cellular,nov,wed,140,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,entrepreneur,single,university.degree,no,yes,no,cellular,nov,wed,61,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,wed,202,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,admin.,married,professional.course,unknown,yes,no,cellular,nov,wed,37,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,management,married,university.degree,no,yes,no,cellular,nov,wed,64,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,single,high.school,no,yes,no,cellular,nov,wed,109,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,entrepreneur,married,basic.9y,no,yes,no,cellular,nov,wed,336,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,925,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +43,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,239,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,single,university.degree,no,yes,no,cellular,nov,wed,473,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,divorced,high.school,no,no,no,cellular,nov,wed,424,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,married,university.degree,no,no,no,cellular,nov,wed,298,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,married,high.school,no,no,no,cellular,nov,wed,183,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,nov,wed,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,nov,wed,169,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,single,university.degree,no,no,no,cellular,nov,wed,808,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,divorced,high.school,no,yes,no,cellular,nov,wed,862,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +29,housemaid,single,high.school,no,no,no,cellular,nov,wed,786,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +49,technician,married,professional.course,no,yes,no,cellular,nov,wed,298,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,married,high.school,no,no,no,cellular,nov,wed,436,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,self-employed,married,university.degree,no,yes,no,cellular,nov,wed,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,single,university.degree,no,yes,no,cellular,nov,wed,225,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,married,university.degree,no,yes,no,cellular,nov,wed,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,nov,wed,723,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,blue-collar,married,basic.9y,unknown,no,yes,cellular,nov,wed,104,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,housemaid,single,high.school,no,yes,no,cellular,nov,wed,993,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +47,services,married,high.school,no,yes,no,cellular,nov,wed,311,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,married,university.degree,no,no,no,cellular,nov,wed,122,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,married,university.degree,no,no,no,cellular,nov,wed,85,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,wed,814,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +30,technician,married,university.degree,no,yes,no,cellular,nov,wed,154,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,blue-collar,single,basic.4y,unknown,no,no,cellular,nov,wed,584,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +54,housemaid,married,basic.9y,no,yes,yes,cellular,nov,wed,133,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,married,basic.9y,no,yes,no,cellular,nov,wed,103,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +59,housemaid,single,professional.course,no,no,no,cellular,nov,wed,69,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,technician,single,professional.course,no,unknown,unknown,cellular,nov,wed,401,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,single,high.school,no,no,no,cellular,nov,wed,578,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.4y,no,no,yes,cellular,nov,wed,217,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,self-employed,divorced,university.degree,no,yes,no,cellular,nov,wed,177,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,management,married,high.school,no,yes,no,cellular,nov,wed,182,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,entrepreneur,married,professional.course,no,yes,no,cellular,nov,wed,203,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +50,entrepreneur,married,basic.4y,unknown,yes,no,telephone,nov,wed,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,technician,single,high.school,no,yes,no,cellular,nov,wed,375,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,157,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,no,no,cellular,nov,wed,630,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,married,university.degree,no,no,no,cellular,nov,wed,223,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,blue-collar,single,high.school,no,no,no,cellular,nov,wed,361,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,admin.,single,university.degree,no,no,no,telephone,nov,wed,125,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,services,married,high.school,no,no,no,cellular,nov,wed,426,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,admin.,married,university.degree,no,yes,no,cellular,nov,wed,117,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,185,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +49,management,married,high.school,no,no,no,cellular,nov,wed,582,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,services,divorced,high.school,no,no,no,cellular,nov,wed,466,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,single,high.school,no,yes,no,cellular,nov,wed,222,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,management,married,university.degree,no,yes,yes,cellular,nov,wed,1084,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,yes +32,services,married,high.school,no,no,no,cellular,nov,wed,44,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,services,married,basic.9y,no,no,no,cellular,nov,wed,76,6,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,student,married,university.degree,no,no,no,cellular,nov,wed,154,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +48,management,married,university.degree,unknown,no,no,cellular,nov,wed,51,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,management,married,basic.4y,no,no,no,cellular,nov,wed,164,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,married,basic.6y,no,yes,yes,cellular,nov,wed,102,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,wed,227,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,management,single,university.degree,no,yes,no,telephone,nov,wed,111,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +47,unemployed,married,professional.course,no,no,no,cellular,nov,wed,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +52,blue-collar,married,professional.course,unknown,yes,no,cellular,nov,wed,442,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,university.degree,no,no,no,cellular,nov,wed,226,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,married,university.degree,no,yes,no,cellular,nov,wed,256,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,single,high.school,no,yes,no,cellular,nov,wed,210,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,unemployed,married,university.degree,no,yes,no,cellular,nov,wed,233,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,unemployed,married,professional.course,no,yes,no,cellular,nov,wed,211,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,no,no,no,cellular,nov,wed,130,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,unemployed,married,professional.course,no,yes,no,cellular,nov,wed,248,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,single,university.degree,no,yes,no,cellular,nov,wed,52,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,services,divorced,high.school,unknown,yes,yes,cellular,nov,wed,457,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,single,university.degree,no,yes,no,cellular,nov,wed,249,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,blue-collar,married,basic.4y,no,no,no,cellular,nov,wed,419,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,single,basic.9y,no,no,yes,telephone,nov,wed,117,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,blue-collar,single,unknown,no,yes,no,cellular,nov,wed,198,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,blue-collar,married,basic.4y,no,no,no,cellular,nov,wed,202,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +50,blue-collar,married,basic.6y,no,yes,no,cellular,nov,wed,206,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,management,single,university.degree,no,no,no,cellular,nov,wed,201,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,unemployed,married,professional.course,no,no,no,cellular,nov,wed,144,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,services,divorced,basic.9y,no,no,no,cellular,nov,wed,137,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,unknown,no,no,telephone,nov,wed,100,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,services,single,high.school,no,no,no,cellular,nov,wed,75,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +53,blue-collar,single,basic.4y,no,no,no,cellular,nov,wed,140,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,services,divorced,high.school,no,no,no,cellular,nov,wed,1015,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +30,entrepreneur,single,university.degree,no,yes,no,cellular,nov,wed,489,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +31,technician,married,professional.course,no,no,no,cellular,nov,wed,212,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,basic.4y,no,no,no,cellular,nov,wed,219,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,management,married,university.degree,no,yes,no,cellular,nov,wed,122,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,university.degree,no,yes,no,cellular,nov,wed,20,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,university.degree,no,no,no,cellular,nov,wed,75,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,university.degree,no,yes,no,cellular,nov,wed,94,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,blue-collar,married,basic.6y,no,yes,no,cellular,nov,wed,264,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,married,high.school,no,yes,no,cellular,nov,wed,118,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +54,technician,married,professional.course,no,yes,yes,cellular,nov,wed,46,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,single,high.school,no,no,no,cellular,nov,wed,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,94,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,services,married,high.school,no,no,no,cellular,nov,wed,79,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,single,high.school,no,yes,no,cellular,nov,wed,79,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,single,high.school,no,yes,no,cellular,nov,wed,66,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,married,university.degree,unknown,no,no,cellular,nov,wed,698,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,married,university.degree,unknown,yes,no,cellular,nov,wed,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,married,high.school,no,yes,no,cellular,nov,wed,694,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +45,management,married,basic.9y,no,yes,no,cellular,nov,wed,363,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,single,high.school,no,yes,no,cellular,nov,wed,242,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,housemaid,married,unknown,no,yes,no,cellular,nov,wed,87,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,wed,52,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +28,self-employed,married,university.degree,no,yes,no,telephone,nov,wed,20,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,married,university.degree,unknown,yes,no,cellular,nov,wed,337,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +58,management,divorced,high.school,no,yes,no,cellular,nov,wed,308,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +37,admin.,married,university.degree,no,no,no,telephone,nov,wed,274,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,services,married,professional.course,no,no,no,cellular,nov,wed,84,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,single,high.school,no,no,no,cellular,nov,wed,631,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,single,high.school,no,no,no,cellular,nov,wed,244,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,services,married,university.degree,no,yes,no,cellular,nov,wed,86,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +55,admin.,married,university.degree,no,no,no,cellular,nov,wed,123,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,married,basic.9y,no,yes,no,cellular,nov,wed,117,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,married,basic.9y,no,yes,no,cellular,nov,wed,186,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,married,high.school,no,yes,no,cellular,nov,wed,352,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,management,single,professional.course,no,yes,no,cellular,nov,wed,39,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,wed,325,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +51,self-employed,divorced,university.degree,no,yes,no,cellular,nov,wed,670,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +48,admin.,single,basic.4y,unknown,no,no,cellular,nov,wed,340,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,entrepreneur,single,university.degree,no,yes,no,cellular,nov,wed,145,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,entrepreneur,married,high.school,no,yes,no,cellular,nov,wed,100,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +42,admin.,single,university.degree,no,no,no,cellular,nov,wed,72,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,technician,married,high.school,no,yes,no,telephone,nov,wed,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,entrepreneur,married,high.school,no,yes,no,cellular,nov,wed,190,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,technician,married,university.degree,no,no,no,cellular,nov,wed,200,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,basic.9y,no,yes,yes,cellular,nov,wed,47,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,entrepreneur,married,professional.course,no,yes,no,cellular,nov,wed,388,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,university.degree,no,no,no,cellular,nov,wed,498,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,services,single,high.school,no,yes,no,cellular,nov,wed,149,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +37,management,single,university.degree,no,yes,no,cellular,nov,wed,171,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,technician,married,high.school,no,no,yes,cellular,nov,wed,561,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +33,entrepreneur,married,basic.9y,unknown,no,no,cellular,nov,wed,636,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,357,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,admin.,married,high.school,no,no,no,cellular,nov,wed,138,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,yes,yes,cellular,nov,wed,118,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,wed,149,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,admin.,single,high.school,no,no,no,cellular,nov,wed,1011,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,yes +29,services,single,high.school,no,yes,no,cellular,nov,wed,402,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,wed,154,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,retired,single,university.degree,no,yes,no,cellular,nov,wed,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,blue-collar,married,basic.9y,no,no,no,telephone,nov,wed,66,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,married,professional.course,no,yes,yes,cellular,nov,wed,87,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,housemaid,married,high.school,unknown,no,no,cellular,nov,wed,289,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,blue-collar,married,high.school,no,yes,no,cellular,nov,wed,661,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,entrepreneur,single,university.degree,no,yes,no,cellular,nov,wed,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,services,married,university.degree,no,no,no,cellular,nov,wed,270,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,entrepreneur,single,university.degree,no,yes,no,cellular,nov,wed,142,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,services,married,high.school,no,yes,no,cellular,nov,wed,74,1,5,1,success,-0.1,93.2,-42.0,4.12,5195.8,no +44,admin.,single,university.degree,no,no,no,cellular,nov,wed,60,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,technician,married,university.degree,no,no,no,cellular,nov,wed,258,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +32,services,married,high.school,no,no,yes,cellular,nov,wed,222,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,admin.,single,university.degree,no,yes,no,cellular,nov,wed,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,self-employed,married,professional.course,no,yes,no,cellular,nov,wed,103,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +46,management,divorced,high.school,no,yes,yes,cellular,nov,wed,122,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +51,admin.,married,university.degree,no,yes,no,cellular,nov,wed,93,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,single,university.degree,no,yes,no,cellular,nov,wed,133,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,high.school,no,yes,no,cellular,nov,wed,40,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,management,single,high.school,no,no,no,cellular,nov,wed,292,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,654,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +41,admin.,married,university.degree,no,yes,no,cellular,nov,wed,58,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,management,single,university.degree,no,yes,no,cellular,nov,wed,424,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +54,technician,married,basic.9y,no,no,no,cellular,nov,wed,198,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +55,admin.,married,university.degree,no,yes,yes,cellular,nov,wed,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,blue-collar,single,professional.course,no,yes,yes,cellular,nov,wed,51,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,entrepreneur,single,university.degree,no,yes,no,cellular,nov,wed,911,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +41,admin.,married,university.degree,no,no,no,cellular,nov,wed,392,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +38,admin.,married,basic.9y,no,yes,yes,cellular,nov,wed,122,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,entrepreneur,single,university.degree,no,yes,no,cellular,nov,wed,998,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +32,technician,married,university.degree,no,yes,no,cellular,nov,wed,405,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,divorced,high.school,no,yes,yes,cellular,nov,wed,291,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,blue-collar,married,basic.9y,no,no,no,cellular,nov,wed,137,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,admin.,married,high.school,no,yes,no,cellular,nov,wed,90,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +39,self-employed,married,basic.9y,no,no,no,cellular,nov,wed,46,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,blue-collar,single,high.school,no,unknown,unknown,cellular,nov,wed,77,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,single,university.degree,no,no,no,cellular,nov,wed,802,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +40,blue-collar,married,basic.6y,no,yes,no,cellular,nov,wed,1057,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +36,admin.,married,university.degree,no,no,no,cellular,nov,wed,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +51,entrepreneur,married,university.degree,no,no,no,cellular,nov,wed,87,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +31,management,married,university.degree,no,yes,no,cellular,nov,wed,196,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,blue-collar,married,basic.9y,no,no,no,cellular,nov,wed,161,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,management,married,university.degree,no,yes,no,cellular,nov,wed,96,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,retired,married,basic.9y,no,no,no,cellular,nov,wed,75,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,housemaid,divorced,basic.9y,no,no,no,cellular,nov,wed,60,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,housemaid,divorced,basic.9y,no,yes,no,cellular,nov,wed,69,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,unemployed,married,basic.9y,no,yes,no,telephone,nov,wed,41,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,unemployed,married,basic.4y,unknown,yes,no,cellular,nov,wed,98,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +40,management,married,professional.course,no,yes,no,cellular,nov,wed,162,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +58,retired,married,basic.9y,no,yes,no,cellular,nov,wed,341,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,professional.course,no,no,no,cellular,nov,wed,332,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,self-employed,married,university.degree,no,no,no,cellular,nov,wed,126,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,management,divorced,university.degree,no,no,yes,cellular,nov,wed,187,5,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,single,university.degree,no,no,no,cellular,nov,wed,281,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,services,married,high.school,no,no,no,cellular,nov,wed,37,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +32,student,single,university.degree,no,no,no,cellular,nov,wed,138,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,blue-collar,single,basic.9y,no,no,no,cellular,nov,wed,141,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,student,single,university.degree,no,yes,no,cellular,nov,wed,135,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,entrepreneur,married,university.degree,no,yes,no,cellular,nov,wed,274,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,management,married,basic.9y,no,no,no,cellular,nov,wed,169,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,205,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,unknown,no,no,cellular,nov,wed,83,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,divorced,high.school,no,no,no,cellular,nov,wed,113,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,divorced,high.school,no,yes,no,cellular,nov,wed,114,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,entrepreneur,married,high.school,no,yes,no,telephone,nov,wed,60,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,single,basic.9y,no,no,no,cellular,nov,wed,161,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,nov,wed,128,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,technician,married,high.school,no,no,no,cellular,nov,wed,187,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +52,self-employed,married,university.degree,no,no,no,cellular,nov,wed,134,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,blue-collar,married,basic.6y,unknown,yes,yes,cellular,nov,wed,182,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +44,self-employed,married,university.degree,no,yes,no,cellular,nov,wed,87,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,management,married,unknown,no,yes,no,cellular,nov,wed,248,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +51,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,wed,133,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +52,entrepreneur,married,unknown,no,yes,no,cellular,nov,wed,149,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,yes,no,cellular,nov,wed,152,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,services,married,high.school,no,no,no,cellular,nov,wed,133,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,single,basic.9y,unknown,yes,yes,cellular,nov,wed,131,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +44,technician,married,professional.course,no,no,no,cellular,nov,wed,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +52,management,married,university.degree,no,yes,no,cellular,nov,wed,50,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,services,married,unknown,no,yes,yes,telephone,nov,wed,265,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,yes,no,cellular,nov,wed,565,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,self-employed,married,university.degree,no,yes,no,cellular,nov,wed,405,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,technician,single,professional.course,no,yes,no,cellular,nov,wed,134,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +50,self-employed,unknown,basic.6y,no,no,no,cellular,nov,wed,968,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,services,married,high.school,unknown,yes,no,cellular,nov,wed,82,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +46,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,416,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,married,basic.9y,no,yes,no,cellular,nov,wed,17,5,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +52,technician,single,basic.4y,unknown,yes,no,cellular,nov,wed,208,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,technician,married,professional.course,no,no,no,cellular,nov,wed,201,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,technician,married,professional.course,no,yes,no,cellular,nov,wed,374,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +58,management,married,university.degree,no,yes,no,cellular,nov,wed,581,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,single,high.school,no,yes,no,cellular,nov,wed,105,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +55,technician,married,basic.9y,no,no,no,cellular,nov,wed,1548,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +54,management,divorced,university.degree,no,yes,no,cellular,nov,wed,150,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +52,admin.,married,high.school,no,yes,no,cellular,nov,wed,210,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,entrepreneur,single,university.degree,no,no,no,cellular,nov,wed,131,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,admin.,single,university.degree,no,no,no,cellular,nov,wed,97,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,divorced,high.school,no,yes,no,cellular,nov,wed,124,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,wed,742,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,management,married,university.degree,no,yes,no,cellular,nov,wed,151,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,entrepreneur,married,high.school,no,yes,no,cellular,nov,wed,360,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,married,basic.9y,no,no,no,cellular,nov,wed,96,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,wed,117,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,entrepreneur,divorced,basic.9y,no,yes,yes,cellular,nov,wed,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,management,married,basic.4y,unknown,no,no,cellular,nov,wed,57,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +52,blue-collar,married,professional.course,unknown,yes,no,cellular,nov,wed,85,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,married,university.degree,no,yes,yes,cellular,nov,wed,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,management,married,basic.4y,unknown,yes,no,cellular,nov,wed,117,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,married,high.school,no,yes,yes,cellular,nov,wed,69,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,self-employed,single,university.degree,no,yes,no,cellular,nov,wed,414,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,married,high.school,no,yes,no,cellular,nov,wed,323,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,management,married,university.degree,no,yes,no,cellular,nov,wed,168,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,no,yes,no,cellular,nov,wed,111,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,no,yes,no,cellular,nov,wed,227,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,management,married,university.degree,no,no,no,cellular,nov,wed,72,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,admin.,single,high.school,no,yes,yes,cellular,nov,wed,76,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,married,basic.6y,no,yes,no,cellular,nov,wed,448,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,management,married,basic.4y,unknown,no,no,cellular,nov,wed,755,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,admin.,single,university.degree,no,yes,no,cellular,nov,wed,514,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,services,married,professional.course,no,yes,no,cellular,nov,wed,482,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,divorced,high.school,no,no,no,telephone,nov,wed,50,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,services,married,high.school,no,no,no,cellular,nov,wed,101,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,blue-collar,single,high.school,no,no,no,cellular,nov,wed,77,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,wed,85,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,university.degree,no,yes,no,cellular,nov,wed,638,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,married,basic.9y,no,no,no,cellular,nov,wed,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,wed,779,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,married,basic.9y,no,no,no,cellular,nov,wed,198,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,services,married,high.school,no,no,no,cellular,nov,wed,190,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,management,married,university.degree,no,no,no,cellular,nov,wed,363,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,services,single,high.school,no,no,no,cellular,nov,wed,155,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +45,blue-collar,married,basic.4y,no,yes,yes,cellular,nov,wed,130,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,married,university.degree,no,yes,no,cellular,nov,wed,19,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,married,basic.9y,no,no,no,telephone,nov,wed,319,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,services,single,high.school,no,yes,no,cellular,nov,wed,116,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,married,professional.course,no,yes,no,cellular,nov,wed,1283,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,management,single,university.degree,no,yes,yes,cellular,nov,wed,293,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +30,services,married,professional.course,no,yes,no,cellular,nov,wed,622,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +32,entrepreneur,married,basic.4y,no,yes,no,telephone,nov,wed,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,services,single,high.school,no,no,no,cellular,nov,wed,148,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,wed,111,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +52,retired,married,university.degree,unknown,no,no,cellular,nov,wed,172,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +32,services,married,professional.course,no,yes,no,cellular,nov,wed,186,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,single,basic.6y,no,yes,no,cellular,nov,wed,164,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,blue-collar,married,basic.6y,no,no,no,cellular,nov,wed,220,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,single,basic.6y,no,no,no,cellular,nov,wed,296,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,single,university.degree,no,no,no,cellular,nov,wed,267,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,technician,married,professional.course,no,yes,no,cellular,nov,wed,231,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,services,single,high.school,no,yes,no,cellular,nov,wed,178,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +32,entrepreneur,married,basic.4y,no,yes,no,cellular,nov,wed,547,7,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,single,professional.course,no,no,no,cellular,nov,wed,161,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,divorced,high.school,no,no,no,cellular,nov,wed,59,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +51,admin.,married,high.school,no,yes,no,cellular,nov,wed,121,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,single,professional.course,no,no,no,cellular,nov,wed,477,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,wed,384,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +44,admin.,single,high.school,no,yes,no,cellular,nov,wed,149,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +39,admin.,married,university.degree,no,yes,no,cellular,nov,wed,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,single,basic.4y,no,no,yes,cellular,nov,wed,125,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,single,high.school,no,yes,no,cellular,nov,wed,522,1,6,1,success,-0.1,93.2,-42.0,4.12,5195.8,yes +31,blue-collar,single,high.school,no,no,no,telephone,nov,wed,201,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,single,high.school,no,no,no,cellular,nov,wed,230,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,technician,single,professional.course,no,yes,no,cellular,nov,wed,180,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,divorced,professional.course,no,no,yes,cellular,nov,wed,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,unknown,divorced,basic.4y,no,no,no,cellular,nov,wed,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,management,married,university.degree,no,no,yes,cellular,nov,wed,391,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,divorced,high.school,no,no,no,cellular,nov,wed,131,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,married,university.degree,no,yes,no,cellular,nov,wed,174,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,married,university.degree,no,yes,yes,cellular,nov,wed,147,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,126,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,services,single,high.school,no,no,no,cellular,nov,wed,265,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +55,admin.,divorced,high.school,no,no,no,cellular,nov,wed,67,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +50,housemaid,divorced,high.school,no,no,no,cellular,nov,wed,136,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +33,self-employed,single,basic.4y,no,no,no,cellular,nov,wed,174,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +47,unemployed,married,high.school,unknown,no,no,cellular,nov,wed,101,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,299,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,admin.,married,university.degree,no,yes,no,cellular,nov,wed,392,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,single,high.school,no,yes,no,cellular,nov,wed,780,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +54,entrepreneur,married,university.degree,no,yes,no,cellular,nov,wed,159,2,4,1,success,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,married,university.degree,unknown,yes,no,cellular,nov,wed,562,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,blue-collar,single,basic.9y,no,no,no,cellular,nov,wed,127,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +33,management,married,university.degree,no,yes,no,cellular,nov,wed,418,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,management,divorced,university.degree,no,yes,no,cellular,nov,wed,259,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +37,management,divorced,university.degree,no,no,no,cellular,nov,wed,295,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +33,management,married,university.degree,no,yes,yes,cellular,nov,wed,138,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,married,university.degree,no,yes,no,cellular,nov,wed,124,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,admin.,married,university.degree,no,no,no,cellular,nov,wed,146,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,single,high.school,no,no,no,cellular,nov,wed,145,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,management,married,university.degree,no,yes,no,cellular,nov,wed,57,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,married,basic.9y,no,no,no,cellular,nov,wed,69,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,unemployed,divorced,high.school,no,yes,no,cellular,nov,wed,166,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,wed,82,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,blue-collar,divorced,basic.9y,no,no,no,cellular,nov,wed,277,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,no,no,no,cellular,nov,wed,194,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,management,married,university.degree,no,no,no,cellular,nov,wed,138,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +43,admin.,divorced,university.degree,no,no,no,cellular,nov,wed,1502,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +34,management,single,high.school,no,yes,no,cellular,nov,wed,175,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,admin.,married,university.degree,no,no,no,cellular,nov,wed,117,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,unknown,no,no,cellular,nov,wed,1049,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +48,services,divorced,basic.4y,no,no,no,cellular,nov,wed,134,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,high.school,no,no,no,cellular,nov,wed,117,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,187,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,technician,single,professional.course,no,yes,no,cellular,nov,wed,107,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,married,university.degree,no,yes,no,cellular,nov,wed,40,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,university.degree,no,yes,no,cellular,nov,wed,161,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,entrepreneur,divorced,basic.9y,no,yes,no,cellular,nov,wed,71,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,services,married,basic.6y,no,yes,no,cellular,nov,wed,772,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,married,university.degree,no,no,no,cellular,nov,wed,128,7,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,single,high.school,no,yes,no,cellular,nov,wed,195,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,entrepreneur,divorced,basic.9y,no,no,no,cellular,nov,wed,353,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,blue-collar,single,basic.9y,unknown,yes,no,cellular,nov,wed,25,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,175,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +49,blue-collar,divorced,basic.6y,no,no,no,cellular,nov,wed,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,wed,137,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,631,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +56,management,married,university.degree,no,no,no,cellular,nov,wed,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,technician,married,basic.9y,no,no,yes,cellular,nov,wed,208,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,married,high.school,no,yes,no,cellular,nov,wed,131,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,management,married,high.school,no,no,no,telephone,nov,wed,47,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,management,married,university.degree,no,no,no,cellular,nov,wed,140,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,management,married,university.degree,no,yes,no,cellular,nov,wed,286,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,married,university.degree,no,no,no,cellular,nov,wed,690,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,services,married,high.school,no,yes,no,telephone,nov,wed,102,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,admin.,married,university.degree,no,yes,no,cellular,nov,wed,93,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +42,services,married,professional.course,no,yes,yes,cellular,nov,wed,120,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,married,high.school,no,yes,no,cellular,nov,wed,570,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,single,university.degree,no,yes,no,cellular,nov,wed,456,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,entrepreneur,married,university.degree,no,no,yes,cellular,nov,wed,49,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +41,admin.,married,university.degree,no,yes,no,cellular,nov,wed,54,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +37,admin.,single,university.degree,no,yes,yes,cellular,nov,wed,160,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,admin.,married,university.degree,no,yes,yes,telephone,nov,wed,385,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,admin.,single,university.degree,no,yes,no,cellular,nov,wed,250,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,entrepreneur,married,high.school,no,yes,no,cellular,nov,wed,164,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,married,university.degree,no,no,yes,cellular,nov,wed,234,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +30,technician,divorced,basic.9y,no,yes,yes,cellular,nov,wed,177,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,admin.,single,university.degree,no,yes,no,cellular,nov,wed,50,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,admin.,single,university.degree,no,yes,yes,cellular,nov,wed,457,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,admin.,single,university.degree,no,no,no,telephone,nov,wed,623,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +42,entrepreneur,married,basic.4y,no,yes,yes,cellular,nov,wed,20,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,technician,married,high.school,no,no,no,cellular,nov,wed,1206,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,entrepreneur,married,unknown,no,yes,no,cellular,nov,wed,21,10,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,married,basic.9y,no,no,no,cellular,nov,wed,559,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,married,basic.9y,no,no,no,cellular,nov,wed,205,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,married,basic.9y,no,no,no,cellular,nov,wed,1065,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,blue-collar,single,basic.6y,no,yes,no,telephone,nov,wed,401,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,management,divorced,university.degree,no,yes,no,cellular,nov,wed,50,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +55,technician,married,basic.9y,no,no,yes,cellular,nov,wed,113,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,yes,cellular,nov,wed,1028,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +34,self-employed,married,university.degree,no,yes,no,cellular,nov,wed,213,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,wed,340,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,entrepreneur,married,basic.6y,no,no,no,cellular,nov,wed,90,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,single,high.school,no,yes,no,cellular,nov,wed,286,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,technician,divorced,university.degree,no,yes,no,cellular,nov,wed,342,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +58,management,married,university.degree,no,yes,no,cellular,nov,wed,394,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,management,married,basic.4y,no,yes,no,cellular,nov,wed,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,wed,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,yes,no,cellular,nov,wed,214,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,housemaid,married,basic.6y,unknown,no,no,cellular,nov,wed,76,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,wed,337,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +30,blue-collar,single,basic.9y,no,no,no,cellular,nov,wed,88,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,high.school,no,yes,no,cellular,nov,wed,96,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,admin.,married,university.degree,no,yes,no,cellular,nov,wed,171,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +39,blue-collar,married,basic.9y,unknown,no,yes,cellular,nov,wed,418,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,entrepreneur,married,university.degree,no,yes,yes,cellular,nov,wed,434,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,management,married,university.degree,no,yes,no,cellular,nov,wed,54,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,management,married,high.school,no,yes,no,cellular,nov,wed,86,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,wed,1265,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +56,management,married,university.degree,no,yes,yes,cellular,nov,wed,104,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +37,services,single,high.school,no,yes,no,cellular,nov,wed,485,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +31,blue-collar,single,high.school,no,yes,no,cellular,nov,wed,251,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,single,basic.6y,no,yes,no,cellular,nov,wed,328,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,married,university.degree,unknown,no,no,cellular,nov,wed,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,88,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,single,professional.course,no,no,no,cellular,nov,wed,220,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,self-employed,married,university.degree,no,yes,no,cellular,nov,wed,118,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,single,basic.6y,no,no,no,cellular,nov,wed,520,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,management,married,university.degree,no,no,no,cellular,nov,wed,139,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,entrepreneur,married,university.degree,no,yes,no,cellular,nov,wed,501,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,married,university.degree,no,yes,yes,cellular,nov,wed,408,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +39,unemployed,married,basic.9y,no,no,no,cellular,nov,wed,292,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,admin.,divorced,university.degree,no,yes,no,cellular,nov,wed,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,self-employed,divorced,basic.9y,no,yes,no,cellular,nov,wed,77,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,single,basic.9y,no,yes,yes,cellular,nov,wed,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +51,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,359,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +39,unemployed,married,basic.9y,no,yes,no,cellular,nov,wed,640,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,single,basic.9y,no,no,no,cellular,nov,wed,178,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,single,basic.9y,no,yes,no,cellular,nov,wed,112,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +57,management,married,university.degree,no,yes,no,cellular,nov,wed,589,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +35,technician,single,basic.9y,no,no,no,telephone,nov,wed,433,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,divorced,basic.6y,no,yes,no,cellular,nov,wed,122,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,services,divorced,basic.6y,unknown,no,no,cellular,nov,wed,254,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +50,technician,married,university.degree,no,yes,no,cellular,nov,wed,236,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,wed,60,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,admin.,married,professional.course,no,yes,no,cellular,nov,wed,216,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,self-employed,married,university.degree,no,yes,no,cellular,nov,wed,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,management,single,university.degree,no,no,yes,cellular,nov,wed,541,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,self-employed,single,university.degree,no,yes,no,cellular,nov,wed,199,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,entrepreneur,single,basic.9y,no,no,no,cellular,nov,wed,191,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,services,single,basic.9y,no,yes,yes,cellular,nov,wed,300,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +54,housemaid,married,basic.9y,no,no,no,cellular,nov,wed,362,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,married,high.school,no,no,no,cellular,nov,wed,1061,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +33,self-employed,married,university.degree,no,yes,yes,cellular,nov,wed,208,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,management,married,university.degree,no,yes,yes,telephone,nov,wed,377,3,0,2,success,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,professional.course,no,no,no,cellular,nov,wed,54,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,admin.,married,university.degree,no,yes,no,cellular,nov,wed,157,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,admin.,divorced,high.school,no,yes,no,cellular,nov,wed,47,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +53,blue-collar,divorced,basic.9y,no,no,no,cellular,nov,wed,625,1,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,services,single,high.school,no,yes,no,telephone,nov,wed,88,1,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +51,unemployed,divorced,university.degree,unknown,yes,no,cellular,nov,wed,120,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,services,married,high.school,no,no,no,cellular,nov,wed,89,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,married,professional.course,no,no,no,cellular,nov,wed,616,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,wed,56,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,self-employed,single,university.degree,no,no,no,cellular,nov,wed,238,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,entrepreneur,married,high.school,no,yes,yes,cellular,nov,wed,112,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,admin.,married,university.degree,no,no,no,cellular,nov,wed,748,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,entrepreneur,married,university.degree,no,no,no,cellular,nov,wed,184,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,entrepreneur,married,university.degree,no,no,no,telephone,nov,wed,202,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,admin.,single,university.degree,no,yes,no,cellular,nov,wed,273,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,admin.,married,university.degree,no,yes,no,cellular,nov,wed,223,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,management,married,university.degree,no,no,no,cellular,nov,wed,382,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,admin.,married,university.degree,no,yes,no,cellular,nov,wed,278,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,technician,married,basic.9y,no,no,no,cellular,nov,wed,294,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +52,management,married,university.degree,no,yes,no,cellular,nov,wed,783,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +31,admin.,married,basic.9y,no,yes,no,cellular,nov,wed,1662,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,admin.,single,university.degree,no,no,no,cellular,nov,wed,79,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,entrepreneur,single,university.degree,no,yes,no,cellular,nov,wed,115,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,single,university.degree,no,yes,no,cellular,nov,wed,101,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +55,management,married,professional.course,no,yes,no,cellular,nov,wed,223,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,management,married,university.degree,unknown,yes,no,cellular,nov,wed,126,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,management,married,university.degree,no,no,yes,cellular,nov,wed,73,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +32,management,single,university.degree,no,no,no,cellular,nov,wed,163,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,no,no,no,cellular,nov,wed,299,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,professional.course,no,yes,no,cellular,nov,wed,107,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,admin.,married,university.degree,no,yes,no,cellular,nov,wed,70,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,admin.,divorced,basic.9y,no,unknown,unknown,cellular,nov,wed,258,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,entrepreneur,single,university.degree,no,no,no,cellular,nov,wed,1120,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +46,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,223,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,married,university.degree,no,yes,yes,cellular,nov,wed,184,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,management,married,university.degree,no,no,no,cellular,nov,wed,523,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,single,high.school,no,yes,no,cellular,nov,wed,77,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +54,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,252,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +40,blue-collar,married,basic.6y,unknown,no,no,cellular,nov,wed,104,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,unknown,yes,no,cellular,nov,wed,433,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +51,management,married,high.school,unknown,no,no,cellular,nov,wed,178,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,services,single,high.school,no,no,no,cellular,nov,wed,174,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,technician,married,basic.9y,no,yes,no,cellular,nov,wed,354,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,married,high.school,no,no,no,cellular,nov,wed,231,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,technician,single,professional.course,no,no,no,cellular,nov,wed,757,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +35,management,married,university.degree,no,yes,no,cellular,nov,wed,130,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,management,married,university.degree,no,yes,no,cellular,nov,wed,111,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +52,admin.,married,high.school,no,yes,no,cellular,nov,wed,130,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,married,basic.4y,no,no,no,cellular,nov,wed,374,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,blue-collar,divorced,basic.6y,no,yes,no,telephone,nov,wed,95,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,entrepreneur,married,basic.9y,no,no,yes,cellular,nov,wed,680,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,yes +46,management,divorced,high.school,no,yes,no,cellular,nov,wed,191,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,married,high.school,no,yes,no,cellular,nov,wed,193,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,technician,single,professional.course,no,yes,no,cellular,nov,wed,1468,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +39,blue-collar,married,basic.6y,unknown,no,yes,cellular,nov,wed,188,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,technician,married,university.degree,no,no,no,cellular,nov,wed,221,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,wed,59,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,married,high.school,no,yes,yes,cellular,nov,wed,314,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,admin.,married,high.school,unknown,yes,no,cellular,nov,wed,246,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,single,high.school,no,yes,no,cellular,nov,wed,154,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,nov,wed,432,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,services,married,high.school,no,yes,yes,cellular,nov,wed,584,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,140,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,divorced,high.school,no,no,yes,cellular,nov,wed,709,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +44,services,married,high.school,no,no,no,cellular,nov,wed,635,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +48,housemaid,single,high.school,unknown,yes,no,cellular,nov,wed,449,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +55,management,married,university.degree,no,no,no,cellular,nov,wed,108,4,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +40,admin.,single,high.school,no,no,no,cellular,nov,wed,53,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,management,married,university.degree,no,unknown,unknown,cellular,nov,wed,151,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,management,divorced,university.degree,no,no,no,cellular,nov,wed,287,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,management,married,university.degree,no,no,no,cellular,nov,wed,266,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,housemaid,divorced,university.degree,no,no,no,cellular,nov,wed,105,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,divorced,high.school,no,yes,no,cellular,nov,wed,225,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,blue-collar,married,basic.6y,unknown,yes,no,cellular,nov,wed,154,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,blue-collar,married,basic.6y,no,unknown,unknown,cellular,nov,wed,172,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +50,management,married,basic.6y,no,no,no,cellular,nov,wed,221,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,admin.,married,university.degree,no,yes,no,cellular,nov,wed,209,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,management,married,high.school,no,no,no,cellular,nov,wed,356,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +49,admin.,single,basic.9y,no,yes,yes,cellular,nov,wed,259,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,technician,married,university.degree,no,no,no,telephone,nov,wed,91,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,services,married,high.school,no,yes,yes,cellular,nov,wed,729,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,services,divorced,high.school,no,no,no,cellular,nov,wed,744,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,services,divorced,high.school,no,yes,no,cellular,nov,wed,222,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +29,admin.,married,university.degree,no,no,no,cellular,nov,wed,406,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,married,high.school,no,yes,no,cellular,nov,wed,307,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,housemaid,married,basic.6y,no,yes,no,cellular,nov,wed,1337,4,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +35,blue-collar,married,basic.9y,no,yes,no,telephone,nov,wed,178,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,entrepreneur,married,unknown,no,no,no,cellular,nov,wed,304,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,admin.,single,university.degree,no,no,no,cellular,nov,wed,1307,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +50,admin.,married,high.school,no,no,no,cellular,nov,wed,93,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +49,technician,divorced,basic.9y,no,no,no,cellular,nov,wed,225,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,technician,single,high.school,no,no,no,cellular,nov,wed,515,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,blue-collar,married,basic.6y,no,no,no,cellular,nov,wed,312,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,technician,divorced,high.school,no,yes,yes,cellular,nov,wed,243,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +39,admin.,married,university.degree,no,no,no,cellular,nov,wed,117,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,admin.,single,high.school,no,yes,no,telephone,nov,wed,207,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +44,entrepreneur,married,university.degree,no,no,yes,cellular,nov,wed,67,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +33,services,married,high.school,no,no,no,cellular,nov,wed,581,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +44,entrepreneur,married,university.degree,no,yes,no,cellular,nov,wed,676,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +54,blue-collar,married,basic.6y,unknown,no,no,cellular,nov,wed,300,5,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +37,management,married,university.degree,no,no,yes,cellular,nov,wed,611,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,services,single,university.degree,no,yes,no,telephone,nov,wed,52,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,management,married,high.school,unknown,no,no,cellular,nov,wed,275,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,blue-collar,married,basic.6y,no,no,yes,cellular,nov,wed,188,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +56,management,married,university.degree,no,yes,no,cellular,nov,wed,130,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,technician,married,high.school,no,yes,no,telephone,nov,wed,46,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,single,university.degree,no,yes,no,cellular,nov,wed,143,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,blue-collar,married,basic.6y,no,yes,yes,telephone,nov,wed,214,2,6,1,success,-0.1,93.2,-42.0,4.12,5195.8,no +52,entrepreneur,married,university.degree,unknown,yes,yes,telephone,nov,wed,248,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,technician,married,professional.course,no,yes,no,telephone,nov,wed,159,7,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +37,management,married,university.degree,no,no,yes,cellular,nov,wed,307,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,services,married,university.degree,no,yes,no,cellular,nov,wed,37,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,193,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,unemployed,single,unknown,no,yes,no,cellular,nov,wed,1271,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,yes +30,blue-collar,married,basic.9y,no,no,no,cellular,nov,wed,167,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +47,housemaid,divorced,basic.4y,unknown,yes,yes,telephone,nov,wed,475,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,single,basic.9y,no,no,yes,telephone,nov,wed,590,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,technician,married,professional.course,no,yes,yes,telephone,nov,wed,196,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +34,management,married,high.school,no,yes,no,cellular,nov,wed,228,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,admin.,divorced,basic.9y,no,yes,no,cellular,nov,wed,575,9,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,entrepreneur,married,basic.4y,no,yes,yes,cellular,nov,wed,322,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,blue-collar,divorced,basic.9y,no,no,no,cellular,nov,wed,546,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,admin.,divorced,professional.course,no,no,yes,cellular,nov,wed,1435,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +50,admin.,married,university.degree,no,yes,yes,cellular,nov,wed,332,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,management,married,university.degree,no,yes,no,cellular,nov,wed,214,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +41,management,married,university.degree,no,yes,yes,cellular,nov,wed,501,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +55,technician,married,high.school,unknown,yes,no,cellular,nov,wed,285,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,unknown,yes,no,cellular,nov,wed,320,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,entrepreneur,married,university.degree,no,no,no,telephone,nov,wed,723,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +51,entrepreneur,divorced,university.degree,no,yes,no,telephone,nov,wed,89,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,technician,single,university.degree,unknown,no,no,cellular,nov,wed,193,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,nov,wed,284,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,unknown,no,no,cellular,nov,wed,135,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +39,housemaid,divorced,high.school,no,no,no,cellular,nov,wed,214,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,wed,162,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,services,married,high.school,unknown,no,no,cellular,nov,wed,303,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +46,blue-collar,married,basic.9y,unknown,yes,yes,cellular,nov,wed,575,6,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +40,blue-collar,single,basic.9y,no,unknown,unknown,cellular,nov,wed,245,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,management,married,basic.4y,no,yes,no,cellular,nov,wed,64,7,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,services,single,high.school,no,yes,no,cellular,nov,wed,146,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,no,no,yes,cellular,nov,wed,281,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,technician,single,professional.course,no,yes,yes,cellular,nov,wed,182,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,admin.,married,high.school,no,no,no,cellular,nov,wed,291,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +54,management,married,basic.6y,no,yes,no,cellular,nov,wed,616,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,wed,186,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,unemployed,married,basic.9y,no,yes,no,cellular,nov,wed,248,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,entrepreneur,married,university.degree,no,yes,yes,cellular,nov,wed,380,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,services,married,basic.6y,no,no,no,cellular,nov,wed,314,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +30,unemployed,single,professional.course,no,no,no,cellular,nov,wed,206,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,entrepreneur,married,professional.course,no,yes,no,telephone,nov,wed,519,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,blue-collar,married,basic.4y,no,no,no,cellular,nov,wed,209,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +50,entrepreneur,married,university.degree,no,yes,no,cellular,nov,wed,185,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,single,basic.4y,no,no,no,cellular,nov,wed,335,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,services,married,high.school,no,no,no,cellular,nov,wed,131,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,yes,no,cellular,nov,wed,71,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +52,technician,married,basic.9y,no,yes,yes,cellular,nov,wed,323,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,self-employed,married,university.degree,unknown,yes,no,cellular,nov,wed,70,4,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,no,no,no,cellular,nov,wed,62,3,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +31,admin.,married,university.degree,no,no,no,cellular,nov,wed,596,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,admin.,married,university.degree,no,yes,no,cellular,nov,wed,517,2,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,single,high.school,no,yes,no,cellular,nov,wed,208,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,wed,145,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +48,management,married,university.degree,unknown,no,no,cellular,nov,wed,52,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,technician,married,professional.course,no,yes,yes,cellular,nov,wed,11,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,blue-collar,divorced,basic.4y,no,yes,no,cellular,nov,wed,206,5,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,technician,married,professional.course,no,yes,no,cellular,nov,wed,107,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +33,admin.,married,university.degree,no,yes,yes,cellular,nov,wed,54,7,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,management,married,basic.4y,no,yes,no,cellular,nov,wed,107,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,wed,102,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +34,management,single,high.school,no,yes,yes,cellular,nov,wed,201,2,6,1,success,-0.1,93.2,-42.0,4.12,5195.8,no +37,admin.,single,university.degree,no,yes,yes,cellular,nov,wed,844,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +35,housemaid,single,basic.4y,unknown,yes,no,cellular,nov,wed,66,2,3,1,success,-0.1,93.2,-42.0,4.12,5195.8,no +45,entrepreneur,married,university.degree,unknown,yes,no,telephone,nov,wed,278,7,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +32,admin.,single,university.degree,no,no,no,cellular,nov,wed,1311,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +38,admin.,single,university.degree,no,yes,no,cellular,nov,wed,255,6,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +30,services,married,high.school,no,yes,no,cellular,nov,wed,599,4,999,1,failure,-0.1,93.2,-42.0,4.12,5195.8,no +38,services,married,unknown,no,yes,no,cellular,nov,wed,339,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +31,entrepreneur,married,basic.9y,no,no,no,cellular,nov,wed,558,3,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,nov,wed,800,6,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,high.school,no,no,no,cellular,nov,wed,854,2,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +53,blue-collar,divorced,basic.6y,no,yes,no,cellular,nov,wed,635,6,999,0,nonexistent,-0.1,93.2,-42.0,4.12,5195.8,no +29,blue-collar,married,high.school,no,yes,no,telephone,nov,thu,72,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,technician,married,university.degree,no,yes,no,telephone,nov,thu,14,7,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,divorced,high.school,no,yes,no,cellular,nov,thu,274,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,entrepreneur,married,professional.course,no,yes,no,cellular,nov,thu,291,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,single,basic.6y,no,yes,no,cellular,nov,thu,82,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,self-employed,single,professional.course,no,yes,no,cellular,nov,thu,97,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,yes,no,cellular,nov,thu,130,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,management,single,university.degree,no,yes,no,telephone,nov,thu,88,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,blue-collar,married,basic.4y,no,yes,no,telephone,nov,thu,132,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,no,no,telephone,nov,thu,36,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,technician,married,basic.9y,no,yes,no,cellular,nov,thu,348,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,services,married,professional.course,no,no,no,cellular,nov,thu,161,7,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,technician,divorced,professional.course,no,no,no,cellular,nov,thu,77,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,unemployed,married,basic.4y,unknown,no,no,cellular,nov,thu,143,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,admin.,divorced,professional.course,no,no,no,cellular,nov,thu,80,5,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,technician,married,professional.course,no,no,no,cellular,nov,thu,366,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,thu,298,2,5,1,success,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,thu,64,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,technician,married,professional.course,no,yes,no,cellular,nov,thu,51,7,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,thu,75,2,4,1,success,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,housemaid,married,unknown,no,yes,no,cellular,nov,thu,65,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,entrepreneur,married,professional.course,no,yes,no,cellular,nov,thu,69,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,37,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,management,married,unknown,no,yes,no,cellular,nov,thu,632,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,divorced,high.school,no,yes,no,cellular,nov,thu,48,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,married,basic.9y,no,yes,no,cellular,nov,thu,57,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,services,single,unknown,no,yes,no,cellular,nov,thu,164,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,admin.,single,professional.course,no,no,no,cellular,nov,thu,48,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,technician,married,professional.course,no,yes,yes,cellular,nov,thu,42,7,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,management,married,unknown,no,no,no,cellular,nov,thu,171,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,unemployed,married,high.school,no,yes,yes,cellular,nov,thu,91,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,single,university.degree,no,no,no,cellular,nov,thu,78,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,admin.,married,high.school,no,unknown,unknown,cellular,nov,thu,518,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,blue-collar,divorced,basic.9y,no,unknown,unknown,cellular,nov,thu,73,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,no,no,telephone,nov,thu,105,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,married,basic.6y,no,no,no,cellular,nov,thu,340,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,married,high.school,no,yes,no,cellular,nov,thu,379,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,technician,married,professional.course,no,no,no,telephone,nov,thu,114,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,services,divorced,basic.6y,no,no,no,cellular,nov,thu,667,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,unemployed,divorced,university.degree,no,no,no,cellular,nov,thu,286,6,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,self-employed,married,high.school,unknown,yes,no,cellular,nov,thu,77,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,unknown,professional.course,no,yes,no,cellular,nov,thu,125,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,management,married,university.degree,no,no,no,telephone,nov,thu,21,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,management,married,university.degree,no,yes,no,cellular,nov,thu,104,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,management,married,university.degree,no,yes,no,cellular,nov,thu,186,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,management,married,university.degree,no,no,no,cellular,nov,thu,136,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,unemployed,single,university.degree,no,yes,no,cellular,nov,thu,145,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,technician,married,professional.course,no,no,no,cellular,nov,thu,179,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,management,married,university.degree,no,yes,no,cellular,nov,thu,466,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,blue-collar,married,basic.6y,no,no,no,cellular,nov,thu,834,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,self-employed,divorced,basic.9y,no,yes,no,cellular,nov,thu,26,5,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,entrepreneur,single,university.degree,no,no,no,cellular,nov,thu,459,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,unemployed,married,basic.6y,no,yes,no,cellular,nov,thu,113,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,entrepreneur,married,professional.course,no,yes,no,cellular,nov,thu,997,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,technician,single,university.degree,no,no,no,cellular,nov,thu,284,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,married,university.degree,no,no,no,telephone,nov,thu,281,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,services,single,basic.6y,no,no,no,cellular,nov,thu,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,admin.,married,basic.9y,no,no,no,cellular,nov,thu,209,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,retired,married,high.school,no,yes,no,cellular,nov,thu,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,divorced,high.school,no,yes,no,cellular,nov,thu,149,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,services,single,basic.6y,no,no,no,cellular,nov,thu,308,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,entrepreneur,married,university.degree,no,no,no,cellular,nov,thu,191,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,services,single,basic.6y,no,no,no,cellular,nov,thu,373,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,services,single,high.school,no,yes,no,cellular,nov,thu,100,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,technician,married,high.school,no,no,yes,telephone,nov,thu,66,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,entrepreneur,married,university.degree,unknown,no,no,cellular,nov,thu,392,2,3,1,success,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,retired,married,high.school,no,no,no,cellular,nov,thu,477,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +33,admin.,single,university.degree,no,no,no,cellular,nov,thu,291,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,nov,thu,276,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +47,technician,married,professional.course,no,no,no,cellular,nov,thu,93,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,housemaid,married,basic.9y,no,no,no,cellular,nov,thu,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,entrepreneur,married,high.school,unknown,no,no,cellular,nov,thu,68,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,management,married,unknown,no,no,no,cellular,nov,thu,142,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,married,high.school,no,no,yes,cellular,nov,thu,49,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,entrepreneur,single,university.degree,no,no,no,cellular,nov,thu,251,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,blue-collar,single,basic.6y,no,no,no,cellular,nov,thu,137,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,high.school,no,yes,no,cellular,nov,thu,120,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,admin.,single,professional.course,no,yes,no,telephone,nov,thu,25,8,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,married,high.school,no,yes,no,cellular,nov,thu,220,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,single,basic.9y,no,no,no,cellular,nov,thu,174,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,blue-collar,single,basic.6y,no,no,no,cellular,nov,thu,370,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,technician,married,high.school,no,yes,yes,cellular,nov,thu,116,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,blue-collar,married,basic.4y,unknown,yes,yes,cellular,nov,thu,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,entrepreneur,divorced,university.degree,no,yes,yes,cellular,nov,thu,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,single,university.degree,no,yes,yes,cellular,nov,thu,125,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,admin.,married,unknown,no,yes,yes,cellular,nov,thu,254,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,admin.,married,university.degree,no,no,no,cellular,nov,thu,358,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,student,single,high.school,no,yes,no,cellular,nov,thu,670,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +32,admin.,married,professional.course,no,unknown,unknown,cellular,nov,thu,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,thu,428,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,married,unknown,no,no,no,cellular,nov,thu,366,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,services,married,high.school,no,no,no,cellular,nov,thu,81,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,technician,married,professional.course,no,yes,no,cellular,nov,thu,322,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,management,single,university.degree,no,no,no,cellular,nov,thu,46,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,management,single,university.degree,no,yes,no,cellular,nov,thu,140,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,technician,married,high.school,no,no,no,cellular,nov,thu,732,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +29,housemaid,married,high.school,no,yes,no,cellular,nov,thu,408,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,self-employed,divorced,basic.9y,unknown,unknown,unknown,cellular,nov,thu,125,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,no,no,cellular,nov,thu,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,blue-collar,married,basic.9y,unknown,yes,no,telephone,nov,thu,76,9,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,management,married,university.degree,no,no,no,cellular,nov,thu,110,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,415,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,no,no,cellular,nov,thu,166,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,self-employed,divorced,basic.9y,unknown,no,no,cellular,nov,thu,486,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,married,university.degree,no,yes,no,cellular,nov,thu,245,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,thu,228,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,unemployed,married,basic.9y,no,yes,no,cellular,nov,thu,114,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,thu,463,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,high.school,no,no,yes,telephone,nov,thu,329,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,admin.,married,university.degree,no,no,no,cellular,nov,thu,364,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,199,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,married,university.degree,no,yes,no,telephone,nov,thu,145,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,110,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,single,university.degree,no,no,yes,cellular,nov,thu,52,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,divorced,high.school,no,yes,no,cellular,nov,thu,34,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,admin.,married,university.degree,no,no,yes,cellular,nov,thu,232,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,services,single,high.school,unknown,yes,no,cellular,nov,thu,530,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,505,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,yes,no,cellular,nov,thu,140,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,management,married,university.degree,no,yes,yes,cellular,nov,thu,884,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,entrepreneur,married,university.degree,unknown,no,no,cellular,nov,thu,301,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,technician,divorced,high.school,no,yes,yes,cellular,nov,thu,319,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,blue-collar,single,high.school,no,no,no,cellular,nov,thu,71,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,no,no,cellular,nov,thu,157,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,technician,divorced,high.school,no,no,no,cellular,nov,thu,405,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,technician,single,university.degree,no,yes,no,cellular,nov,thu,93,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,single,university.degree,no,yes,no,telephone,nov,thu,42,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,blue-collar,single,basic.6y,unknown,yes,no,cellular,nov,thu,39,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,married,high.school,no,yes,no,cellular,nov,thu,231,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,single,university.degree,no,yes,no,telephone,nov,thu,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,yes,no,telephone,nov,thu,30,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,management,single,university.degree,no,yes,no,cellular,nov,thu,90,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,technician,divorced,high.school,no,no,no,cellular,nov,thu,531,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +30,admin.,single,basic.9y,no,no,no,cellular,nov,thu,106,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,entrepreneur,married,basic.9y,no,no,no,cellular,nov,thu,166,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,married,high.school,no,yes,no,cellular,nov,thu,114,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,married,university.degree,no,no,no,cellular,nov,thu,85,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,divorced,university.degree,no,yes,no,telephone,nov,thu,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,married,university.degree,no,no,yes,cellular,nov,thu,180,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,blue-collar,married,basic.4y,unknown,yes,no,cellular,nov,thu,628,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +43,management,married,university.degree,no,no,no,cellular,nov,thu,1192,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +31,admin.,single,university.degree,no,no,no,cellular,nov,thu,101,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,married,professional.course,no,yes,no,cellular,nov,thu,370,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,entrepreneur,married,university.degree,unknown,yes,no,cellular,nov,thu,76,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,nov,thu,103,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,entrepreneur,married,basic.4y,unknown,yes,no,cellular,nov,thu,217,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,entrepreneur,married,high.school,no,yes,no,cellular,nov,thu,566,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +33,services,married,high.school,no,yes,yes,cellular,nov,thu,422,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,high.school,no,yes,no,cellular,nov,thu,23,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,single,university.degree,no,yes,no,cellular,nov,thu,120,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,yes,no,cellular,nov,thu,45,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,technician,married,university.degree,no,unknown,unknown,cellular,nov,thu,48,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,admin.,married,university.degree,no,yes,no,cellular,nov,thu,20,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,unemployed,divorced,high.school,no,unknown,unknown,cellular,nov,thu,147,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,housemaid,married,high.school,no,no,no,cellular,nov,thu,99,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,yes,no,cellular,nov,thu,173,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,single,university.degree,no,yes,no,telephone,nov,thu,47,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,entrepreneur,single,university.degree,no,no,yes,cellular,nov,thu,67,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,blue-collar,married,professional.course,unknown,no,no,cellular,nov,thu,283,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +32,entrepreneur,single,university.degree,no,no,yes,cellular,nov,thu,126,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,unemployed,married,basic.6y,no,yes,no,cellular,nov,thu,46,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,nov,thu,163,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,unemployed,married,university.degree,no,yes,no,cellular,nov,thu,1058,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,single,university.degree,no,no,no,cellular,nov,thu,485,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,single,university.degree,no,no,no,cellular,nov,thu,454,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +44,management,married,university.degree,no,yes,no,cellular,nov,thu,176,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,thu,103,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,management,married,university.degree,no,no,no,cellular,nov,thu,277,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,entrepreneur,single,university.degree,no,yes,yes,cellular,nov,thu,74,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,single,university.degree,no,yes,no,cellular,nov,thu,137,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,88,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,entrepreneur,married,basic.9y,no,no,no,cellular,nov,thu,158,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,retired,married,professional.course,no,no,no,cellular,nov,thu,234,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,management,married,unknown,no,yes,no,cellular,nov,thu,121,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,university.degree,no,yes,no,cellular,nov,thu,258,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,married,high.school,no,no,no,cellular,nov,thu,523,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,unemployed,married,high.school,no,yes,no,cellular,nov,thu,640,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,married,high.school,no,yes,no,telephone,nov,thu,60,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,thu,1816,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,management,married,university.degree,no,no,no,cellular,nov,thu,203,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,high.school,unknown,yes,no,cellular,nov,thu,73,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,unemployed,married,high.school,no,yes,no,cellular,nov,thu,728,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +30,admin.,married,university.degree,unknown,yes,no,cellular,nov,thu,157,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,high.school,unknown,yes,no,cellular,nov,thu,175,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,blue-collar,divorced,basic.4y,no,yes,no,cellular,nov,thu,63,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,management,married,professional.course,no,no,no,cellular,nov,thu,993,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +31,technician,single,professional.course,no,yes,no,cellular,nov,thu,155,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,management,married,university.degree,no,no,no,cellular,nov,thu,146,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,single,high.school,no,no,no,cellular,nov,thu,91,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,professional.course,no,no,no,cellular,nov,thu,112,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,admin.,married,university.degree,no,yes,no,cellular,nov,thu,333,2,3,1,success,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,professional.course,no,yes,no,cellular,nov,thu,124,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,professional.course,no,yes,no,telephone,nov,thu,172,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,thu,34,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,unemployed,married,professional.course,no,yes,no,cellular,nov,thu,318,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,married,professional.course,no,yes,no,cellular,nov,thu,1040,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,university.degree,no,no,no,cellular,nov,thu,103,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,management,single,professional.course,no,yes,no,cellular,nov,thu,8,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,married,professional.course,no,yes,no,cellular,nov,thu,88,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,blue-collar,married,high.school,no,yes,no,cellular,nov,thu,25,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,retired,married,high.school,no,no,yes,cellular,nov,thu,26,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,management,single,university.degree,no,no,no,cellular,nov,thu,549,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +29,blue-collar,married,high.school,no,yes,no,cellular,nov,thu,168,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,management,married,university.degree,no,yes,no,cellular,nov,thu,67,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,unemployed,married,university.degree,no,yes,no,cellular,nov,thu,60,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,married,high.school,no,yes,no,cellular,nov,thu,167,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,self-employed,divorced,university.degree,no,no,no,cellular,nov,thu,59,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,unemployed,single,high.school,no,yes,no,cellular,nov,thu,73,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +57,technician,married,professional.course,no,yes,no,cellular,nov,thu,302,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,management,single,high.school,no,yes,no,cellular,nov,thu,541,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,technician,married,university.degree,no,yes,no,cellular,nov,thu,92,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,admin.,married,basic.9y,no,yes,no,cellular,nov,thu,85,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,services,single,high.school,no,yes,no,cellular,nov,thu,128,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,no,no,cellular,nov,thu,278,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,management,married,university.degree,no,no,no,cellular,nov,thu,316,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,admin.,married,university.degree,no,no,no,cellular,nov,thu,278,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,thu,478,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +52,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,202,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,thu,171,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,self-employed,divorced,university.degree,no,no,no,telephone,nov,thu,352,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,married,basic.9y,no,yes,no,cellular,nov,thu,755,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +38,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,thu,252,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,thu,114,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,entrepreneur,single,university.degree,no,no,no,cellular,nov,thu,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,technician,married,basic.6y,no,yes,no,cellular,nov,thu,223,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,technician,single,university.degree,no,no,yes,cellular,nov,thu,57,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,technician,married,university.degree,no,yes,no,cellular,nov,thu,91,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,single,university.degree,no,unknown,unknown,cellular,nov,thu,26,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,management,married,high.school,no,no,no,cellular,nov,thu,59,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,married,high.school,no,yes,no,cellular,nov,thu,90,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,entrepreneur,single,university.degree,no,yes,no,cellular,nov,thu,228,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,single,basic.4y,no,no,no,cellular,nov,thu,148,6,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +57,entrepreneur,married,high.school,no,no,no,cellular,nov,thu,199,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,married,university.degree,no,no,no,cellular,nov,thu,1031,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,admin.,married,university.degree,no,yes,no,cellular,nov,thu,147,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,technician,married,university.degree,no,yes,no,cellular,nov,thu,82,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,admin.,divorced,university.degree,no,no,no,cellular,nov,thu,60,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,technician,married,university.degree,no,no,no,cellular,nov,thu,204,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,married,professional.course,unknown,no,no,cellular,nov,thu,230,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,self-employed,divorced,university.degree,no,unknown,unknown,cellular,nov,thu,173,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,admin.,married,high.school,no,unknown,unknown,cellular,nov,thu,309,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,management,married,high.school,unknown,yes,no,cellular,nov,thu,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,500,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,thu,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,married,university.degree,no,no,no,cellular,nov,thu,18,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,technician,married,university.degree,no,no,no,cellular,nov,thu,174,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,entrepreneur,single,high.school,no,no,no,cellular,nov,thu,189,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,admin.,single,university.degree,no,yes,no,cellular,nov,thu,222,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,management,divorced,high.school,unknown,no,no,cellular,nov,thu,520,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,entrepreneur,single,high.school,no,no,no,cellular,nov,thu,290,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,thu,220,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,admin.,single,university.degree,no,yes,no,cellular,nov,thu,22,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,technician,married,professional.course,no,no,no,telephone,nov,thu,35,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,thu,157,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,no,no,cellular,nov,thu,365,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,married,professional.course,no,yes,no,telephone,nov,thu,106,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,no,no,cellular,nov,thu,244,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,technician,divorced,high.school,no,no,no,cellular,nov,thu,290,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,management,single,high.school,no,yes,no,cellular,nov,thu,48,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,management,married,university.degree,no,yes,no,cellular,nov,thu,302,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,university.degree,no,no,no,cellular,nov,thu,151,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,single,university.degree,no,yes,no,cellular,nov,thu,88,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,admin.,single,university.degree,no,yes,no,cellular,nov,thu,95,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,994,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +43,technician,married,university.degree,no,no,yes,cellular,nov,thu,113,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,management,married,high.school,unknown,yes,no,cellular,nov,thu,371,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,married,professional.course,no,no,no,cellular,nov,thu,70,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,management,married,unknown,no,yes,no,cellular,nov,thu,1503,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +58,technician,divorced,basic.9y,no,no,no,cellular,nov,thu,178,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,technician,married,professional.course,no,no,no,cellular,nov,thu,96,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,admin.,married,high.school,no,yes,no,cellular,nov,thu,308,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,no,no,telephone,nov,thu,29,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,entrepreneur,divorced,high.school,no,yes,no,cellular,nov,thu,88,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,self-employed,married,professional.course,no,yes,no,cellular,nov,thu,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,professional.course,no,yes,yes,cellular,nov,thu,94,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,basic.9y,no,no,no,telephone,nov,thu,26,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,single,professional.course,no,yes,no,cellular,nov,thu,78,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,single,university.degree,no,yes,yes,cellular,nov,thu,186,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,technician,married,professional.course,no,no,no,cellular,nov,thu,321,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,basic.9y,no,yes,no,cellular,nov,thu,220,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,yes,no,cellular,nov,thu,77,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,technician,married,professional.course,no,no,no,cellular,nov,thu,81,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,unemployed,divorced,high.school,no,no,no,cellular,nov,thu,19,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,university.degree,no,yes,no,cellular,nov,thu,83,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,university.degree,no,no,no,cellular,nov,thu,40,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,services,married,high.school,no,yes,no,cellular,nov,thu,640,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,thu,871,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +35,student,married,basic.9y,no,yes,no,cellular,nov,thu,371,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,self-employed,single,university.degree,no,yes,no,cellular,nov,thu,151,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,self-employed,single,university.degree,no,yes,no,cellular,nov,thu,88,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,entrepreneur,married,university.degree,no,no,no,cellular,nov,thu,73,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,technician,married,professional.course,no,yes,no,cellular,nov,thu,329,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +48,admin.,married,university.degree,no,yes,no,cellular,nov,thu,111,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,no,no,cellular,nov,thu,757,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,married,high.school,no,no,no,cellular,nov,thu,62,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,married,high.school,no,no,no,cellular,nov,thu,149,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,164,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,housemaid,divorced,high.school,no,yes,no,cellular,nov,thu,67,6,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,married,high.school,no,yes,yes,cellular,nov,thu,232,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,self-employed,single,university.degree,no,no,no,cellular,nov,thu,385,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,admin.,married,university.degree,no,no,no,cellular,nov,thu,301,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,entrepreneur,married,university.degree,no,yes,no,cellular,nov,thu,69,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,technician,married,university.degree,no,no,no,cellular,nov,thu,183,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +59,retired,married,professional.course,no,no,no,cellular,nov,thu,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +59,retired,married,professional.course,no,no,no,cellular,nov,thu,117,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,married,university.degree,no,yes,yes,cellular,nov,thu,49,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,self-employed,married,professional.course,no,no,no,cellular,nov,thu,24,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,technician,married,university.degree,no,no,no,cellular,nov,thu,162,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,no,no,cellular,nov,thu,1256,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,no,no,cellular,nov,thu,244,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,university.degree,no,yes,no,cellular,nov,thu,82,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,self-employed,married,university.degree,no,no,no,telephone,nov,thu,39,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,entrepreneur,married,unknown,unknown,yes,no,cellular,nov,thu,23,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,management,married,university.degree,no,no,no,cellular,nov,thu,133,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,entrepreneur,married,professional.course,no,yes,no,cellular,nov,thu,45,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,entrepreneur,single,university.degree,no,no,no,cellular,nov,thu,139,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,no,yes,cellular,nov,thu,116,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,services,divorced,high.school,no,no,no,cellular,nov,thu,410,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,entrepreneur,single,university.degree,no,yes,no,cellular,nov,thu,45,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,entrepreneur,married,university.degree,no,no,no,telephone,nov,thu,125,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,services,married,basic.4y,no,yes,no,cellular,nov,thu,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,single,basic.9y,unknown,unknown,unknown,cellular,nov,thu,93,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,blue-collar,single,basic.4y,no,yes,yes,cellular,nov,thu,145,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,thu,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,technician,married,professional.course,no,yes,no,cellular,nov,thu,180,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,single,basic.4y,no,yes,no,cellular,nov,thu,775,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,management,single,university.degree,no,yes,no,telephone,nov,thu,207,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,management,married,university.degree,no,no,no,cellular,nov,thu,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,management,married,university.degree,no,yes,yes,cellular,nov,thu,283,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,self-employed,unknown,university.degree,no,no,no,cellular,nov,thu,221,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,107,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,entrepreneur,single,university.degree,no,yes,no,cellular,nov,thu,531,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +36,admin.,married,high.school,no,no,no,cellular,nov,thu,59,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,no,no,cellular,nov,thu,85,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,blue-collar,divorced,basic.4y,no,no,no,cellular,nov,thu,200,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,thu,543,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +31,admin.,single,university.degree,no,yes,yes,telephone,nov,thu,90,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,management,married,high.school,no,no,no,cellular,nov,thu,227,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,admin.,single,high.school,no,yes,no,telephone,nov,thu,119,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,services,divorced,high.school,no,no,no,cellular,nov,thu,71,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,management,single,university.degree,no,yes,yes,cellular,nov,thu,292,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,single,university.degree,no,no,no,cellular,nov,thu,69,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,blue-collar,single,basic.9y,no,no,no,cellular,nov,thu,120,4,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,married,university.degree,no,yes,no,cellular,nov,thu,857,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +50,admin.,divorced,university.degree,no,no,no,cellular,nov,thu,160,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,340,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,352,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,yes,no,cellular,nov,thu,475,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,married,basic.6y,no,no,no,cellular,nov,thu,322,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,unemployed,single,university.degree,no,no,no,cellular,nov,thu,153,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,retired,divorced,basic.9y,no,no,no,cellular,nov,thu,178,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,management,married,university.degree,no,no,no,cellular,nov,thu,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,blue-collar,married,basic.9y,no,no,no,telephone,nov,thu,281,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,high.school,no,yes,no,cellular,nov,thu,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,no,no,telephone,nov,thu,96,8,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,entrepreneur,married,university.degree,no,no,no,cellular,nov,thu,62,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,admin.,married,university.degree,no,no,no,cellular,nov,thu,240,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,married,high.school,unknown,yes,yes,cellular,nov,thu,129,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,admin.,single,professional.course,no,yes,no,cellular,nov,thu,931,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +30,management,single,university.degree,no,no,no,cellular,nov,thu,197,5,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,entrepreneur,married,high.school,unknown,no,yes,cellular,nov,thu,274,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,entrepreneur,married,high.school,no,no,no,cellular,nov,thu,150,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,services,married,unknown,no,yes,yes,cellular,nov,thu,597,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,blue-collar,married,basic.9y,no,no,yes,cellular,nov,thu,200,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,technician,married,university.degree,no,yes,yes,cellular,nov,thu,42,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,self-employed,single,university.degree,no,no,no,cellular,nov,thu,88,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,entrepreneur,married,high.school,no,yes,no,cellular,nov,thu,356,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,nov,thu,150,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,593,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +58,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,thu,308,1,6,1,success,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,services,married,university.degree,no,yes,no,cellular,nov,thu,283,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,unemployed,unknown,basic.9y,no,yes,yes,cellular,nov,thu,139,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,unemployed,single,university.degree,no,yes,yes,cellular,nov,thu,69,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,blue-collar,married,basic.6y,unknown,yes,no,cellular,nov,thu,142,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,technician,divorced,university.degree,no,yes,no,telephone,nov,thu,30,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,single,basic.9y,unknown,yes,no,cellular,nov,thu,71,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,married,high.school,no,yes,no,cellular,nov,thu,59,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,management,divorced,university.degree,no,yes,no,cellular,nov,thu,487,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,divorced,high.school,no,no,no,cellular,nov,thu,418,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,single,university.degree,no,yes,no,cellular,nov,thu,287,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,married,professional.course,no,no,no,cellular,nov,thu,147,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,services,married,high.school,no,yes,no,cellular,nov,thu,282,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,admin.,married,university.degree,no,yes,no,cellular,nov,thu,70,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,entrepreneur,divorced,basic.9y,no,no,no,cellular,nov,thu,187,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,services,married,high.school,unknown,yes,no,cellular,nov,thu,83,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,blue-collar,married,basic.4y,unknown,no,no,cellular,nov,thu,22,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,admin.,married,university.degree,no,yes,no,cellular,nov,thu,554,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,no,no,cellular,nov,thu,282,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,unemployed,married,basic.9y,no,yes,no,cellular,nov,thu,454,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,thu,95,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,services,married,basic.6y,no,no,no,cellular,nov,thu,324,7,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,management,married,university.degree,no,yes,no,cellular,nov,thu,120,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,management,divorced,university.degree,no,yes,no,cellular,nov,thu,256,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,admin.,married,university.degree,no,yes,no,cellular,nov,thu,197,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,technician,divorced,professional.course,no,yes,no,cellular,nov,thu,104,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,retired,divorced,high.school,no,yes,no,cellular,nov,thu,691,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +40,blue-collar,married,basic.4y,no,yes,no,cellular,nov,thu,377,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,housemaid,single,basic.9y,no,no,no,cellular,nov,thu,128,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,entrepreneur,married,professional.course,no,yes,no,cellular,nov,thu,124,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,blue-collar,single,basic.4y,unknown,yes,no,cellular,nov,thu,269,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,admin.,single,university.degree,no,yes,yes,cellular,nov,thu,90,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,services,divorced,high.school,no,no,no,cellular,nov,thu,329,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,entrepreneur,married,university.degree,no,yes,yes,cellular,nov,thu,141,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,admin.,married,high.school,no,yes,no,cellular,nov,thu,50,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,technician,married,professional.course,no,yes,no,cellular,nov,thu,161,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,single,university.degree,no,yes,yes,cellular,nov,thu,224,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,retired,married,university.degree,no,yes,no,telephone,nov,thu,188,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,thu,395,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,divorced,university.degree,no,yes,yes,cellular,nov,thu,1258,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +30,blue-collar,single,basic.9y,no,yes,no,cellular,nov,thu,145,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,thu,677,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +37,management,married,university.degree,no,yes,no,cellular,nov,thu,252,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,blue-collar,married,professional.course,no,yes,no,cellular,nov,thu,475,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,single,high.school,no,no,no,cellular,nov,thu,363,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,high.school,no,yes,no,cellular,nov,thu,172,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,self-employed,married,university.degree,unknown,yes,yes,cellular,nov,thu,1490,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +41,services,single,high.school,unknown,yes,no,cellular,nov,thu,125,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,self-employed,married,high.school,no,yes,no,cellular,nov,thu,305,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,self-employed,divorced,university.degree,no,yes,no,cellular,nov,thu,743,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,62,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,nov,thu,81,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,technician,divorced,professional.course,no,yes,no,cellular,nov,thu,89,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,self-employed,single,professional.course,no,no,yes,cellular,nov,thu,139,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,yes,no,cellular,nov,thu,452,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,technician,married,high.school,no,yes,no,telephone,nov,thu,75,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,management,married,university.degree,no,yes,no,cellular,nov,thu,661,4,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,unemployed,married,high.school,no,yes,no,cellular,nov,thu,562,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +30,services,married,high.school,no,yes,no,cellular,nov,thu,174,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,married,high.school,no,yes,no,cellular,nov,thu,278,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,management,married,high.school,no,no,no,cellular,nov,thu,184,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,self-employed,divorced,professional.course,no,yes,no,cellular,nov,thu,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,single,high.school,no,no,no,cellular,nov,thu,184,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,technician,married,professional.course,no,yes,no,cellular,nov,thu,123,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,thu,124,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +57,admin.,divorced,university.degree,no,yes,yes,cellular,nov,thu,1154,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +31,blue-collar,single,high.school,no,yes,no,cellular,nov,thu,359,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,university.degree,no,yes,yes,cellular,nov,thu,60,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,nov,thu,249,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,admin.,married,basic.9y,no,no,no,cellular,nov,thu,164,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,admin.,divorced,high.school,no,no,yes,cellular,nov,thu,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,self-employed,married,basic.9y,no,yes,yes,cellular,nov,thu,244,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,unemployed,single,professional.course,no,yes,no,cellular,nov,thu,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,technician,divorced,professional.course,no,yes,yes,cellular,nov,thu,705,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +31,admin.,married,university.degree,no,no,no,cellular,nov,thu,96,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,high.school,unknown,no,yes,cellular,nov,thu,178,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,unemployed,single,professional.course,no,no,no,cellular,nov,thu,250,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,no,no,cellular,nov,thu,211,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,married,basic.6y,no,yes,yes,cellular,nov,thu,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,retired,married,basic.9y,no,yes,no,cellular,nov,thu,259,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,housemaid,married,basic.9y,no,yes,no,cellular,nov,thu,339,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,married,basic.6y,no,yes,yes,cellular,nov,thu,195,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,168,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,entrepreneur,married,university.degree,no,yes,yes,cellular,nov,thu,96,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,admin.,single,high.school,no,yes,no,cellular,nov,thu,1035,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +29,admin.,single,university.degree,no,yes,yes,cellular,nov,thu,736,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +34,technician,married,professional.course,no,no,no,cellular,nov,thu,144,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,married,basic.6y,no,yes,no,telephone,nov,thu,51,8,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,single,basic.4y,no,yes,no,cellular,nov,thu,111,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,technician,single,professional.course,unknown,no,no,cellular,nov,thu,308,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,services,married,unknown,no,yes,no,cellular,nov,thu,153,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,single,professional.course,no,no,no,cellular,nov,thu,214,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,thu,188,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,unemployed,married,basic.9y,no,yes,no,cellular,nov,thu,352,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,services,married,high.school,unknown,yes,no,cellular,nov,thu,255,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,unemployed,single,basic.9y,no,yes,no,cellular,nov,thu,118,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,married,university.degree,no,yes,no,cellular,nov,thu,597,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,190,5,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,blue-collar,married,high.school,no,yes,no,cellular,nov,thu,193,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,entrepreneur,married,university.degree,no,no,no,cellular,nov,thu,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,technician,single,professional.course,unknown,yes,yes,cellular,nov,thu,895,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,unemployed,married,university.degree,no,no,no,cellular,nov,thu,125,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,single,basic.4y,no,no,no,cellular,nov,thu,113,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,management,divorced,university.degree,no,yes,no,cellular,nov,thu,10,6,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,technician,divorced,high.school,no,yes,no,cellular,nov,thu,94,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,unemployed,single,university.degree,no,yes,no,cellular,nov,thu,176,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,277,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,blue-collar,married,basic.4y,unknown,no,no,cellular,nov,thu,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,management,married,university.degree,no,yes,no,cellular,nov,thu,888,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +33,blue-collar,married,basic.4y,unknown,yes,yes,cellular,nov,thu,129,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,services,single,high.school,no,no,no,cellular,nov,thu,105,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,single,basic.9y,no,no,no,cellular,nov,thu,197,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,admin.,single,university.degree,no,yes,no,cellular,nov,thu,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,blue-collar,divorced,professional.course,no,yes,no,cellular,nov,thu,75,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,unemployed,married,high.school,no,unknown,unknown,cellular,nov,thu,72,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,married,university.degree,no,no,yes,cellular,nov,thu,382,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,admin.,married,university.degree,no,unknown,unknown,cellular,nov,thu,187,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,management,divorced,high.school,no,no,no,cellular,nov,thu,486,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,student,single,university.degree,no,no,no,cellular,nov,thu,151,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,thu,124,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,housemaid,divorced,basic.4y,no,no,no,cellular,nov,thu,80,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,blue-collar,divorced,professional.course,no,yes,no,cellular,nov,thu,340,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,technician,single,professional.course,unknown,yes,no,cellular,nov,thu,239,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,223,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,divorced,university.degree,no,no,no,cellular,nov,thu,370,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +56,housemaid,divorced,basic.4y,no,yes,no,cellular,nov,thu,212,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,no,no,cellular,nov,thu,151,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,management,single,university.degree,no,no,no,cellular,nov,thu,500,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +41,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,136,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,unemployed,divorced,high.school,unknown,yes,no,cellular,nov,thu,1166,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,retired,married,basic.4y,no,yes,yes,cellular,nov,thu,258,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,self-employed,married,illiterate,no,yes,no,cellular,nov,thu,51,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,admin.,divorced,university.degree,no,no,no,cellular,nov,thu,140,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,admin.,married,high.school,no,yes,no,cellular,nov,thu,790,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,nov,thu,75,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,72,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,604,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,no,no,cellular,nov,thu,154,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,thu,131,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,blue-collar,married,basic.9y,no,yes,no,telephone,nov,thu,733,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,self-employed,married,illiterate,no,yes,no,cellular,nov,thu,488,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +34,unemployed,married,university.degree,no,yes,no,cellular,nov,thu,266,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,management,married,basic.9y,no,yes,no,cellular,nov,thu,130,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,divorced,basic.9y,no,yes,no,telephone,nov,thu,1025,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +33,services,divorced,high.school,no,no,yes,cellular,nov,thu,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,technician,married,unknown,no,yes,no,cellular,nov,thu,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,married,basic.9y,no,no,no,cellular,nov,thu,143,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,single,high.school,no,yes,yes,cellular,nov,thu,559,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,management,divorced,university.degree,no,yes,no,cellular,nov,thu,350,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,single,high.school,no,yes,no,cellular,nov,thu,293,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,blue-collar,married,basic.4y,no,yes,no,cellular,nov,thu,138,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,thu,105,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,thu,195,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,services,single,university.degree,unknown,yes,no,cellular,nov,thu,689,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,housemaid,married,unknown,no,yes,no,cellular,nov,thu,104,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,services,married,basic.6y,no,no,no,cellular,nov,thu,215,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,self-employed,single,university.degree,no,yes,no,cellular,nov,thu,311,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,single,unknown,unknown,no,no,cellular,nov,thu,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,admin.,single,university.degree,no,yes,no,cellular,nov,thu,633,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,married,unknown,no,yes,no,cellular,nov,thu,305,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,admin.,single,university.degree,no,yes,no,cellular,nov,thu,191,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,thu,239,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,admin.,married,high.school,no,yes,no,cellular,nov,thu,125,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,technician,married,professional.course,no,yes,no,cellular,nov,thu,63,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,single,basic.6y,no,no,no,cellular,nov,thu,219,7,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,university.degree,no,no,no,telephone,nov,thu,65,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,single,university.degree,no,no,no,telephone,nov,thu,61,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,blue-collar,married,basic.6y,no,no,no,cellular,nov,thu,123,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,technician,single,university.degree,unknown,yes,yes,cellular,nov,thu,92,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,unemployed,divorced,basic.4y,unknown,no,no,cellular,nov,thu,462,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,high.school,no,yes,no,cellular,nov,thu,141,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,technician,married,professional.course,no,no,no,cellular,nov,thu,51,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,married,basic.9y,unknown,no,no,cellular,nov,thu,425,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,management,married,university.degree,no,yes,no,cellular,nov,thu,149,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,blue-collar,married,professional.course,no,yes,no,telephone,nov,thu,547,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,self-employed,single,high.school,no,yes,yes,cellular,nov,thu,337,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,management,married,unknown,no,yes,no,cellular,nov,thu,165,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,technician,married,professional.course,no,yes,yes,cellular,nov,thu,47,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,services,married,high.school,no,no,no,telephone,nov,thu,35,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,student,divorced,university.degree,no,yes,no,cellular,nov,thu,48,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,230,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,management,married,university.degree,no,yes,yes,cellular,nov,thu,109,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,self-employed,single,professional.course,no,yes,no,cellular,nov,thu,361,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,yes,no,cellular,nov,thu,67,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,blue-collar,married,basic.6y,no,yes,no,telephone,nov,thu,107,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,married,high.school,no,yes,yes,cellular,nov,thu,435,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,no,no,cellular,nov,thu,140,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,blue-collar,single,high.school,no,yes,no,cellular,nov,thu,294,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,management,married,university.degree,no,yes,no,cellular,nov,thu,205,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,high.school,no,no,no,cellular,nov,thu,470,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,no,no,cellular,nov,thu,427,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,blue-collar,single,basic.9y,no,yes,no,cellular,nov,thu,175,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,self-employed,divorced,university.degree,no,no,no,cellular,nov,thu,380,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,divorced,basic.9y,no,yes,yes,cellular,nov,thu,215,6,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,blue-collar,married,basic.9y,no,yes,yes,telephone,nov,thu,98,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,entrepreneur,married,professional.course,no,yes,yes,cellular,nov,thu,267,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,married,university.degree,no,yes,yes,cellular,nov,thu,51,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,single,professional.course,no,yes,no,cellular,nov,thu,207,5,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,unemployed,unknown,high.school,no,yes,no,cellular,nov,thu,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,admin.,single,university.degree,no,yes,no,cellular,nov,thu,20,8,6,1,success,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,high.school,no,no,no,cellular,nov,thu,186,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,blue-collar,divorced,basic.4y,unknown,no,no,cellular,nov,thu,14,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,unemployed,married,high.school,no,yes,no,cellular,nov,thu,120,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,no,no,cellular,nov,thu,319,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,married,high.school,no,no,no,cellular,nov,thu,52,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,technician,divorced,university.degree,no,yes,no,cellular,nov,thu,154,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,admin.,divorced,university.degree,no,no,no,cellular,nov,thu,267,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,self-employed,married,illiterate,no,yes,no,cellular,nov,thu,113,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,management,divorced,university.degree,no,yes,no,cellular,nov,thu,159,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,technician,single,professional.course,unknown,no,no,cellular,nov,thu,128,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,admin.,divorced,university.degree,no,yes,yes,cellular,nov,thu,249,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,entrepreneur,married,professional.course,no,yes,no,cellular,nov,thu,195,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,single,professional.course,no,yes,no,cellular,nov,thu,16,9,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,admin.,divorced,high.school,no,no,no,cellular,nov,thu,330,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,nov,thu,25,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,admin.,single,university.degree,no,yes,yes,cellular,nov,thu,340,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,married,university.degree,no,yes,no,cellular,nov,thu,158,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,unemployed,married,basic.4y,no,no,no,cellular,nov,thu,192,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,768,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +40,blue-collar,single,basic.9y,no,yes,yes,cellular,nov,thu,426,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,entrepreneur,married,university.degree,no,yes,no,cellular,nov,thu,260,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,management,married,unknown,no,no,no,cellular,nov,thu,352,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +57,management,divorced,university.degree,unknown,yes,yes,cellular,nov,thu,114,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,married,basic.9y,no,yes,yes,cellular,nov,thu,539,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,unemployed,divorced,high.school,unknown,yes,no,cellular,nov,thu,187,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,management,married,unknown,no,yes,yes,cellular,nov,thu,758,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +54,housemaid,divorced,university.degree,no,yes,yes,cellular,nov,thu,653,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +31,technician,single,unknown,unknown,yes,no,cellular,nov,thu,276,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,thu,230,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,thu,340,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,blue-collar,married,basic.6y,no,yes,yes,cellular,nov,thu,9,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,admin.,single,high.school,no,yes,yes,cellular,nov,thu,44,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,married,basic.9y,no,yes,yes,cellular,nov,thu,142,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,unknown,yes,no,cellular,nov,thu,55,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,admin.,married,basic.9y,no,no,no,cellular,nov,thu,315,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,basic.9y,no,yes,no,cellular,nov,thu,326,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,thu,240,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,married,basic.9y,no,no,no,cellular,nov,thu,517,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,single,unknown,no,yes,no,cellular,nov,thu,150,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,single,basic.9y,unknown,yes,no,cellular,nov,thu,972,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,yes,no,cellular,nov,thu,73,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,77,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,entrepreneur,married,university.degree,no,no,no,cellular,nov,thu,279,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,unemployed,married,basic.4y,unknown,yes,no,cellular,nov,thu,166,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,self-employed,married,university.degree,no,no,no,cellular,nov,thu,40,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,entrepreneur,single,basic.4y,no,yes,no,cellular,nov,thu,93,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,technician,single,professional.course,no,yes,no,cellular,nov,thu,102,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,married,professional.course,no,yes,no,cellular,nov,thu,144,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,entrepreneur,married,university.degree,no,yes,yes,cellular,nov,thu,265,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,admin.,divorced,high.school,no,yes,no,cellular,nov,thu,115,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +53,self-employed,single,university.degree,no,no,yes,cellular,nov,thu,61,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,entrepreneur,divorced,basic.9y,no,yes,no,cellular,nov,thu,201,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,services,married,basic.4y,no,no,no,cellular,nov,thu,106,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,technician,married,high.school,no,yes,no,telephone,nov,thu,37,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,technician,married,university.degree,no,no,yes,cellular,nov,thu,418,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,entrepreneur,married,university.degree,no,yes,no,cellular,nov,thu,106,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,unemployed,single,university.degree,no,no,no,cellular,nov,thu,187,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,self-employed,married,university.degree,no,yes,no,cellular,nov,thu,101,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,management,married,professional.course,no,yes,no,cellular,nov,thu,619,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,self-employed,single,university.degree,no,yes,no,telephone,nov,thu,93,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,single,professional.course,no,yes,no,cellular,nov,thu,127,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,services,married,basic.6y,no,yes,no,cellular,nov,thu,88,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +44,self-employed,married,basic.9y,no,yes,no,cellular,nov,thu,104,4,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,services,single,university.degree,unknown,yes,no,cellular,nov,thu,43,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,services,married,basic.4y,unknown,no,no,cellular,nov,thu,813,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,unemployed,married,high.school,no,no,no,cellular,nov,thu,808,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,blue-collar,married,professional.course,no,no,no,cellular,nov,thu,600,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,married,professional.course,no,no,no,cellular,nov,thu,627,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,management,married,basic.9y,no,no,no,cellular,nov,thu,329,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,single,university.degree,no,no,yes,cellular,nov,thu,399,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,high.school,no,yes,no,cellular,nov,thu,87,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,single,professional.course,no,yes,no,cellular,nov,thu,911,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,single,professional.course,no,yes,no,cellular,nov,thu,352,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,blue-collar,married,basic.6y,no,yes,no,telephone,nov,thu,20,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,technician,married,professional.course,no,no,no,cellular,nov,thu,108,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,single,university.degree,no,yes,no,cellular,nov,thu,262,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,university.degree,no,no,no,cellular,nov,thu,196,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,university.degree,no,yes,yes,cellular,nov,thu,43,4,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,128,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,blue-collar,single,basic.4y,no,yes,yes,cellular,nov,thu,104,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,services,married,high.school,no,yes,no,cellular,nov,thu,111,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,single,professional.course,no,yes,no,cellular,nov,thu,61,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,services,married,high.school,unknown,no,no,cellular,nov,thu,130,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,divorced,university.degree,no,yes,no,telephone,nov,thu,119,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,entrepreneur,married,professional.course,no,unknown,unknown,cellular,nov,thu,165,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,yes,no,telephone,nov,thu,105,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,married,high.school,no,no,no,cellular,nov,thu,133,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,management,married,university.degree,no,yes,no,cellular,nov,thu,179,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,no,no,cellular,nov,thu,206,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,technician,divorced,professional.course,no,yes,no,cellular,nov,thu,240,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,thu,198,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,entrepreneur,married,university.degree,no,yes,no,cellular,nov,thu,129,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +57,management,married,professional.course,unknown,yes,no,cellular,nov,thu,224,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,technician,single,professional.course,unknown,unknown,unknown,cellular,nov,thu,157,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,married,university.degree,no,yes,no,cellular,nov,thu,182,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,married,university.degree,unknown,yes,no,cellular,nov,thu,386,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,single,university.degree,no,no,no,cellular,nov,thu,642,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,no,no,cellular,nov,thu,434,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,services,single,basic.9y,no,yes,no,cellular,nov,thu,163,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,214,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,technician,married,university.degree,no,no,no,cellular,nov,thu,1145,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,services,single,high.school,no,no,no,cellular,nov,thu,148,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,self-employed,married,professional.course,no,yes,no,cellular,nov,thu,329,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,221,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,management,married,university.degree,no,yes,yes,cellular,nov,thu,339,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,nov,thu,135,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,divorced,high.school,no,yes,no,cellular,nov,thu,41,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,married,professional.course,no,no,no,telephone,nov,thu,159,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,married,university.degree,no,unknown,unknown,cellular,nov,thu,470,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,high.school,no,yes,no,cellular,nov,thu,75,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,married,university.degree,no,yes,no,cellular,nov,thu,155,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,management,divorced,basic.6y,no,yes,no,cellular,nov,thu,147,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,management,divorced,basic.6y,no,yes,no,cellular,nov,thu,167,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,management,divorced,basic.6y,no,no,no,cellular,nov,thu,268,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +22,blue-collar,single,basic.4y,no,yes,no,telephone,nov,thu,16,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,admin.,married,university.degree,no,no,no,cellular,nov,thu,533,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,single,university.degree,no,no,yes,cellular,nov,thu,264,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,single,university.degree,no,no,yes,cellular,nov,thu,303,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,management,married,university.degree,no,yes,no,cellular,nov,thu,91,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,thu,225,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,management,married,university.degree,no,yes,yes,cellular,nov,thu,90,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,services,married,basic.6y,no,yes,no,cellular,nov,thu,283,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,university.degree,no,yes,yes,cellular,nov,thu,208,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,management,single,unknown,no,yes,yes,cellular,nov,thu,207,1,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,high.school,no,no,no,cellular,nov,thu,56,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,management,single,university.degree,no,no,no,cellular,nov,thu,319,1,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,entrepreneur,married,university.degree,no,yes,no,cellular,nov,thu,57,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,thu,150,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +56,services,married,high.school,no,no,no,telephone,nov,thu,871,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +34,technician,single,university.degree,no,yes,no,cellular,nov,thu,354,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,management,single,basic.9y,no,yes,no,cellular,nov,thu,165,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,no,no,cellular,nov,thu,88,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,retired,married,university.degree,no,unknown,unknown,cellular,nov,thu,279,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,single,high.school,no,no,no,cellular,nov,thu,180,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,divorced,professional.course,no,unknown,unknown,cellular,nov,thu,156,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,1532,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +36,admin.,married,unknown,unknown,yes,no,cellular,nov,thu,235,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,management,married,unknown,no,yes,no,cellular,nov,thu,884,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,admin.,single,university.degree,no,yes,no,cellular,nov,thu,218,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,entrepreneur,married,high.school,unknown,yes,no,cellular,nov,thu,611,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,married,university.degree,no,no,no,cellular,nov,thu,248,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,technician,married,professional.course,no,no,no,cellular,nov,thu,75,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,blue-collar,married,basic.4y,unknown,yes,yes,cellular,nov,thu,60,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,no,no,cellular,nov,thu,986,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +57,admin.,divorced,university.degree,no,yes,no,cellular,nov,thu,172,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,thu,315,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +57,admin.,divorced,university.degree,unknown,no,no,cellular,nov,thu,399,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,no,no,cellular,nov,thu,117,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,self-employed,married,basic.9y,no,yes,yes,cellular,nov,thu,151,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,thu,513,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,technician,single,university.degree,no,yes,yes,cellular,nov,thu,281,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,self-employed,married,basic.9y,no,yes,no,cellular,nov,thu,317,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,services,married,high.school,no,yes,no,cellular,nov,thu,116,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +47,admin.,married,high.school,no,no,no,cellular,nov,thu,115,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,unemployed,married,university.degree,no,yes,no,cellular,nov,thu,303,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,thu,97,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,blue-collar,divorced,basic.6y,no,yes,no,cellular,nov,thu,104,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +54,management,married,university.degree,no,yes,no,cellular,nov,thu,68,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,admin.,married,unknown,no,yes,yes,cellular,nov,thu,591,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,blue-collar,married,professional.course,no,yes,yes,cellular,nov,thu,136,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,divorced,high.school,no,yes,no,cellular,nov,thu,251,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,blue-collar,married,unknown,unknown,yes,no,cellular,nov,thu,355,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,yes,no,cellular,nov,thu,231,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,services,married,basic.9y,unknown,yes,no,cellular,nov,thu,251,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,thu,341,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,no,yes,cellular,nov,thu,106,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,married,high.school,no,no,no,cellular,nov,thu,361,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,unemployed,single,university.degree,no,no,no,cellular,nov,thu,212,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,management,divorced,university.degree,no,no,no,cellular,nov,thu,131,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,blue-collar,divorced,basic.4y,no,no,no,cellular,nov,thu,60,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,management,single,university.degree,no,no,yes,cellular,nov,thu,378,8,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,married,high.school,unknown,yes,no,cellular,nov,thu,441,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,high.school,no,yes,yes,cellular,nov,thu,282,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,technician,single,university.degree,no,no,yes,telephone,nov,thu,197,7,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,services,married,professional.course,no,no,yes,cellular,nov,thu,217,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,single,university.degree,no,no,yes,cellular,nov,thu,250,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,technician,married,university.degree,no,no,no,telephone,nov,thu,172,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,thu,210,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,management,single,high.school,no,no,no,cellular,nov,thu,952,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +39,blue-collar,married,basic.6y,no,yes,no,cellular,nov,thu,332,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,services,married,high.school,unknown,no,no,cellular,nov,thu,117,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,technician,married,basic.6y,no,yes,yes,cellular,nov,thu,194,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,married,basic.4y,no,yes,no,cellular,nov,thu,233,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +35,blue-collar,divorced,basic.4y,no,no,no,cellular,nov,thu,197,4,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,admin.,divorced,university.degree,no,no,no,cellular,nov,thu,493,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +30,technician,single,university.degree,no,no,no,cellular,nov,thu,168,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,technician,married,high.school,no,yes,no,cellular,nov,thu,688,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,admin.,single,high.school,no,yes,no,cellular,nov,thu,205,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,blue-collar,married,basic.6y,no,yes,no,telephone,nov,thu,713,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,management,single,university.degree,no,no,no,cellular,nov,thu,2420,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +52,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,176,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,management,divorced,high.school,no,yes,no,telephone,nov,thu,215,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,yes,yes,cellular,nov,thu,90,4,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,married,basic.4y,unknown,yes,no,cellular,nov,thu,292,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,single,high.school,no,no,no,cellular,nov,thu,232,2,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +49,management,divorced,basic.6y,no,no,no,telephone,nov,thu,88,6,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,admin.,divorced,university.degree,no,unknown,unknown,cellular,nov,thu,257,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,admin.,married,high.school,no,no,no,cellular,nov,thu,1598,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +35,admin.,single,university.degree,no,no,no,cellular,nov,thu,295,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +31,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,693,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +55,admin.,married,basic.9y,no,yes,yes,cellular,nov,thu,430,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,unemployed,married,basic.9y,no,no,no,telephone,nov,thu,134,9,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +54,entrepreneur,divorced,university.degree,no,yes,yes,telephone,nov,thu,761,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,admin.,divorced,university.degree,no,no,no,telephone,nov,thu,233,4,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +52,admin.,married,university.degree,no,yes,no,cellular,nov,thu,134,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,services,married,basic.6y,no,no,no,cellular,nov,thu,290,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +59,blue-collar,married,basic.9y,no,yes,no,cellular,nov,thu,370,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,services,single,professional.course,no,yes,no,cellular,nov,thu,766,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,admin.,divorced,university.degree,no,no,no,cellular,nov,thu,279,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,admin.,married,university.degree,no,no,no,cellular,nov,thu,298,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +29,self-employed,married,university.degree,no,no,no,cellular,nov,thu,157,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,blue-collar,single,basic.9y,no,no,no,cellular,nov,thu,324,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +48,entrepreneur,divorced,university.degree,no,yes,no,cellular,nov,thu,537,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,single,university.degree,no,yes,no,cellular,nov,thu,182,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,management,single,university.degree,no,no,no,telephone,nov,thu,96,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,services,married,basic.9y,unknown,yes,no,cellular,nov,thu,90,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,technician,single,university.degree,no,no,no,cellular,nov,thu,59,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,blue-collar,single,basic.4y,no,yes,no,cellular,nov,thu,222,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +58,admin.,divorced,university.degree,no,no,no,cellular,nov,thu,178,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +41,services,single,basic.9y,no,no,no,cellular,nov,thu,146,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,thu,769,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,unemployed,married,unknown,no,yes,no,cellular,nov,thu,216,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +43,unemployed,single,unknown,no,yes,no,cellular,nov,thu,87,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,management,married,university.degree,no,no,no,cellular,nov,thu,192,2,6,1,success,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +40,entrepreneur,unknown,high.school,no,yes,yes,cellular,nov,thu,825,6,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,services,married,high.school,no,yes,no,telephone,nov,thu,156,7,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +50,unemployed,unknown,basic.9y,no,no,no,telephone,nov,thu,278,6,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,technician,married,high.school,no,yes,yes,cellular,nov,thu,1329,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +37,unemployed,single,university.degree,no,yes,no,telephone,nov,thu,76,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +51,self-employed,married,university.degree,no,yes,yes,cellular,nov,thu,310,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,admin.,divorced,university.degree,no,no,yes,cellular,nov,thu,56,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,single,high.school,no,yes,no,cellular,nov,thu,1059,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +36,admin.,single,high.school,no,no,no,cellular,nov,thu,40,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,technician,divorced,university.degree,no,yes,no,cellular,nov,thu,104,4,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,married,basic.6y,no,no,no,cellular,nov,thu,843,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +46,blue-collar,single,basic.4y,no,no,no,cellular,nov,thu,185,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,admin.,single,high.school,no,yes,yes,cellular,nov,thu,1476,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,services,married,basic.9y,no,no,no,cellular,nov,thu,476,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,married,university.degree,no,no,no,cellular,nov,thu,139,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,services,married,high.school,no,no,no,cellular,nov,thu,283,5,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +32,admin.,married,university.degree,no,no,no,cellular,nov,thu,165,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +38,blue-collar,married,basic.9y,no,no,no,cellular,nov,thu,738,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +45,blue-collar,married,basic.6y,no,yes,no,cellular,nov,thu,265,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,admin.,married,university.degree,no,yes,no,telephone,nov,thu,442,4,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +42,management,married,high.school,no,yes,yes,cellular,nov,thu,164,3,999,1,failure,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +36,services,single,high.school,no,yes,no,cellular,nov,thu,422,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +34,self-employed,single,basic.9y,no,no,no,cellular,nov,thu,91,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +33,admin.,married,university.degree,no,no,no,cellular,nov,thu,489,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +39,blue-collar,married,basic.6y,no,yes,no,cellular,nov,thu,391,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +31,entrepreneur,single,university.degree,no,no,no,cellular,nov,thu,1855,3,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,no +30,blue-collar,married,high.school,no,yes,yes,cellular,nov,thu,2453,2,999,0,nonexistent,-0.1,93.2,-42.0,4.0760000000000005,5195.8,yes +42,technician,married,professional.course,no,no,no,cellular,nov,fri,21,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,management,married,university.degree,no,no,no,cellular,nov,fri,83,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,single,high.school,no,yes,no,cellular,nov,fri,86,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +42,technician,single,professional.course,no,yes,no,cellular,nov,fri,91,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,services,married,high.school,unknown,yes,no,cellular,nov,fri,254,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,admin.,divorced,university.degree,no,no,no,cellular,nov,fri,149,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,blue-collar,single,professional.course,no,no,no,cellular,nov,fri,249,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,technician,married,university.degree,no,no,no,cellular,nov,fri,10,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,married,university.degree,no,yes,no,cellular,nov,fri,358,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,management,married,basic.6y,no,yes,yes,cellular,nov,fri,81,6,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,divorced,university.degree,unknown,yes,no,cellular,nov,fri,6,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,retired,divorced,university.degree,no,no,yes,cellular,nov,fri,138,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,nov,fri,275,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,fri,312,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +45,admin.,divorced,university.degree,no,yes,yes,cellular,nov,fri,69,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,fri,37,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +56,technician,married,professional.course,unknown,yes,no,cellular,nov,fri,266,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,retired,divorced,professional.course,no,no,no,cellular,nov,fri,159,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,admin.,single,high.school,no,yes,yes,cellular,nov,fri,116,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,management,divorced,university.degree,no,yes,no,cellular,nov,fri,21,11,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,admin.,married,university.degree,no,yes,no,cellular,nov,fri,358,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,unemployed,single,basic.4y,no,yes,no,telephone,nov,fri,144,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,married,university.degree,no,yes,no,telephone,nov,fri,41,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,technician,single,university.degree,no,no,no,cellular,nov,fri,124,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +43,services,single,high.school,unknown,no,no,cellular,nov,fri,298,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +36,technician,single,unknown,no,no,no,cellular,nov,fri,86,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,admin.,divorced,basic.9y,no,no,no,cellular,nov,fri,271,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,blue-collar,single,basic.9y,unknown,yes,no,cellular,nov,fri,299,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,single,university.degree,no,yes,no,cellular,nov,fri,152,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,technician,married,university.degree,no,yes,no,cellular,nov,fri,322,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,technician,single,university.degree,no,no,no,telephone,nov,fri,336,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,admin.,married,high.school,no,yes,no,cellular,nov,fri,441,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,married,university.degree,no,yes,no,cellular,nov,fri,149,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,married,university.degree,no,unknown,unknown,cellular,nov,fri,675,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,management,married,university.degree,no,yes,no,cellular,nov,fri,118,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,single,university.degree,no,no,no,cellular,nov,fri,85,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +49,management,married,university.degree,no,no,no,cellular,nov,fri,65,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,admin.,divorced,professional.course,no,yes,no,cellular,nov,fri,239,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +54,admin.,married,high.school,no,yes,no,cellular,nov,fri,267,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,225,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,54,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,blue-collar,married,university.degree,unknown,no,no,cellular,nov,fri,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,services,married,high.school,unknown,no,no,cellular,nov,fri,66,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,management,married,university.degree,no,yes,no,cellular,nov,fri,108,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,blue-collar,divorced,professional.course,no,yes,yes,cellular,nov,fri,49,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,1221,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,admin.,divorced,basic.9y,no,no,no,cellular,nov,fri,71,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,self-employed,married,university.degree,no,yes,yes,cellular,nov,fri,729,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +57,management,married,university.degree,no,no,no,cellular,nov,fri,289,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,retired,married,professional.course,no,no,no,cellular,nov,fri,127,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +49,management,married,university.degree,no,yes,no,cellular,nov,fri,846,1,3,1,success,-0.1,93.2,-42.0,4.021,5195.8,no +37,admin.,married,university.degree,no,yes,yes,cellular,nov,fri,215,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,housemaid,married,basic.4y,no,yes,yes,cellular,nov,fri,75,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +36,admin.,married,university.degree,no,yes,no,cellular,nov,fri,248,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,management,married,university.degree,no,no,yes,cellular,nov,fri,591,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,yes +43,admin.,single,university.degree,no,yes,no,cellular,nov,fri,163,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,single,high.school,no,yes,no,cellular,nov,fri,337,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,technician,divorced,basic.9y,no,no,no,cellular,nov,fri,179,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,yes,yes,cellular,nov,fri,111,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,yes,no,cellular,nov,fri,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,admin.,divorced,university.degree,unknown,no,no,cellular,nov,fri,558,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +36,admin.,married,university.degree,no,no,no,cellular,nov,fri,569,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,university.degree,no,yes,no,cellular,nov,fri,153,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +51,self-employed,married,university.degree,unknown,no,no,cellular,nov,fri,46,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,divorced,high.school,no,no,no,cellular,nov,fri,208,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,divorced,university.degree,unknown,no,no,cellular,nov,fri,22,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +32,student,single,professional.course,no,yes,yes,cellular,nov,fri,261,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,retired,married,professional.course,unknown,no,no,cellular,nov,fri,120,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,married,university.degree,no,unknown,unknown,cellular,nov,fri,253,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,services,single,high.school,no,yes,no,cellular,nov,fri,43,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,admin.,divorced,high.school,no,yes,no,cellular,nov,fri,321,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,management,single,university.degree,unknown,yes,yes,cellular,nov,fri,46,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,services,single,high.school,no,yes,no,cellular,nov,fri,104,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +37,services,married,high.school,no,yes,no,cellular,nov,fri,63,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,technician,married,university.degree,no,yes,no,telephone,nov,fri,81,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,423,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +55,technician,married,professional.course,no,no,no,cellular,nov,fri,113,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +56,technician,married,professional.course,no,yes,no,cellular,nov,fri,71,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,technician,married,professional.course,no,no,no,cellular,nov,fri,348,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,services,single,high.school,unknown,no,no,cellular,nov,fri,62,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,blue-collar,married,basic.6y,no,no,no,cellular,nov,fri,588,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +53,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,528,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +34,admin.,married,university.degree,no,no,no,cellular,nov,fri,467,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +29,technician,single,professional.course,no,no,no,cellular,nov,fri,530,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,yes +45,technician,married,professional.course,no,yes,no,cellular,nov,fri,76,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,services,single,high.school,no,no,no,cellular,nov,fri,648,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +36,technician,single,unknown,no,no,no,cellular,nov,fri,158,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,self-employed,married,basic.9y,unknown,yes,no,cellular,nov,fri,258,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +37,admin.,married,professional.course,no,no,no,cellular,nov,fri,73,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +45,admin.,divorced,high.school,no,no,yes,cellular,nov,fri,567,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,services,single,university.degree,no,yes,no,cellular,nov,fri,13,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,management,married,university.degree,no,yes,no,cellular,nov,fri,470,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,entrepreneur,married,basic.6y,no,yes,no,telephone,nov,fri,228,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,management,married,university.degree,no,yes,yes,cellular,nov,fri,22,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,blue-collar,married,professional.course,no,yes,yes,cellular,nov,fri,91,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,technician,married,basic.4y,no,yes,no,cellular,nov,fri,345,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,admin.,single,professional.course,no,no,no,telephone,nov,fri,346,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +47,management,married,university.degree,no,no,no,cellular,nov,fri,107,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,technician,single,professional.course,no,yes,no,cellular,nov,fri,86,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,technician,single,university.degree,no,yes,yes,cellular,nov,fri,710,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +58,admin.,married,university.degree,unknown,no,no,cellular,nov,fri,110,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,single,university.degree,no,yes,no,cellular,nov,fri,530,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +39,admin.,single,unknown,no,no,no,cellular,nov,fri,73,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,529,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +37,technician,divorced,high.school,no,no,no,cellular,nov,fri,635,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,yes +36,technician,single,unknown,no,yes,no,cellular,nov,fri,254,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,self-employed,married,basic.9y,unknown,yes,no,cellular,nov,fri,106,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,management,single,high.school,no,no,no,cellular,nov,fri,40,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,195,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,management,divorced,university.degree,no,yes,no,cellular,nov,fri,183,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +39,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,195,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,admin.,married,high.school,no,yes,no,cellular,nov,fri,585,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,admin.,married,university.degree,no,no,no,cellular,nov,fri,501,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,fri,222,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,admin.,married,university.degree,unknown,yes,no,cellular,nov,fri,131,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,services,married,basic.6y,no,yes,no,cellular,nov,fri,158,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,professional.course,no,yes,yes,cellular,nov,fri,215,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,unemployed,single,university.degree,no,yes,no,cellular,nov,fri,30,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,blue-collar,married,basic.4y,unknown,yes,yes,cellular,nov,fri,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,divorced,university.degree,no,no,no,cellular,nov,fri,263,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,blue-collar,married,professional.course,no,no,yes,cellular,nov,fri,344,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,technician,married,basic.9y,unknown,no,no,cellular,nov,fri,174,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,blue-collar,married,basic.4y,unknown,no,yes,cellular,nov,fri,103,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +44,services,married,high.school,unknown,yes,no,cellular,nov,fri,46,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,admin.,divorced,high.school,no,no,yes,cellular,nov,fri,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,blue-collar,married,basic.4y,unknown,no,yes,cellular,nov,fri,105,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,high.school,no,yes,yes,cellular,nov,fri,206,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,no,no,cellular,nov,fri,132,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,yes,no,cellular,nov,fri,175,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,admin.,married,high.school,no,yes,no,cellular,nov,fri,140,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,admin.,married,high.school,no,no,no,cellular,nov,fri,148,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,66,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +52,admin.,married,university.degree,unknown,yes,no,cellular,nov,fri,32,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,management,single,high.school,no,yes,no,cellular,nov,fri,149,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,entrepreneur,married,high.school,no,yes,no,cellular,nov,fri,1166,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,yes,no,cellular,nov,fri,161,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,married,university.degree,no,yes,no,cellular,nov,fri,262,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,blue-collar,single,basic.4y,no,no,no,cellular,nov,fri,60,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,yes,no,cellular,nov,fri,106,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,unemployed,married,university.degree,no,yes,yes,cellular,nov,fri,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,blue-collar,married,basic.6y,unknown,yes,no,cellular,nov,fri,1055,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,married,university.degree,no,yes,no,cellular,nov,fri,181,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,married,university.degree,no,no,no,cellular,nov,fri,218,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,entrepreneur,married,high.school,no,no,yes,cellular,nov,fri,429,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,technician,single,university.degree,no,yes,no,cellular,nov,fri,327,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,housemaid,married,basic.4y,no,no,no,cellular,nov,fri,216,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,technician,single,university.degree,no,yes,no,cellular,nov,fri,201,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,blue-collar,divorced,professional.course,no,yes,no,cellular,nov,fri,102,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,65,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,entrepreneur,married,university.degree,no,yes,no,cellular,nov,fri,58,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,married,university.degree,no,no,no,cellular,nov,fri,221,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,yes,yes,cellular,nov,fri,957,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,yes +38,blue-collar,single,basic.6y,no,yes,yes,cellular,nov,fri,202,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,divorced,university.degree,no,no,no,cellular,nov,fri,161,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,technician,married,basic.9y,no,no,no,cellular,nov,fri,705,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +51,technician,married,high.school,no,yes,no,cellular,nov,fri,167,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,admin.,married,unknown,no,yes,no,telephone,nov,fri,29,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,self-employed,married,university.degree,no,no,no,cellular,nov,fri,89,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,services,married,high.school,no,yes,no,cellular,nov,fri,306,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,management,divorced,professional.course,no,yes,no,cellular,nov,fri,56,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,technician,divorced,university.degree,no,yes,no,cellular,nov,fri,796,5,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,yes +36,services,married,basic.6y,unknown,no,no,cellular,nov,fri,1022,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +36,admin.,married,university.degree,no,yes,no,cellular,nov,fri,189,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,blue-collar,divorced,basic.9y,no,no,no,cellular,nov,fri,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,blue-collar,divorced,basic.9y,no,no,no,cellular,nov,fri,154,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,no,no,cellular,nov,fri,89,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,management,single,university.degree,no,yes,no,cellular,nov,fri,79,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,admin.,single,university.degree,unknown,no,yes,cellular,nov,fri,143,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,admin.,married,university.degree,no,yes,no,cellular,nov,fri,169,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,unemployed,married,basic.4y,no,yes,no,cellular,nov,fri,80,10,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,technician,married,basic.9y,no,yes,no,cellular,nov,fri,44,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,management,married,basic.6y,no,no,no,cellular,nov,fri,133,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,technician,divorced,university.degree,no,yes,no,telephone,nov,fri,49,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,blue-collar,divorced,basic.9y,no,no,no,cellular,nov,fri,586,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,divorced,university.degree,unknown,no,no,cellular,nov,fri,189,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,technician,single,basic.9y,no,yes,no,telephone,nov,fri,218,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,admin.,married,university.degree,no,yes,no,cellular,nov,fri,235,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,housemaid,married,basic.4y,no,yes,no,cellular,nov,fri,105,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,management,divorced,professional.course,no,yes,no,cellular,nov,fri,849,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +50,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,fri,5,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,271,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,fri,893,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +36,entrepreneur,divorced,high.school,no,yes,no,cellular,nov,fri,230,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,blue-collar,married,basic.6y,no,no,no,cellular,nov,fri,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,74,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,unemployed,single,basic.4y,no,yes,yes,cellular,nov,fri,115,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,entrepreneur,single,basic.4y,no,no,no,cellular,nov,fri,100,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,technician,married,high.school,unknown,yes,no,cellular,nov,fri,326,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,blue-collar,divorced,basic.9y,no,yes,no,cellular,nov,fri,1182,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,housemaid,married,high.school,no,no,no,cellular,nov,fri,144,6,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,admin.,married,university.degree,no,yes,yes,cellular,nov,fri,189,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +39,self-employed,single,high.school,no,yes,no,cellular,nov,fri,169,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,services,single,high.school,unknown,yes,no,cellular,nov,fri,670,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,fri,57,7,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +44,services,married,high.school,unknown,yes,no,telephone,nov,fri,76,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,technician,married,professional.course,no,yes,no,cellular,nov,fri,42,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,admin.,married,university.degree,no,yes,no,cellular,nov,fri,81,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,admin.,divorced,high.school,no,yes,no,cellular,nov,fri,199,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,unemployed,single,basic.4y,no,no,no,cellular,nov,fri,184,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,retired,married,basic.4y,no,no,no,cellular,nov,fri,18,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,blue-collar,single,basic.4y,no,yes,no,cellular,nov,fri,451,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,retired,married,university.degree,no,no,no,cellular,nov,fri,51,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,technician,married,university.degree,unknown,yes,yes,cellular,nov,fri,63,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,admin.,married,university.degree,no,yes,no,cellular,nov,fri,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,housemaid,married,basic.4y,no,no,no,cellular,nov,fri,44,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,technician,single,professional.course,no,yes,yes,telephone,nov,fri,54,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,management,married,university.degree,no,yes,no,cellular,nov,fri,13,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,yes,no,cellular,nov,fri,401,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,high.school,no,yes,yes,cellular,nov,fri,484,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,yes,no,cellular,nov,fri,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,technician,single,university.degree,no,no,no,cellular,nov,fri,64,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,technician,divorced,university.degree,no,yes,no,cellular,nov,fri,526,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,high.school,no,no,yes,cellular,nov,fri,105,5,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,married,university.degree,no,no,no,cellular,nov,fri,128,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,unemployed,married,university.degree,no,no,no,cellular,nov,fri,115,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,unemployed,single,basic.4y,no,no,yes,cellular,nov,fri,573,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,management,married,basic.9y,no,yes,no,cellular,nov,fri,996,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,admin.,married,university.degree,no,no,no,cellular,nov,fri,206,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,technician,married,university.degree,no,yes,yes,cellular,nov,fri,135,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,university.degree,no,yes,no,telephone,nov,fri,36,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,professional.course,no,no,no,cellular,nov,fri,1480,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +52,services,married,basic.9y,unknown,yes,no,cellular,nov,fri,160,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,services,single,university.degree,unknown,unknown,unknown,cellular,nov,fri,83,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,divorced,university.degree,no,no,no,telephone,nov,fri,425,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,management,married,university.degree,no,yes,no,telephone,nov,fri,288,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,technician,single,university.degree,no,yes,yes,cellular,nov,fri,244,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,technician,married,basic.4y,no,no,no,cellular,nov,fri,378,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +55,entrepreneur,married,university.degree,no,no,no,cellular,nov,fri,252,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,management,married,university.degree,no,yes,yes,cellular,nov,fri,283,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +49,self-employed,married,university.degree,unknown,yes,no,cellular,nov,fri,110,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,management,married,university.degree,no,yes,no,telephone,nov,fri,109,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,married,high.school,no,yes,no,cellular,nov,fri,162,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,blue-collar,married,high.school,no,yes,no,cellular,nov,fri,144,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,single,university.degree,no,no,no,telephone,nov,fri,49,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,admin.,married,university.degree,no,no,no,cellular,nov,fri,70,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +40,admin.,married,university.degree,no,no,no,cellular,nov,fri,71,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +34,technician,divorced,university.degree,no,no,no,cellular,nov,fri,316,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +31,admin.,single,high.school,no,yes,no,cellular,nov,fri,306,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +36,blue-collar,single,basic.9y,no,yes,yes,cellular,nov,fri,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,entrepreneur,married,university.degree,no,yes,yes,cellular,nov,fri,221,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,technician,single,university.degree,no,yes,yes,cellular,nov,fri,44,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,management,divorced,university.degree,no,no,no,cellular,nov,fri,202,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +53,blue-collar,married,basic.4y,unknown,yes,yes,cellular,nov,fri,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,services,married,high.school,no,yes,no,cellular,nov,fri,552,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +37,management,married,university.degree,no,yes,no,telephone,nov,fri,97,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,unemployed,married,university.degree,no,yes,no,cellular,nov,fri,48,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,married,university.degree,no,yes,yes,cellular,nov,fri,89,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +29,services,single,high.school,no,yes,no,cellular,nov,fri,171,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,technician,married,university.degree,no,no,no,cellular,nov,fri,744,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,unemployed,married,university.degree,no,yes,yes,cellular,nov,fri,79,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +58,admin.,married,university.degree,no,no,no,cellular,nov,fri,850,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +48,admin.,married,university.degree,no,no,no,cellular,nov,fri,233,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,admin.,divorced,university.degree,no,yes,no,telephone,nov,fri,70,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,management,divorced,university.degree,no,unknown,unknown,telephone,nov,fri,162,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,professional.course,no,yes,no,cellular,nov,fri,38,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +32,management,married,university.degree,no,no,no,cellular,nov,fri,8,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,entrepreneur,married,professional.course,no,no,no,cellular,nov,fri,18,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,services,married,high.school,unknown,yes,no,cellular,nov,fri,72,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,164,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +52,technician,divorced,university.degree,unknown,no,no,cellular,nov,fri,123,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,technician,married,university.degree,no,yes,no,cellular,nov,fri,100,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,self-employed,married,university.degree,no,no,no,cellular,nov,fri,18,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,admin.,married,high.school,no,no,no,cellular,nov,fri,165,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +54,retired,divorced,university.degree,no,no,no,cellular,nov,fri,296,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,admin.,married,unknown,no,yes,yes,cellular,nov,fri,196,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,self-employed,single,university.degree,no,yes,yes,cellular,nov,fri,203,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,married,university.degree,no,yes,no,telephone,nov,fri,55,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,fri,186,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,single,university.degree,no,unknown,unknown,cellular,nov,fri,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,retired,married,high.school,no,no,no,cellular,nov,fri,532,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,management,married,university.degree,no,no,yes,cellular,nov,fri,79,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,technician,married,basic.9y,no,yes,yes,cellular,nov,fri,197,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,entrepreneur,single,basic.9y,no,no,no,cellular,nov,fri,84,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,35,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,single,university.degree,no,yes,yes,telephone,nov,fri,26,10,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,technician,married,basic.9y,no,yes,no,cellular,nov,fri,102,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,no,no,cellular,nov,fri,100,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,admin.,married,high.school,no,yes,no,cellular,nov,fri,164,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,technician,married,high.school,unknown,yes,no,cellular,nov,fri,183,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +32,technician,single,professional.course,no,yes,no,cellular,nov,fri,67,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,blue-collar,married,basic.4y,no,yes,no,cellular,nov,fri,180,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,admin.,married,high.school,no,yes,no,telephone,nov,fri,182,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,technician,married,high.school,no,no,no,cellular,nov,fri,749,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +37,admin.,married,university.degree,no,yes,no,cellular,nov,fri,450,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,retired,married,professional.course,unknown,no,no,telephone,nov,fri,28,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,housemaid,married,basic.4y,no,yes,no,cellular,nov,fri,66,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,blue-collar,married,basic.6y,no,yes,yes,cellular,nov,fri,119,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +44,admin.,married,university.degree,no,no,no,cellular,nov,fri,135,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,admin.,married,university.degree,no,no,yes,cellular,nov,fri,902,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +41,housemaid,married,high.school,no,yes,no,telephone,nov,fri,1074,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +37,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,661,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,self-employed,divorced,professional.course,no,yes,no,cellular,nov,fri,492,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,admin.,married,unknown,unknown,no,no,cellular,nov,fri,142,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,admin.,single,university.degree,no,yes,no,telephone,nov,fri,43,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,housemaid,married,high.school,no,no,no,cellular,nov,fri,28,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,fri,82,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,63,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,university.degree,no,no,no,cellular,nov,fri,264,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +49,blue-collar,married,basic.6y,no,yes,no,cellular,nov,fri,118,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,married,university.degree,no,no,no,cellular,nov,fri,124,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,admin.,married,high.school,no,no,no,cellular,nov,fri,218,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,student,single,professional.course,no,no,no,telephone,nov,fri,232,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,fri,190,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,technician,married,basic.9y,no,no,no,cellular,nov,fri,10,7,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +48,blue-collar,divorced,basic.4y,no,yes,no,cellular,nov,fri,456,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +56,admin.,divorced,high.school,no,yes,no,cellular,nov,fri,176,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,fri,312,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,45,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,admin.,married,university.degree,no,yes,no,cellular,nov,fri,124,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,technician,single,professional.course,no,yes,no,cellular,nov,fri,42,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,admin.,divorced,university.degree,no,no,no,cellular,nov,fri,189,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,self-employed,married,university.degree,unknown,unknown,unknown,cellular,nov,fri,31,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,blue-collar,married,basic.9y,no,no,no,cellular,nov,fri,126,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,services,single,basic.9y,unknown,yes,no,cellular,nov,fri,232,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,nov,fri,11,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,unemployed,divorced,high.school,unknown,yes,no,cellular,nov,fri,109,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +52,technician,married,professional.course,no,yes,no,cellular,nov,fri,64,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,28,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +48,technician,married,professional.course,no,yes,yes,cellular,nov,fri,148,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,management,married,university.degree,no,yes,no,cellular,nov,fri,104,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,divorced,university.degree,unknown,yes,yes,cellular,nov,fri,65,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,admin.,divorced,high.school,no,yes,no,cellular,nov,fri,980,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +39,admin.,single,high.school,no,unknown,unknown,cellular,nov,fri,206,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,technician,married,high.school,unknown,yes,no,cellular,nov,fri,82,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +47,admin.,married,university.degree,no,yes,no,cellular,nov,fri,45,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,services,married,high.school,no,yes,no,telephone,nov,fri,62,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +48,services,married,professional.course,no,no,no,cellular,nov,fri,10,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,admin.,single,university.degree,unknown,yes,no,cellular,nov,fri,16,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,102,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,admin.,married,university.degree,unknown,no,no,cellular,nov,fri,298,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,technician,married,university.degree,no,no,no,cellular,nov,fri,52,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +38,blue-collar,married,basic.6y,unknown,yes,yes,cellular,nov,fri,213,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,226,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,blue-collar,divorced,basic.4y,no,yes,no,cellular,nov,fri,58,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,224,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,fri,48,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,management,married,university.degree,no,no,no,cellular,nov,fri,207,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,services,divorced,unknown,no,yes,no,cellular,nov,fri,163,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,fri,24,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,admin.,married,university.degree,no,no,no,cellular,nov,fri,103,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,services,single,high.school,no,yes,no,cellular,nov,fri,219,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +35,management,married,university.degree,no,yes,no,cellular,nov,fri,152,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,single,university.degree,no,no,no,cellular,nov,fri,171,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,unemployed,married,high.school,no,no,yes,cellular,nov,fri,94,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,services,married,high.school,no,no,yes,cellular,nov,fri,104,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,management,married,basic.9y,no,yes,yes,cellular,nov,fri,62,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,married,university.degree,no,no,yes,cellular,nov,fri,220,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,yes,yes,cellular,nov,fri,50,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,yes,yes,cellular,nov,fri,112,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,services,single,high.school,unknown,no,yes,cellular,nov,fri,53,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,services,married,basic.4y,unknown,yes,yes,cellular,nov,fri,119,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,management,married,professional.course,no,yes,no,cellular,nov,fri,381,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +32,technician,single,professional.course,no,yes,no,cellular,nov,fri,226,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,management,divorced,university.degree,no,no,no,cellular,nov,fri,157,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,married,university.degree,no,yes,no,cellular,nov,fri,673,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,technician,single,professional.course,no,yes,no,cellular,nov,fri,347,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,unemployed,married,professional.course,no,yes,no,cellular,nov,fri,58,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,married,university.degree,no,yes,yes,cellular,nov,fri,85,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,admin.,married,university.degree,no,yes,no,cellular,nov,fri,224,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,admin.,married,university.degree,no,yes,no,cellular,nov,fri,127,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,unemployed,divorced,university.degree,no,no,no,cellular,nov,fri,366,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,married,university.degree,no,no,no,cellular,nov,fri,162,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,services,married,high.school,no,yes,no,cellular,nov,fri,197,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,technician,divorced,high.school,no,yes,no,cellular,nov,fri,47,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,admin.,married,university.degree,unknown,no,no,cellular,nov,fri,311,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,technician,married,professional.course,no,yes,no,cellular,nov,fri,98,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,divorced,university.degree,no,no,no,cellular,nov,fri,549,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +36,admin.,married,basic.6y,no,yes,no,cellular,nov,fri,72,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,technician,married,professional.course,no,no,no,cellular,nov,fri,182,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +36,admin.,married,basic.6y,no,yes,yes,cellular,nov,fri,183,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +34,management,married,university.degree,no,no,no,cellular,nov,fri,158,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,divorced,university.degree,unknown,no,yes,cellular,nov,fri,48,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,housemaid,married,basic.4y,unknown,no,no,telephone,nov,fri,270,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,admin.,married,high.school,no,yes,yes,cellular,nov,fri,57,5,6,1,success,-0.1,93.2,-42.0,4.021,5195.8,no +55,retired,single,university.degree,unknown,no,no,cellular,nov,fri,1199,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,blue-collar,married,basic.6y,no,yes,yes,cellular,nov,fri,36,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,no,no,cellular,nov,fri,380,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,admin.,married,university.degree,unknown,yes,no,telephone,nov,fri,366,8,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,married,university.degree,no,yes,no,cellular,nov,fri,78,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,technician,married,professional.course,no,no,yes,cellular,nov,fri,161,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,technician,married,basic.4y,unknown,no,no,cellular,nov,fri,362,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,admin.,married,university.degree,no,no,no,cellular,nov,fri,455,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,management,divorced,professional.course,no,no,no,cellular,nov,fri,83,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,fri,184,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,technician,married,basic.4y,no,no,yes,cellular,nov,fri,295,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,551,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,services,married,basic.6y,no,no,no,cellular,nov,fri,101,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,admin.,single,high.school,no,yes,no,cellular,nov,fri,294,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +54,admin.,divorced,high.school,no,no,no,cellular,nov,fri,13,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,management,married,university.degree,no,no,no,cellular,nov,fri,51,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,student,single,unknown,no,yes,no,cellular,nov,fri,353,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +34,technician,married,professional.course,no,yes,no,cellular,nov,fri,93,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,technician,married,unknown,no,no,no,cellular,nov,fri,138,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,entrepreneur,married,university.degree,no,no,no,cellular,nov,fri,48,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +32,technician,divorced,high.school,no,no,no,cellular,nov,fri,50,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,single,university.degree,no,yes,no,cellular,nov,fri,718,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,admin.,married,unknown,no,no,no,cellular,nov,fri,288,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +34,management,single,university.degree,no,unknown,unknown,telephone,nov,fri,114,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,professional.course,no,no,no,cellular,nov,fri,161,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,blue-collar,married,basic.9y,unknown,no,yes,cellular,nov,fri,150,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,services,divorced,high.school,unknown,yes,no,cellular,nov,fri,120,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,technician,single,high.school,no,yes,no,cellular,nov,fri,41,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +41,self-employed,married,professional.course,unknown,yes,no,cellular,nov,fri,1571,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +44,blue-collar,married,basic.6y,no,no,yes,cellular,nov,fri,240,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,self-employed,married,university.degree,unknown,yes,yes,cellular,nov,fri,198,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,technician,divorced,university.degree,no,yes,no,cellular,nov,fri,75,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,married,high.school,no,yes,no,cellular,nov,fri,108,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,self-employed,married,professional.course,no,yes,no,telephone,nov,fri,47,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,management,married,university.degree,no,yes,yes,cellular,nov,fri,536,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +39,technician,married,high.school,no,yes,no,cellular,nov,fri,408,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,services,single,high.school,no,yes,no,cellular,nov,fri,290,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,229,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,married,university.degree,no,yes,no,telephone,nov,fri,148,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +52,management,divorced,university.degree,no,no,no,cellular,nov,fri,185,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,blue-collar,divorced,high.school,no,no,no,telephone,nov,fri,68,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,fri,54,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,self-employed,single,university.degree,no,no,no,cellular,nov,fri,906,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,no,no,cellular,nov,fri,186,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,technician,married,university.degree,no,yes,no,cellular,nov,fri,124,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +56,retired,married,basic.4y,no,yes,no,cellular,nov,fri,481,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +53,management,married,university.degree,no,yes,no,cellular,nov,fri,319,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,admin.,married,high.school,no,no,no,cellular,nov,fri,157,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,yes,no,cellular,nov,fri,106,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,services,married,unknown,no,yes,no,cellular,nov,fri,56,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +56,management,married,basic.9y,no,yes,no,telephone,nov,fri,94,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,self-employed,single,professional.course,no,no,no,cellular,nov,fri,123,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,technician,married,university.degree,no,yes,no,cellular,nov,fri,12,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,75,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,married,university.degree,no,no,yes,cellular,nov,fri,408,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,unemployed,married,high.school,unknown,no,no,cellular,nov,fri,671,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,married,basic.9y,no,yes,yes,cellular,nov,fri,664,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +59,self-employed,married,professional.course,unknown,no,no,cellular,nov,fri,383,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +38,technician,single,professional.course,no,yes,no,cellular,nov,fri,119,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,technician,single,professional.course,no,yes,yes,cellular,nov,fri,159,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,student,married,high.school,no,no,no,cellular,nov,fri,297,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,technician,single,high.school,no,no,no,cellular,nov,fri,61,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,technician,single,professional.course,no,no,no,cellular,nov,fri,142,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,technician,married,professional.course,unknown,yes,no,cellular,nov,fri,222,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,single,university.degree,no,no,no,telephone,nov,fri,34,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,management,married,high.school,no,no,no,cellular,nov,fri,79,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,admin.,single,unknown,no,no,no,cellular,nov,fri,188,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,high.school,no,yes,no,cellular,nov,fri,7,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,admin.,married,university.degree,no,no,no,telephone,nov,fri,186,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,technician,married,university.degree,no,yes,no,cellular,nov,fri,105,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,blue-collar,married,basic.9y,unknown,yes,no,telephone,nov,fri,126,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +36,admin.,single,high.school,no,yes,yes,telephone,nov,fri,661,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,entrepreneur,married,university.degree,no,yes,no,telephone,nov,fri,45,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,blue-collar,married,high.school,no,yes,yes,cellular,nov,fri,14,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,single,university.degree,unknown,no,no,cellular,nov,fri,224,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,blue-collar,married,unknown,no,no,no,telephone,nov,fri,20,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,management,single,university.degree,no,yes,no,cellular,nov,fri,155,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,technician,married,professional.course,no,no,no,cellular,nov,fri,78,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,admin.,married,high.school,no,no,no,cellular,nov,fri,10,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,self-employed,married,professional.course,no,yes,no,telephone,nov,fri,379,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,technician,married,unknown,unknown,yes,no,cellular,nov,fri,57,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,single,university.degree,no,no,yes,cellular,nov,fri,21,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +36,admin.,married,university.degree,no,yes,no,cellular,nov,fri,85,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +53,management,married,university.degree,no,yes,yes,cellular,nov,fri,106,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,admin.,married,high.school,no,yes,no,cellular,nov,fri,50,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,757,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,technician,married,unknown,unknown,yes,no,cellular,nov,fri,624,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,admin.,single,high.school,no,yes,no,cellular,nov,fri,103,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,entrepreneur,married,university.degree,no,yes,no,cellular,nov,fri,570,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,admin.,married,high.school,no,yes,no,cellular,nov,fri,139,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +56,technician,married,professional.course,no,no,no,cellular,nov,fri,157,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,management,married,university.degree,no,yes,no,cellular,nov,fri,579,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +40,student,single,high.school,no,no,no,cellular,nov,fri,328,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,unemployed,divorced,basic.4y,no,no,no,cellular,nov,fri,366,3,3,1,success,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,professional.course,no,yes,no,cellular,nov,fri,1555,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +39,admin.,single,unknown,no,no,no,cellular,nov,fri,504,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,yes +39,housemaid,married,basic.9y,no,yes,no,cellular,nov,fri,150,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,entrepreneur,married,university.degree,no,unknown,unknown,cellular,nov,fri,146,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,divorced,university.degree,unknown,no,no,cellular,nov,fri,69,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,single,university.degree,no,no,no,cellular,nov,fri,139,6,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +51,technician,married,professional.course,no,yes,no,cellular,nov,fri,51,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,married,university.degree,no,yes,yes,cellular,nov,fri,175,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,retired,married,university.degree,no,no,no,cellular,nov,fri,128,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,technician,married,professional.course,no,yes,no,cellular,nov,fri,11,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,technician,married,professional.course,no,yes,no,cellular,nov,fri,82,5,5,1,success,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,single,university.degree,no,yes,yes,telephone,nov,fri,33,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,technician,married,professional.course,no,yes,yes,cellular,nov,fri,52,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,management,married,university.degree,no,yes,no,cellular,nov,fri,289,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,technician,married,university.degree,no,no,yes,cellular,nov,fri,43,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,101,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,technician,married,professional.course,no,no,no,cellular,nov,fri,402,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +45,admin.,divorced,university.degree,no,no,yes,cellular,nov,fri,59,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,retired,single,university.degree,no,yes,no,cellular,nov,fri,39,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,management,divorced,university.degree,no,no,no,cellular,nov,fri,57,8,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,technician,divorced,professional.course,no,unknown,unknown,cellular,nov,fri,87,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,management,divorced,university.degree,unknown,no,no,cellular,nov,fri,89,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,no,no,cellular,nov,fri,608,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,admin.,divorced,high.school,no,yes,no,cellular,nov,fri,430,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,management,married,basic.4y,no,no,no,cellular,nov,fri,240,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,technician,single,professional.course,no,yes,no,cellular,nov,fri,173,1,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +53,management,married,university.degree,no,no,no,cellular,nov,fri,137,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,technician,married,professional.course,no,yes,yes,cellular,nov,fri,379,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,management,married,university.degree,no,no,no,cellular,nov,fri,1036,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,technician,divorced,professional.course,no,no,no,cellular,nov,fri,675,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,single,university.degree,no,no,no,cellular,nov,fri,139,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,admin.,divorced,high.school,no,no,yes,cellular,nov,fri,377,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,technician,single,professional.course,no,no,no,cellular,nov,fri,394,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,single,university.degree,no,no,no,cellular,nov,fri,70,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,technician,single,professional.course,unknown,no,no,cellular,nov,fri,519,1,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,61,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,management,married,high.school,no,no,no,cellular,nov,fri,163,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,technician,married,university.degree,no,no,no,cellular,nov,fri,302,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,married,high.school,no,yes,no,cellular,nov,fri,41,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,self-employed,married,university.degree,no,no,no,telephone,nov,fri,39,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,single,university.degree,no,no,no,cellular,nov,fri,360,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,unemployed,single,university.degree,no,yes,no,cellular,nov,fri,230,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,divorced,basic.9y,no,yes,no,cellular,nov,fri,155,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,technician,single,high.school,no,yes,no,cellular,nov,fri,32,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,entrepreneur,divorced,high.school,no,no,no,telephone,nov,fri,61,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +34,technician,married,professional.course,no,yes,no,cellular,nov,fri,251,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,management,married,university.degree,unknown,yes,yes,cellular,nov,fri,22,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,services,married,unknown,no,no,no,cellular,nov,fri,58,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,technician,married,professional.course,no,no,no,cellular,nov,fri,38,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,fri,36,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,housemaid,married,basic.4y,no,no,no,cellular,nov,fri,165,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,unemployed,married,professional.course,unknown,yes,yes,telephone,nov,fri,83,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,11,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,technician,married,professional.course,no,no,yes,cellular,nov,fri,98,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,blue-collar,married,unknown,no,yes,no,cellular,nov,fri,663,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +53,admin.,divorced,high.school,no,yes,yes,telephone,nov,fri,544,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,technician,married,university.degree,unknown,yes,no,cellular,nov,fri,39,10,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,blue-collar,married,basic.4y,no,no,no,cellular,nov,fri,122,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +48,technician,married,professional.course,no,yes,yes,cellular,nov,fri,695,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,high.school,no,yes,no,cellular,nov,fri,369,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,entrepreneur,married,university.degree,no,no,no,cellular,nov,fri,88,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,admin.,married,basic.9y,no,yes,no,telephone,nov,fri,64,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,services,single,high.school,unknown,yes,no,cellular,nov,fri,216,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +36,admin.,single,high.school,no,yes,no,cellular,nov,fri,90,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,management,single,university.degree,no,yes,yes,cellular,nov,fri,164,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,no,no,cellular,nov,fri,147,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,retired,married,high.school,no,no,no,cellular,nov,fri,268,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,self-employed,married,university.degree,no,no,no,cellular,nov,fri,169,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,student,single,university.degree,no,no,no,cellular,nov,fri,585,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +49,admin.,married,high.school,no,yes,no,cellular,nov,fri,36,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,management,married,university.degree,no,yes,no,cellular,nov,fri,129,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,management,married,university.degree,no,yes,no,cellular,nov,fri,33,8,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,888,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,admin.,married,university.degree,no,no,no,cellular,nov,fri,808,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +43,technician,married,professional.course,no,no,no,cellular,nov,fri,14,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,housemaid,married,high.school,no,no,yes,cellular,nov,fri,305,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,technician,single,professional.course,no,yes,no,cellular,nov,fri,18,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,blue-collar,married,basic.9y,unknown,yes,yes,cellular,nov,fri,134,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,admin.,married,university.degree,no,no,no,cellular,nov,fri,77,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,services,single,high.school,unknown,no,no,cellular,nov,fri,107,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,admin.,married,basic.4y,no,yes,no,cellular,nov,fri,382,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +59,admin.,married,university.degree,unknown,no,no,cellular,nov,fri,140,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +56,services,married,basic.4y,unknown,yes,no,cellular,nov,fri,39,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +52,blue-collar,married,basic.9y,no,no,no,cellular,nov,fri,13,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,blue-collar,married,basic.9y,no,no,no,cellular,nov,fri,1032,10,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,single,high.school,no,no,yes,cellular,nov,fri,64,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,married,university.degree,no,no,no,cellular,nov,fri,634,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,married,university.degree,no,yes,no,cellular,nov,fri,138,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,management,married,high.school,no,yes,yes,cellular,nov,fri,225,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,services,divorced,high.school,no,yes,no,cellular,nov,fri,855,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,single,university.degree,no,no,no,cellular,nov,fri,258,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +46,technician,married,professional.course,no,yes,yes,cellular,nov,fri,484,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,technician,married,professional.course,no,yes,no,cellular,nov,fri,229,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,technician,married,university.degree,no,yes,no,cellular,nov,fri,330,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,fri,41,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,1222,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +53,blue-collar,married,basic.9y,no,no,no,cellular,nov,fri,395,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,management,divorced,university.degree,no,yes,no,telephone,nov,fri,39,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,admin.,divorced,high.school,no,no,no,cellular,nov,fri,639,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +53,retired,married,high.school,no,yes,no,cellular,nov,fri,711,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,admin.,single,high.school,no,no,no,telephone,nov,fri,178,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,management,single,university.degree,unknown,no,no,cellular,nov,fri,534,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +37,unemployed,single,university.degree,no,no,yes,cellular,nov,fri,104,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,blue-collar,married,professional.course,no,no,yes,cellular,nov,fri,432,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,services,single,high.school,no,yes,no,cellular,nov,fri,1195,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,blue-collar,married,basic.4y,no,yes,no,cellular,nov,fri,168,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,single,university.degree,no,no,no,cellular,nov,fri,229,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,unemployed,married,basic.9y,no,yes,yes,cellular,nov,fri,322,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,admin.,married,university.degree,no,no,no,cellular,nov,fri,127,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,admin.,married,university.degree,no,yes,no,cellular,nov,fri,59,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +59,technician,single,professional.course,no,yes,no,cellular,nov,fri,246,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,admin.,married,high.school,no,yes,no,cellular,nov,fri,140,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,technician,married,professional.course,unknown,no,no,cellular,nov,fri,210,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,admin.,married,high.school,no,no,no,cellular,nov,fri,11,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,208,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,nov,fri,358,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,services,married,unknown,no,no,no,cellular,nov,fri,64,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,technician,married,professional.course,no,no,no,cellular,nov,fri,407,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,technician,single,university.degree,no,no,no,cellular,nov,fri,903,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +53,blue-collar,married,basic.4y,unknown,no,no,cellular,nov,fri,205,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,married,university.degree,no,no,no,cellular,nov,fri,66,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,admin.,divorced,high.school,no,yes,no,cellular,nov,fri,127,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,admin.,single,university.degree,no,no,no,cellular,nov,fri,331,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,yes +30,technician,single,university.degree,no,no,no,cellular,nov,fri,307,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,admin.,single,university.degree,no,no,no,cellular,nov,fri,27,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +56,retired,married,basic.4y,no,no,no,cellular,nov,fri,163,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +32,entrepreneur,single,high.school,unknown,yes,yes,cellular,nov,fri,64,6,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,unemployed,single,high.school,no,yes,no,telephone,nov,fri,136,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,technician,married,professional.course,no,yes,no,cellular,nov,fri,95,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,admin.,married,basic.4y,no,no,no,cellular,nov,fri,505,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,blue-collar,married,university.degree,no,no,no,cellular,nov,fri,170,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,technician,single,university.degree,no,yes,yes,cellular,nov,fri,1162,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,unemployed,divorced,professional.course,no,yes,no,telephone,nov,fri,122,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,72,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +57,technician,married,professional.course,no,yes,no,cellular,nov,fri,294,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,housemaid,married,university.degree,unknown,yes,no,cellular,nov,fri,82,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,blue-collar,married,basic.4y,no,yes,no,cellular,nov,fri,15,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,blue-collar,single,university.degree,no,yes,no,cellular,nov,fri,7,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,admin.,married,university.degree,no,yes,no,cellular,nov,fri,21,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +29,admin.,single,university.degree,no,yes,no,cellular,nov,fri,118,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +47,admin.,married,high.school,no,no,no,cellular,nov,fri,21,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +30,self-employed,single,university.degree,no,no,no,telephone,nov,fri,345,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,96,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +52,unemployed,married,university.degree,no,yes,no,cellular,nov,fri,211,7,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +50,admin.,married,university.degree,no,yes,no,cellular,nov,fri,73,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,6,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,entrepreneur,divorced,university.degree,no,no,no,cellular,nov,fri,110,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,retired,divorced,professional.course,no,yes,no,cellular,nov,fri,321,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +57,blue-collar,married,basic.9y,unknown,yes,no,cellular,nov,fri,170,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,56,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +53,unemployed,single,basic.9y,no,no,no,cellular,nov,fri,125,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,technician,married,professional.course,unknown,no,no,cellular,nov,fri,281,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +29,self-employed,single,university.degree,no,yes,no,cellular,nov,fri,328,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +51,management,married,university.degree,no,no,yes,telephone,nov,fri,13,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,management,married,university.degree,no,no,yes,cellular,nov,fri,296,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,self-employed,married,university.degree,no,yes,no,cellular,nov,fri,48,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +30,unemployed,married,professional.course,no,yes,no,telephone,nov,fri,77,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,admin.,married,high.school,no,yes,no,cellular,nov,fri,8,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,admin.,married,university.degree,no,no,no,cellular,nov,fri,182,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,nov,fri,12,5,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +40,services,single,high.school,unknown,no,no,cellular,nov,fri,8,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,retired,married,professional.course,unknown,no,no,cellular,nov,fri,158,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,married,high.school,no,yes,no,cellular,nov,fri,9,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +46,admin.,divorced,university.degree,no,no,no,telephone,nov,fri,11,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +43,technician,married,university.degree,no,no,no,cellular,nov,fri,24,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,technician,married,university.degree,no,yes,no,cellular,nov,fri,175,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +54,self-employed,married,university.degree,unknown,no,no,cellular,nov,fri,9,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +29,blue-collar,single,basic.6y,no,no,no,telephone,nov,fri,69,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,self-employed,divorced,professional.course,no,no,no,cellular,nov,fri,37,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +33,admin.,single,professional.course,no,yes,no,telephone,nov,fri,240,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,nov,fri,11,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +52,services,divorced,basic.4y,unknown,yes,yes,cellular,nov,fri,23,8,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,entrepreneur,married,university.degree,no,yes,no,cellular,nov,fri,13,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +58,retired,married,professional.course,unknown,yes,yes,cellular,nov,fri,22,4,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +40,management,married,university.degree,no,no,no,cellular,nov,fri,234,5,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +31,technician,single,university.degree,no,yes,yes,telephone,nov,fri,30,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +35,self-employed,married,university.degree,no,no,no,cellular,nov,fri,8,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +45,technician,single,university.degree,no,no,no,cellular,nov,fri,80,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,unemployed,single,basic.4y,no,no,no,cellular,nov,fri,12,8,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +31,admin.,single,university.degree,no,no,no,cellular,nov,fri,85,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,services,single,basic.9y,no,yes,no,cellular,nov,fri,143,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +36,self-employed,married,basic.9y,no,yes,yes,cellular,nov,fri,14,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +44,admin.,married,university.degree,unknown,no,no,cellular,nov,fri,48,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,12,10,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +47,technician,married,high.school,unknown,yes,no,cellular,nov,fri,29,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,blue-collar,married,basic.4y,unknown,no,no,cellular,nov,fri,168,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,retired,single,university.degree,no,no,no,cellular,nov,fri,51,5,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +56,services,single,high.school,no,yes,yes,cellular,nov,fri,12,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,admin.,single,university.degree,no,yes,yes,cellular,nov,fri,33,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,admin.,single,university.degree,unknown,yes,yes,cellular,nov,fri,53,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +50,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,72,3,1,2,success,-0.1,93.2,-42.0,4.021,5195.8,no +39,admin.,single,unknown,no,yes,no,cellular,nov,fri,79,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,management,married,university.degree,no,yes,yes,cellular,nov,fri,1067,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +42,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,10,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,married,university.degree,unknown,no,no,cellular,nov,fri,71,9,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +49,blue-collar,married,basic.9y,no,no,no,cellular,nov,fri,273,5,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +51,blue-collar,married,high.school,no,no,no,cellular,nov,fri,11,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,management,married,basic.9y,no,no,no,cellular,nov,fri,189,2,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +48,admin.,married,university.degree,no,no,no,cellular,nov,fri,61,7,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +39,management,married,university.degree,no,yes,no,telephone,nov,fri,10,7,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +40,technician,married,university.degree,no,yes,no,telephone,nov,fri,10,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +55,management,married,university.degree,unknown,yes,no,cellular,nov,fri,280,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +39,self-employed,married,professional.course,no,no,no,telephone,nov,fri,47,4,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +37,admin.,married,unknown,no,no,no,cellular,nov,fri,34,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +41,technician,married,university.degree,no,yes,yes,cellular,nov,fri,38,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +32,admin.,married,high.school,no,no,no,cellular,nov,fri,219,2,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +34,admin.,married,university.degree,no,no,no,telephone,nov,fri,205,3,999,1,failure,-0.1,93.2,-42.0,4.021,5195.8,no +41,blue-collar,single,basic.9y,unknown,no,no,cellular,nov,fri,643,3,999,0,nonexistent,-0.1,93.2,-42.0,4.021,5195.8,no +38,technician,married,professional.course,no,yes,yes,telephone,nov,wed,49,1,999,0,nonexistent,-0.1,93.2,-42.0,3.9010000000000002,5195.8,no +32,unemployed,single,high.school,no,no,yes,telephone,nov,thu,114,1,999,0,nonexistent,-0.1,93.2,-42.0,3.8789999999999996,5195.8,no +46,entrepreneur,single,professional.course,no,yes,no,telephone,nov,thu,8,1,999,0,nonexistent,-0.1,93.2,-42.0,3.8789999999999996,5195.8,no +27,admin.,single,high.school,no,yes,no,telephone,nov,fri,24,1,999,0,nonexistent,-0.1,93.2,-42.0,3.853,5195.8,no +31,admin.,single,high.school,no,yes,no,telephone,dec,mon,36,1,999,0,nonexistent,-0.2,92.756,-45.9,3.8160000000000003,5176.3,no +39,housemaid,married,basic.4y,no,yes,no,telephone,dec,wed,11,1,999,1,failure,-0.2,92.756,-45.9,3.7430000000000003,5176.3,no +41,technician,divorced,professional.course,no,no,yes,cellular,dec,thu,18,1,999,0,nonexistent,-0.2,92.756,-45.9,3.6689999999999996,5176.3,no +37,admin.,married,high.school,no,yes,no,telephone,dec,fri,12,1,999,0,nonexistent,-0.2,92.756,-45.9,3.563,5176.3,no +48,admin.,married,high.school,no,yes,yes,telephone,dec,fri,291,1,999,0,nonexistent,-0.2,92.756,-45.9,3.563,5176.3,no +51,blue-collar,married,basic.4y,no,yes,yes,telephone,dec,mon,170,1,999,0,nonexistent,-0.2,92.756,-45.9,3.488,5176.3,no +39,technician,married,professional.course,no,yes,no,telephone,dec,tue,183,1,999,0,nonexistent,-0.2,92.756,-45.9,3.428,5176.3,no +36,blue-collar,married,high.school,no,yes,no,cellular,dec,thu,234,1,999,0,nonexistent,-0.2,92.756,-45.9,3.3289999999999997,5176.3,no +55,unemployed,divorced,professional.course,no,no,no,telephone,dec,fri,136,1,999,0,nonexistent,-0.2,92.756,-45.9,3.282,5176.3,no +44,blue-collar,married,basic.4y,no,yes,yes,telephone,dec,mon,119,1,999,0,nonexistent,-0.2,92.756,-45.9,3.053,5176.3,yes +26,student,single,basic.9y,no,yes,no,cellular,mar,mon,712,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +38,admin.,single,university.degree,no,yes,no,cellular,mar,mon,111,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +26,student,single,basic.9y,no,no,no,cellular,mar,mon,42,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +26,student,single,basic.9y,no,yes,no,telephone,mar,mon,169,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +30,management,married,university.degree,no,yes,no,telephone,mar,mon,213,7,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +26,student,single,basic.9y,no,yes,yes,cellular,mar,mon,78,4,999,1,failure,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +28,technician,single,university.degree,no,yes,no,cellular,mar,mon,76,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +35,admin.,married,university.degree,no,yes,no,cellular,mar,mon,378,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +30,management,married,university.degree,no,no,no,cellular,mar,mon,116,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +48,admin.,married,basic.6y,no,no,no,telephone,mar,mon,139,5,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +26,admin.,married,university.degree,no,yes,no,cellular,mar,mon,154,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +28,technician,single,university.degree,no,no,no,cellular,mar,mon,142,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,mar,mon,145,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,mar,mon,69,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +44,blue-collar,single,professional.course,no,no,no,cellular,mar,mon,239,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +28,technician,single,university.degree,no,yes,yes,cellular,mar,mon,54,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +30,management,married,university.degree,no,yes,no,cellular,mar,mon,170,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +26,admin.,married,university.degree,no,yes,no,cellular,mar,mon,175,5,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +28,technician,single,university.degree,no,yes,no,cellular,mar,mon,120,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +26,student,single,basic.9y,no,yes,no,cellular,mar,mon,59,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +28,technician,single,university.degree,no,no,no,cellular,mar,mon,56,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +26,student,single,basic.9y,no,yes,no,cellular,mar,mon,1447,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +26,admin.,married,university.degree,no,yes,no,cellular,mar,mon,76,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +70,retired,divorced,basic.4y,no,yes,no,cellular,mar,mon,187,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +28,technician,single,university.degree,no,yes,no,cellular,mar,mon,131,12,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +61,admin.,married,university.degree,no,yes,no,cellular,mar,mon,136,6,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +26,student,single,basic.9y,no,no,yes,cellular,mar,mon,889,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +48,admin.,married,basic.6y,no,yes,no,telephone,mar,mon,382,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +26,student,single,basic.9y,no,yes,no,cellular,mar,mon,294,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,yes +30,management,married,university.degree,no,no,no,telephone,mar,mon,88,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +31,admin.,single,university.degree,no,no,yes,telephone,mar,mon,39,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.811,5099.1,no +28,admin.,single,high.school,no,yes,no,cellular,mar,tue,143,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +42,entrepreneur,married,basic.9y,no,unknown,unknown,cellular,mar,tue,133,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,no +66,technician,married,professional.course,no,yes,no,cellular,mar,tue,83,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +26,unknown,single,basic.9y,no,no,no,cellular,mar,tue,212,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,no +34,management,married,university.degree,no,no,no,cellular,mar,tue,499,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +35,admin.,married,high.school,no,yes,no,cellular,mar,tue,350,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +34,management,married,university.degree,no,yes,no,cellular,mar,tue,225,5,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,no +24,services,single,unknown,no,no,no,cellular,mar,tue,103,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,no +28,student,single,basic.9y,no,yes,no,cellular,mar,tue,320,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +28,student,single,basic.9y,no,yes,no,cellular,mar,tue,156,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +36,admin.,married,high.school,no,no,no,cellular,mar,tue,168,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +43,blue-collar,married,basic.9y,no,no,no,cellular,mar,tue,180,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +24,services,single,unknown,no,yes,no,cellular,mar,tue,305,13,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +28,student,single,basic.9y,no,yes,no,cellular,mar,tue,96,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.7990000000000002,5099.1,yes +32,technician,married,professional.course,no,no,yes,telephone,mar,wed,92,5,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.778,5099.1,no +41,services,married,high.school,no,no,no,cellular,mar,wed,377,6,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.778,5099.1,yes +41,services,married,high.school,no,no,no,cellular,mar,wed,396,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.778,5099.1,yes +23,admin.,single,university.degree,no,unknown,unknown,cellular,mar,thu,308,2,999,1,failure,-1.8,92.84299999999999,-50.0,1.757,5099.1,yes +38,technician,married,professional.course,no,no,no,cellular,mar,thu,66,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +38,technician,married,professional.course,no,no,no,cellular,mar,thu,92,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +44,management,married,basic.6y,no,yes,no,cellular,mar,thu,61,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +38,technician,married,professional.course,no,yes,yes,cellular,mar,thu,63,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,yes +33,admin.,divorced,high.school,no,yes,no,cellular,mar,thu,86,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +23,admin.,single,university.degree,no,yes,no,cellular,mar,thu,64,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +44,management,married,basic.6y,no,yes,yes,cellular,mar,thu,218,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +33,management,married,university.degree,no,yes,no,telephone,mar,thu,181,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,yes +44,management,married,basic.6y,no,yes,no,cellular,mar,thu,53,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +38,technician,married,professional.course,no,yes,no,cellular,mar,thu,182,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,yes +23,admin.,single,university.degree,no,yes,no,cellular,mar,thu,90,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +33,admin.,divorced,high.school,no,no,no,cellular,mar,thu,41,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +38,technician,married,professional.course,no,no,yes,cellular,mar,thu,137,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,yes +38,technician,married,professional.course,no,no,no,cellular,mar,thu,119,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +38,technician,married,professional.course,no,no,no,cellular,mar,thu,106,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,yes +38,technician,married,professional.course,no,no,yes,cellular,mar,thu,196,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,yes +32,admin.,married,high.school,no,no,no,cellular,mar,thu,115,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +38,technician,married,professional.course,no,no,no,cellular,mar,thu,84,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +76,retired,married,university.degree,no,no,yes,cellular,mar,thu,167,9,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.757,5099.1,no +38,technician,married,professional.course,no,no,yes,cellular,mar,fri,195,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +34,technician,single,professional.course,no,no,no,cellular,mar,fri,229,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +34,technician,single,professional.course,no,yes,no,cellular,mar,fri,227,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +34,technician,single,professional.course,no,yes,yes,cellular,mar,fri,136,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,no +38,technician,married,professional.course,no,yes,no,cellular,mar,fri,119,5,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,no +38,technician,married,professional.course,no,yes,no,cellular,mar,fri,166,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +38,technician,married,professional.course,no,yes,no,cellular,mar,fri,363,2,10,1,success,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +34,technician,single,professional.course,no,yes,no,cellular,mar,fri,266,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +34,technician,single,professional.course,no,yes,yes,cellular,mar,fri,544,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +34,technician,single,professional.course,no,no,no,cellular,mar,fri,301,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +38,technician,married,professional.course,no,yes,no,cellular,mar,fri,207,2,7,1,success,-1.8,92.84299999999999,-50.0,1.726,5099.1,yes +32,management,single,university.degree,no,yes,no,cellular,mar,mon,116,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.703,5099.1,yes +41,technician,single,professional.course,no,yes,no,cellular,mar,mon,101,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.703,5099.1,no +37,admin.,single,university.degree,no,yes,yes,cellular,mar,mon,161,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.703,5099.1,no +55,technician,single,professional.course,no,yes,yes,cellular,mar,mon,217,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.703,5099.1,yes +32,management,single,university.degree,no,yes,no,cellular,mar,mon,78,2,999,1,failure,-1.8,92.84299999999999,-50.0,1.703,5099.1,no +67,retired,single,university.degree,no,yes,yes,cellular,mar,mon,70,22,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.703,5099.1,no +32,management,single,university.degree,no,yes,no,cellular,mar,mon,75,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.703,5099.1,no +32,management,single,university.degree,no,no,no,cellular,mar,mon,93,2,999,1,failure,-1.8,92.84299999999999,-50.0,1.703,5099.1,no +32,management,single,university.degree,no,yes,yes,cellular,mar,tue,97,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +38,technician,married,university.degree,no,no,no,cellular,mar,tue,350,2,999,2,failure,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +32,management,single,university.degree,no,yes,no,cellular,mar,tue,164,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +73,retired,married,university.degree,no,yes,no,cellular,mar,tue,179,1,999,1,failure,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +32,management,single,university.degree,no,yes,no,cellular,mar,tue,106,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +31,blue-collar,single,high.school,no,yes,no,cellular,mar,tue,272,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +33,technician,married,university.degree,no,yes,no,cellular,mar,tue,56,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +32,management,single,university.degree,no,yes,no,cellular,mar,tue,71,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +39,admin.,single,high.school,no,yes,no,cellular,mar,tue,100,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +39,admin.,single,high.school,no,no,no,cellular,mar,tue,119,5,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +38,technician,married,university.degree,no,yes,no,cellular,mar,tue,122,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +38,technician,married,university.degree,no,no,no,cellular,mar,tue,59,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +39,admin.,single,high.school,no,yes,no,cellular,mar,tue,395,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +38,technician,married,university.degree,no,no,no,cellular,mar,tue,261,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +38,technician,married,university.degree,no,yes,yes,cellular,mar,tue,113,1,999,1,failure,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +18,student,single,high.school,no,yes,yes,cellular,mar,tue,103,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +32,management,single,university.degree,no,yes,no,cellular,mar,tue,59,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +39,blue-collar,single,basic.4y,no,yes,no,telephone,mar,tue,137,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +37,admin.,married,university.degree,no,yes,yes,cellular,mar,tue,159,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +30,student,single,basic.4y,no,yes,yes,cellular,mar,tue,70,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +32,management,single,university.degree,no,yes,no,cellular,mar,tue,427,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,yes +32,management,single,university.degree,no,yes,no,telephone,mar,tue,230,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6869999999999998,5099.1,no +29,self-employed,married,university.degree,no,yes,no,cellular,mar,wed,60,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +88,retired,divorced,basic.4y,no,yes,no,cellular,mar,wed,48,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +29,self-employed,married,university.degree,no,no,no,cellular,mar,wed,74,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +88,retired,divorced,basic.4y,no,no,no,cellular,mar,wed,266,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +29,self-employed,married,university.degree,no,yes,no,cellular,mar,wed,95,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +29,self-employed,married,university.degree,no,yes,yes,cellular,mar,wed,231,1,999,1,failure,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +88,retired,divorced,basic.4y,no,yes,yes,cellular,mar,wed,796,5,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +29,self-employed,married,university.degree,no,no,no,cellular,mar,wed,101,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +29,self-employed,married,university.degree,no,no,no,cellular,mar,wed,197,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +88,retired,divorced,basic.4y,no,yes,no,cellular,mar,wed,96,6,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +60,retired,married,professional.course,no,yes,no,cellular,mar,wed,74,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +88,retired,divorced,basic.4y,no,yes,no,cellular,mar,wed,126,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +88,retired,divorced,basic.4y,no,no,no,cellular,mar,wed,323,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +88,retired,divorced,basic.4y,no,yes,no,cellular,mar,wed,85,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +88,retired,divorced,basic.4y,no,yes,no,cellular,mar,wed,101,7,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +88,retired,divorced,basic.4y,no,yes,yes,cellular,mar,wed,103,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +88,retired,divorced,basic.4y,no,yes,yes,cellular,mar,wed,82,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,no +88,retired,divorced,basic.4y,no,yes,no,cellular,mar,wed,188,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +88,retired,divorced,basic.4y,no,no,no,cellular,mar,wed,203,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +88,retired,divorced,basic.4y,no,yes,no,cellular,mar,wed,101,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.663,5099.1,yes +33,admin.,married,university.degree,no,no,no,cellular,mar,thu,56,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.65,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,mar,thu,71,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.65,5099.1,no +27,student,single,high.school,no,yes,no,cellular,mar,thu,80,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.65,5099.1,yes +26,management,single,university.degree,no,yes,no,cellular,mar,thu,119,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.65,5099.1,yes +66,retired,married,basic.4y,no,yes,no,cellular,mar,thu,156,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.65,5099.1,yes +29,technician,married,professional.course,no,no,no,cellular,mar,thu,186,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.65,5099.1,yes +26,management,single,university.degree,no,no,no,cellular,mar,thu,139,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.65,5099.1,yes +95,retired,divorced,basic.6y,no,no,no,cellular,mar,thu,85,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.65,5099.1,no +19,student,single,basic.9y,no,yes,no,cellular,mar,fri,126,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,yes +28,self-employed,single,university.degree,no,yes,no,cellular,mar,fri,186,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,no +32,student,single,university.degree,no,no,no,cellular,mar,fri,61,11,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,no +28,self-employed,single,university.degree,no,yes,no,cellular,mar,fri,41,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,no +28,self-employed,single,university.degree,no,no,no,cellular,mar,fri,114,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,no +30,student,single,high.school,no,no,no,cellular,mar,fri,268,5,10,2,failure,-1.8,92.84299999999999,-50.0,1.64,5099.1,yes +28,self-employed,single,university.degree,no,yes,yes,cellular,mar,fri,3076,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,yes +37,unemployed,single,university.degree,no,yes,no,cellular,mar,fri,432,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,no +50,unemployed,unknown,university.degree,no,no,no,cellular,mar,fri,166,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,no +28,self-employed,single,university.degree,no,no,no,cellular,mar,fri,296,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.64,5099.1,yes +70,retired,married,basic.4y,no,yes,no,cellular,mar,mon,61,6,999,1,failure,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +70,retired,married,basic.4y,no,no,no,cellular,mar,mon,422,3,999,1,failure,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +34,technician,married,professional.course,no,no,no,telephone,mar,mon,80,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +30,admin.,married,university.degree,no,unknown,unknown,cellular,mar,mon,291,3,8,1,success,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +56,retired,married,university.degree,no,yes,yes,cellular,mar,mon,104,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,mar,mon,93,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +34,technician,married,professional.course,no,yes,yes,telephone,mar,mon,44,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +70,retired,married,basic.4y,no,yes,no,telephone,mar,mon,147,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +34,technician,married,professional.course,no,no,no,cellular,mar,mon,83,13,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.629,5099.1,no +28,technician,single,university.degree,no,no,no,cellular,mar,mon,392,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.629,5099.1,yes +50,admin.,divorced,university.degree,no,yes,no,cellular,mar,tue,74,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,no +46,technician,married,professional.course,no,no,no,cellular,mar,tue,163,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,mar,tue,406,2,999,1,failure,-1.8,92.84299999999999,-50.0,1.614,5099.1,yes +21,student,single,high.school,no,no,no,cellular,mar,tue,220,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,yes +77,retired,divorced,unknown,no,yes,no,cellular,mar,tue,178,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,yes +37,unemployed,married,university.degree,no,yes,no,cellular,mar,tue,195,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,yes +33,admin.,single,university.degree,no,yes,yes,cellular,mar,tue,187,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,yes +33,technician,single,university.degree,no,yes,no,cellular,mar,tue,325,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,no +29,technician,single,professional.course,no,no,no,cellular,mar,tue,299,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,yes +34,admin.,single,university.degree,no,no,no,cellular,mar,tue,325,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,yes +32,admin.,single,professional.course,no,yes,no,cellular,mar,tue,159,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,no +32,admin.,single,professional.course,no,yes,yes,cellular,mar,tue,81,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,no +50,admin.,divorced,university.degree,no,yes,no,cellular,mar,tue,136,19,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.614,5099.1,no +26,student,single,high.school,no,no,no,cellular,mar,wed,236,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6019999999999999,5099.1,no +33,blue-collar,single,high.school,no,yes,no,cellular,mar,wed,140,10,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6019999999999999,5099.1,no +33,blue-collar,single,high.school,no,no,no,cellular,mar,wed,278,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6019999999999999,5099.1,yes +60,management,single,university.degree,no,yes,yes,cellular,mar,wed,194,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6019999999999999,5099.1,yes +24,admin.,single,high.school,no,yes,yes,cellular,mar,wed,224,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6019999999999999,5099.1,yes +33,blue-collar,single,high.school,no,yes,no,cellular,mar,wed,163,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6019999999999999,5099.1,no +68,retired,married,university.degree,no,no,no,cellular,mar,wed,201,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.6019999999999999,5099.1,yes +33,blue-collar,single,high.school,no,yes,no,cellular,mar,wed,203,4,999,1,failure,-1.8,92.84299999999999,-50.0,1.6019999999999999,5099.1,yes +32,management,single,university.degree,no,no,yes,cellular,mar,thu,167,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.584,5099.1,yes +24,admin.,single,high.school,no,no,yes,cellular,mar,thu,181,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.584,5099.1,no +36,admin.,married,high.school,no,yes,no,cellular,mar,thu,220,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.584,5099.1,yes +24,management,married,unknown,no,no,no,cellular,mar,fri,93,5,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.574,5099.1,no +54,admin.,married,university.degree,no,no,no,cellular,mar,mon,47,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.56,5099.1,no +31,admin.,divorced,university.degree,no,no,no,cellular,mar,mon,248,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.56,5099.1,yes +54,admin.,married,university.degree,no,yes,no,cellular,mar,mon,415,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.56,5099.1,yes +75,retired,divorced,basic.9y,no,no,no,cellular,mar,mon,233,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.56,5099.1,no +54,admin.,married,university.degree,no,yes,no,cellular,mar,mon,115,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.56,5099.1,yes +27,unemployed,single,university.degree,no,yes,no,cellular,mar,mon,269,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.56,5099.1,no +31,admin.,divorced,university.degree,no,yes,yes,cellular,mar,mon,174,2,999,1,failure,-1.8,92.84299999999999,-50.0,1.56,5099.1,yes +70,admin.,divorced,university.degree,no,no,no,cellular,mar,mon,83,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.56,5099.1,no +19,student,single,basic.6y,no,no,no,cellular,mar,tue,136,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,yes +35,blue-collar,single,professional.course,no,yes,no,cellular,mar,tue,81,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,no +29,blue-collar,married,basic.4y,no,yes,yes,cellular,mar,tue,74,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,no +32,technician,divorced,professional.course,no,yes,yes,cellular,mar,tue,460,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,yes +32,technician,divorced,professional.course,no,no,no,cellular,mar,tue,115,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,no +28,technician,single,professional.course,no,yes,no,telephone,mar,tue,58,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,mar,tue,116,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,no +61,retired,married,basic.9y,no,no,yes,cellular,mar,tue,125,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,no +32,technician,divorced,professional.course,no,yes,no,cellular,mar,tue,144,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,yes +29,blue-collar,single,basic.9y,no,yes,no,cellular,mar,tue,152,13,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,no +31,admin.,married,university.degree,no,yes,no,cellular,mar,tue,170,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,yes +46,admin.,married,university.degree,no,no,no,cellular,mar,tue,269,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.556,5099.1,yes +50,management,married,basic.9y,no,no,no,cellular,mar,wed,115,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.548,5099.1,yes +28,admin.,single,university.degree,no,no,no,cellular,mar,wed,506,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.548,5099.1,yes +63,retired,divorced,basic.4y,no,no,no,cellular,mar,wed,78,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.548,5099.1,no +28,admin.,single,university.degree,no,no,yes,cellular,mar,wed,96,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.548,5099.1,yes +33,admin.,married,university.degree,no,yes,no,cellular,mar,wed,278,8,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.548,5099.1,yes +28,admin.,single,university.degree,no,no,no,cellular,mar,wed,411,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.548,5099.1,yes +35,admin.,married,high.school,no,yes,no,cellular,mar,thu,117,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,yes +36,management,married,university.degree,no,no,no,cellular,mar,thu,709,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,yes +36,management,married,university.degree,no,yes,no,cellular,mar,thu,141,1,999,1,failure,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +26,student,single,high.school,no,no,no,cellular,mar,thu,200,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,yes +70,housemaid,married,basic.4y,no,no,no,cellular,mar,thu,91,1,999,1,failure,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +45,technician,single,professional.course,no,yes,yes,cellular,mar,thu,143,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +20,student,single,basic.9y,no,yes,no,cellular,mar,thu,325,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,yes +36,management,married,university.degree,no,yes,yes,cellular,mar,thu,94,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +28,admin.,single,high.school,no,yes,no,cellular,mar,thu,131,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +20,student,single,basic.9y,no,yes,no,cellular,mar,thu,267,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +36,management,married,university.degree,no,yes,no,cellular,mar,thu,86,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +37,blue-collar,married,basic.6y,no,yes,yes,cellular,mar,thu,73,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +58,unemployed,married,basic.4y,unknown,yes,no,cellular,mar,thu,439,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +68,retired,married,basic.4y,no,no,no,cellular,mar,thu,331,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,yes +51,technician,married,university.degree,no,yes,no,cellular,mar,thu,278,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +28,admin.,single,high.school,no,yes,no,cellular,mar,thu,181,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +22,student,single,basic.9y,no,yes,no,cellular,mar,thu,173,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.538,5099.1,no +27,housemaid,married,high.school,no,yes,no,cellular,mar,fri,101,12,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +36,unemployed,married,university.degree,unknown,unknown,unknown,cellular,mar,fri,95,2,999,1,failure,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +28,admin.,single,high.school,no,yes,no,telephone,mar,fri,515,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +28,admin.,single,high.school,no,yes,no,cellular,mar,fri,300,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +28,admin.,single,high.school,no,yes,no,cellular,mar,fri,342,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +28,self-employed,single,university.degree,no,yes,no,telephone,mar,fri,124,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +56,blue-collar,married,basic.4y,no,yes,no,cellular,mar,fri,283,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +28,admin.,single,high.school,no,yes,no,cellular,mar,fri,78,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +41,technician,married,professional.course,no,no,no,cellular,mar,fri,229,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +28,admin.,single,high.school,no,yes,no,cellular,mar,fri,102,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +25,admin.,married,university.degree,no,yes,no,cellular,mar,fri,294,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +25,admin.,married,university.degree,no,no,no,cellular,mar,fri,184,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +25,admin.,married,university.degree,no,yes,no,cellular,mar,fri,277,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +30,blue-collar,single,university.degree,no,no,no,cellular,mar,fri,166,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +28,admin.,single,high.school,no,no,yes,cellular,mar,fri,77,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +73,retired,married,university.degree,no,yes,no,cellular,mar,fri,179,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +43,admin.,married,university.degree,no,yes,no,cellular,mar,fri,689,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +31,technician,single,university.degree,no,yes,no,telephone,mar,fri,228,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +66,retired,married,unknown,no,yes,no,telephone,mar,fri,64,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +27,housemaid,married,high.school,no,yes,no,cellular,mar,fri,378,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +36,self-employed,married,university.degree,no,yes,no,cellular,mar,fri,101,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +60,admin.,married,university.degree,no,yes,no,cellular,mar,fri,558,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +25,admin.,married,university.degree,no,no,no,cellular,mar,fri,243,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +43,admin.,married,university.degree,no,yes,no,cellular,mar,fri,111,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +28,admin.,single,high.school,no,no,no,cellular,mar,fri,144,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +30,blue-collar,single,university.degree,no,yes,yes,cellular,mar,fri,166,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,no +28,admin.,single,high.school,no,no,no,telephone,mar,fri,234,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +32,admin.,single,university.degree,no,yes,no,cellular,mar,fri,271,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +28,admin.,single,high.school,no,no,no,cellular,mar,fri,347,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.531,5099.1,yes +32,admin.,single,university.degree,no,unknown,unknown,cellular,mar,mon,77,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +34,technician,single,university.degree,no,no,no,cellular,mar,mon,180,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,yes +32,admin.,single,university.degree,no,unknown,unknown,cellular,mar,mon,136,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +34,technician,single,university.degree,no,yes,no,cellular,mar,mon,253,2,999,1,failure,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +34,technician,single,university.degree,no,yes,no,cellular,mar,mon,171,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,mar,mon,96,6,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +80,retired,married,basic.4y,unknown,yes,no,cellular,mar,mon,415,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +80,retired,married,basic.4y,unknown,no,no,cellular,mar,mon,95,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,mar,mon,285,8,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,yes +32,admin.,single,university.degree,no,yes,no,cellular,mar,mon,364,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,yes +21,student,single,basic.4y,no,no,no,cellular,mar,mon,114,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,mar,mon,517,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,yes +32,admin.,single,university.degree,no,yes,no,cellular,mar,mon,167,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,mar,mon,78,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +62,admin.,married,high.school,no,no,no,telephone,mar,mon,163,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,yes +32,admin.,single,university.degree,no,no,no,cellular,mar,mon,52,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +34,technician,single,university.degree,no,no,no,cellular,mar,mon,138,8,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.52,5099.1,no +59,blue-collar,married,basic.4y,no,yes,yes,cellular,mar,tue,684,4,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,no +59,blue-collar,married,basic.4y,no,no,no,cellular,mar,tue,237,3,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,yes +80,management,divorced,professional.course,unknown,yes,no,cellular,mar,tue,158,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,yes +33,blue-collar,married,high.school,unknown,yes,no,cellular,mar,tue,494,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,no +39,admin.,married,high.school,unknown,yes,yes,cellular,mar,tue,210,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,no +39,admin.,married,high.school,unknown,yes,no,cellular,mar,tue,310,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,no +39,admin.,married,high.school,unknown,yes,no,cellular,mar,tue,265,1,999,1,failure,-1.8,92.84299999999999,-50.0,1.51,5099.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,mar,tue,257,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,mar,tue,829,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,no +44,blue-collar,single,basic.4y,no,yes,no,cellular,mar,tue,1530,2,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,yes +48,admin.,single,university.degree,no,yes,no,cellular,mar,tue,544,1,999,0,nonexistent,-1.8,92.84299999999999,-50.0,1.51,5099.1,no +38,services,married,high.school,no,yes,no,cellular,apr,wed,484,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +33,blue-collar,married,basic.6y,no,yes,no,cellular,apr,wed,351,3,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,yes +43,self-employed,married,high.school,unknown,yes,no,cellular,apr,wed,345,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +31,technician,married,professional.course,no,yes,no,cellular,apr,wed,131,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +43,self-employed,married,high.school,unknown,no,no,cellular,apr,wed,743,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +34,blue-collar,single,basic.9y,no,no,no,cellular,apr,wed,394,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,apr,wed,73,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +56,entrepreneur,divorced,university.degree,no,no,no,cellular,apr,wed,202,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +30,services,single,high.school,no,yes,no,cellular,apr,wed,247,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +33,blue-collar,married,professional.course,no,yes,yes,cellular,apr,wed,154,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,apr,wed,110,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +49,admin.,married,basic.6y,no,yes,no,cellular,apr,wed,805,2,999,1,failure,-1.8,93.075,-47.1,1.4980000000000002,5099.1,yes +33,management,single,university.degree,no,yes,yes,cellular,apr,wed,427,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +33,management,single,university.degree,no,yes,no,cellular,apr,wed,212,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +40,blue-collar,single,basic.9y,no,no,no,cellular,apr,wed,274,1,999,1,failure,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +33,management,single,university.degree,no,yes,yes,cellular,apr,wed,1176,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,yes +33,blue-collar,married,basic.6y,no,yes,no,cellular,apr,wed,165,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,yes +46,retired,married,basic.6y,unknown,yes,no,cellular,apr,wed,525,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,apr,wed,479,1,999,1,failure,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,apr,wed,513,1,5,2,success,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,apr,wed,295,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +29,admin.,single,university.degree,no,no,yes,cellular,apr,wed,117,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +63,retired,married,professional.course,no,yes,no,cellular,apr,wed,387,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,yes +39,admin.,married,high.school,no,yes,no,cellular,apr,wed,286,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,wed,161,2,999,1,failure,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +27,entrepreneur,married,professional.course,no,unknown,unknown,cellular,apr,wed,297,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +38,admin.,divorced,university.degree,no,yes,no,cellular,apr,wed,498,3,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +44,admin.,married,unknown,no,no,no,cellular,apr,wed,251,4,999,1,failure,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +32,technician,married,professional.course,no,yes,no,cellular,apr,wed,625,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +56,entrepreneur,divorced,university.degree,no,unknown,unknown,cellular,apr,wed,121,2,999,1,failure,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +43,self-employed,married,high.school,unknown,yes,no,cellular,apr,wed,253,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +20,student,single,unknown,no,yes,no,cellular,apr,wed,184,4,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,yes +63,retired,married,professional.course,no,no,no,telephone,apr,wed,74,3,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +34,admin.,single,university.degree,no,no,yes,cellular,apr,wed,203,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +31,technician,married,professional.course,no,yes,no,cellular,apr,wed,647,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4980000000000002,5099.1,no +30,admin.,married,university.degree,no,yes,no,cellular,apr,thu,80,3,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,apr,thu,739,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,yes +54,blue-collar,married,professional.course,no,yes,no,telephone,apr,thu,173,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +54,blue-collar,married,professional.course,no,no,no,cellular,apr,thu,2870,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,apr,thu,90,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +38,admin.,divorced,basic.6y,unknown,yes,no,cellular,apr,thu,926,1,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,apr,thu,82,6,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +43,services,divorced,high.school,unknown,yes,no,cellular,apr,thu,303,1,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +43,services,divorced,high.school,unknown,no,no,cellular,apr,thu,473,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +38,services,married,basic.9y,no,yes,no,cellular,apr,thu,101,1,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +30,admin.,married,university.degree,no,yes,no,cellular,apr,thu,243,3,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,yes +39,blue-collar,single,basic.9y,no,yes,no,cellular,apr,thu,340,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +41,blue-collar,married,basic.4y,unknown,yes,yes,cellular,apr,thu,288,1,999,2,failure,-1.8,93.075,-47.1,1.483,5099.1,no +34,technician,single,professional.course,no,no,no,cellular,apr,thu,121,1,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +26,services,single,high.school,no,no,no,cellular,apr,thu,177,1,1,3,success,-1.8,93.075,-47.1,1.483,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,apr,thu,313,3,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,yes +35,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,thu,114,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +39,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,73,1,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,253,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +40,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,thu,450,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +39,blue-collar,single,basic.9y,no,no,no,cellular,apr,thu,311,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +44,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,thu,361,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +33,admin.,divorced,high.school,no,no,no,cellular,apr,thu,148,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +39,services,married,high.school,no,no,no,cellular,apr,thu,598,2,999,2,failure,-1.8,93.075,-47.1,1.483,5099.1,no +28,technician,single,professional.course,no,yes,no,cellular,apr,thu,477,2,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +55,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,apr,thu,164,1,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +42,technician,divorced,professional.course,no,yes,yes,cellular,apr,thu,144,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +33,housemaid,unknown,university.degree,no,yes,no,cellular,apr,thu,80,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +28,blue-collar,single,high.school,no,no,yes,cellular,apr,thu,333,1,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +28,blue-collar,single,high.school,no,yes,no,telephone,apr,thu,240,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +50,services,married,basic.4y,unknown,yes,yes,cellular,apr,thu,260,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +44,blue-collar,married,university.degree,no,yes,no,cellular,apr,thu,397,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,yes +28,technician,single,professional.course,no,no,no,cellular,apr,thu,444,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +28,technician,single,professional.course,no,yes,no,cellular,apr,thu,824,1,999,2,failure,-1.8,93.075,-47.1,1.483,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,apr,thu,104,6,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +32,technician,single,university.degree,no,yes,no,cellular,apr,thu,293,2,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +28,blue-collar,single,high.school,no,yes,no,telephone,apr,thu,771,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,yes +46,management,married,university.degree,no,no,no,cellular,apr,thu,249,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +42,admin.,married,basic.9y,no,yes,no,cellular,apr,thu,204,4,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +28,blue-collar,single,high.school,no,yes,yes,cellular,apr,thu,268,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,yes +39,blue-collar,single,basic.9y,no,yes,no,cellular,apr,thu,173,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +49,admin.,married,basic.6y,unknown,yes,no,cellular,apr,thu,349,3,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +50,self-employed,single,basic.9y,no,no,no,cellular,apr,thu,399,2,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +44,admin.,divorced,university.degree,no,no,no,telephone,apr,thu,74,3,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,telephone,apr,thu,285,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +39,technician,married,professional.course,no,no,no,cellular,apr,thu,225,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +38,services,married,basic.9y,no,no,yes,cellular,apr,thu,96,3,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +28,blue-collar,single,high.school,no,yes,no,cellular,apr,thu,329,2,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,yes +28,blue-collar,single,high.school,no,yes,no,cellular,apr,thu,254,2,999,1,failure,-1.8,93.075,-47.1,1.483,5099.1,no +30,admin.,married,university.degree,no,no,yes,cellular,apr,thu,206,1,999,0,nonexistent,-1.8,93.075,-47.1,1.483,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,48,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +24,technician,single,university.degree,no,yes,no,cellular,apr,fri,326,3,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +39,admin.,divorced,university.degree,no,no,no,cellular,apr,fri,187,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +40,services,married,high.school,no,yes,no,cellular,apr,fri,456,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +42,technician,divorced,professional.course,no,yes,no,cellular,apr,fri,93,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,fri,905,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +53,blue-collar,divorced,high.school,no,yes,no,cellular,apr,fri,0,3,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +49,self-employed,divorced,unknown,unknown,yes,no,cellular,apr,fri,74,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +32,blue-collar,married,basic.9y,no,unknown,unknown,telephone,apr,fri,108,3,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +26,admin.,single,university.degree,no,yes,no,cellular,apr,fri,376,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,224,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +26,entrepreneur,single,high.school,no,yes,no,cellular,apr,fri,707,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,yes +26,entrepreneur,single,high.school,no,no,yes,cellular,apr,fri,297,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +49,housemaid,married,basic.4y,no,no,no,cellular,apr,fri,115,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +30,technician,married,university.degree,no,yes,no,cellular,apr,fri,103,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +42,admin.,married,high.school,no,no,no,cellular,apr,fri,697,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +37,management,married,high.school,no,yes,no,cellular,apr,fri,445,1,999,2,failure,-1.8,93.075,-47.1,1.479,5099.1,no +51,technician,divorced,professional.course,no,yes,no,cellular,apr,fri,314,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +51,technician,divorced,professional.course,no,yes,yes,cellular,apr,fri,84,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +40,services,married,high.school,no,yes,no,cellular,apr,fri,277,2,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +31,admin.,married,university.degree,no,no,no,cellular,apr,fri,170,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +30,technician,single,high.school,no,no,no,cellular,apr,fri,285,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +33,services,divorced,high.school,no,no,yes,telephone,apr,fri,119,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +39,entrepreneur,married,high.school,no,no,no,cellular,apr,fri,484,1,999,2,failure,-1.8,93.075,-47.1,1.479,5099.1,no +44,services,married,high.school,no,yes,no,cellular,apr,fri,240,1,999,2,failure,-1.8,93.075,-47.1,1.479,5099.1,no +33,services,divorced,high.school,no,yes,yes,cellular,apr,fri,420,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,apr,fri,482,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,yes +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,66,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +54,housemaid,married,unknown,no,yes,no,cellular,apr,fri,117,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,yes +55,retired,married,high.school,no,yes,no,cellular,apr,fri,213,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +49,self-employed,divorced,unknown,unknown,no,no,cellular,apr,fri,660,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +50,admin.,married,professional.course,unknown,yes,no,cellular,apr,fri,154,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +33,entrepreneur,married,high.school,no,yes,no,cellular,apr,fri,273,2,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +50,admin.,married,unknown,no,yes,no,cellular,apr,fri,121,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +39,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,239,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +56,management,married,university.degree,no,no,no,telephone,apr,fri,362,2,999,2,failure,-1.8,93.075,-47.1,1.479,5099.1,no +54,housemaid,married,unknown,no,yes,no,cellular,apr,fri,105,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,fri,582,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +36,blue-collar,married,basic.9y,no,unknown,unknown,cellular,apr,fri,329,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +48,admin.,married,high.school,no,yes,no,cellular,apr,fri,190,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +48,admin.,married,high.school,no,no,no,cellular,apr,fri,345,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +32,services,married,high.school,no,no,no,cellular,apr,fri,65,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +43,management,married,university.degree,unknown,no,no,cellular,apr,fri,121,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +32,services,married,high.school,no,no,no,cellular,apr,fri,1090,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +34,blue-collar,single,basic.9y,no,no,no,cellular,apr,fri,203,1,1,1,success,-1.8,93.075,-47.1,1.479,5099.1,no +49,services,married,basic.6y,no,no,yes,cellular,apr,fri,383,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,100,3,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +39,entrepreneur,married,high.school,no,no,no,cellular,apr,fri,224,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,apr,fri,439,2,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +32,blue-collar,married,basic.6y,no,yes,yes,cellular,apr,fri,205,2,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +44,management,divorced,university.degree,no,yes,no,cellular,apr,fri,230,1,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +44,management,divorced,university.degree,no,no,no,cellular,apr,fri,1091,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +31,technician,single,high.school,no,yes,no,cellular,apr,fri,596,1,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +47,technician,married,high.school,no,yes,no,cellular,apr,fri,148,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +36,services,single,high.school,no,no,yes,telephone,apr,fri,514,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +47,blue-collar,married,basic.9y,no,no,yes,cellular,apr,fri,583,2,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,no +46,management,married,high.school,unknown,yes,no,cellular,apr,fri,57,4,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +41,admin.,married,basic.6y,no,no,no,cellular,apr,fri,1203,2,999,1,failure,-1.8,93.075,-47.1,1.479,5099.1,yes +51,technician,divorced,professional.course,no,no,no,cellular,apr,fri,579,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +37,admin.,married,university.degree,no,yes,no,telephone,apr,fri,309,4,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +40,services,married,high.school,no,yes,no,cellular,apr,fri,151,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +49,services,married,basic.6y,no,yes,no,cellular,apr,fri,219,2,999,0,nonexistent,-1.8,93.075,-47.1,1.479,5099.1,no +38,entrepreneur,married,professional.course,no,yes,yes,cellular,apr,mon,278,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +46,blue-collar,married,basic.9y,unknown,yes,yes,cellular,apr,mon,479,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +42,management,married,unknown,no,yes,no,cellular,apr,mon,590,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +41,unemployed,married,basic.9y,no,no,yes,cellular,apr,mon,322,1,9,1,success,-1.8,93.075,-47.1,1.466,5099.1,no +50,management,divorced,university.degree,unknown,no,no,telephone,apr,mon,475,6,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,yes +41,unemployed,married,basic.9y,no,yes,no,cellular,apr,mon,272,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +45,admin.,married,high.school,no,yes,no,cellular,apr,mon,185,3,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +40,management,married,university.degree,no,yes,no,cellular,apr,mon,254,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +25,technician,single,professional.course,no,no,yes,cellular,apr,mon,112,4,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +40,services,single,high.school,no,no,no,cellular,apr,mon,275,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +37,technician,divorced,basic.9y,no,yes,no,cellular,apr,mon,247,1,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +38,admin.,single,high.school,no,yes,no,cellular,apr,mon,332,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +55,management,divorced,university.degree,no,no,yes,cellular,apr,mon,916,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +53,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,mon,583,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,yes +31,technician,married,professional.course,no,no,no,cellular,apr,mon,551,3,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +26,admin.,married,high.school,no,yes,no,cellular,apr,mon,90,10,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +56,retired,married,basic.6y,no,yes,no,telephone,apr,mon,172,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +55,retired,married,basic.4y,no,yes,no,cellular,apr,mon,158,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,yes +65,retired,married,university.degree,no,yes,no,cellular,apr,mon,147,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +34,admin.,married,basic.6y,no,yes,no,cellular,apr,mon,599,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +55,management,divorced,university.degree,no,yes,no,cellular,apr,mon,232,3,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +55,technician,married,professional.course,no,no,no,cellular,apr,mon,376,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +44,blue-collar,married,high.school,no,no,no,cellular,apr,mon,271,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +24,admin.,single,university.degree,no,yes,no,telephone,apr,mon,86,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +46,self-employed,single,university.degree,unknown,no,no,cellular,apr,mon,438,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +42,technician,married,basic.9y,no,no,yes,cellular,apr,mon,437,2,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +46,services,divorced,high.school,no,no,no,cellular,apr,mon,211,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +41,unemployed,married,basic.9y,no,yes,no,cellular,apr,mon,263,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +44,technician,married,unknown,no,yes,no,cellular,apr,mon,104,1,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +40,services,married,unknown,unknown,no,no,cellular,apr,mon,294,1,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +45,blue-collar,single,basic.9y,no,yes,no,cellular,apr,mon,173,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +45,blue-collar,single,basic.9y,no,no,no,cellular,apr,mon,129,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +55,housemaid,married,basic.4y,no,no,no,cellular,apr,mon,197,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +24,student,single,university.degree,no,no,no,cellular,apr,mon,139,2,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +55,housemaid,married,basic.4y,no,yes,no,cellular,apr,mon,139,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +40,blue-collar,divorced,basic.6y,no,no,no,cellular,apr,mon,399,2,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +26,admin.,married,high.school,no,no,no,cellular,apr,mon,190,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +55,housemaid,married,basic.4y,no,yes,no,cellular,apr,mon,1435,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,yes +26,admin.,married,high.school,no,yes,no,telephone,apr,mon,216,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +58,retired,divorced,high.school,no,yes,no,cellular,apr,mon,75,2,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +55,technician,married,professional.course,no,yes,no,cellular,apr,mon,371,3,999,2,failure,-1.8,93.075,-47.1,1.466,5099.1,no +43,services,married,professional.course,no,no,no,cellular,apr,mon,230,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,mon,41,2,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +32,blue-collar,married,basic.9y,no,unknown,unknown,cellular,apr,mon,1063,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,yes +35,technician,married,professional.course,no,yes,no,cellular,apr,mon,272,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +48,admin.,single,high.school,no,no,no,cellular,apr,mon,223,2,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +40,services,married,high.school,no,no,no,cellular,apr,mon,377,3,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +57,blue-collar,married,high.school,no,yes,yes,cellular,apr,mon,2316,1,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +34,blue-collar,married,basic.9y,unknown,yes,no,telephone,apr,mon,1353,2,5,1,success,-1.8,93.075,-47.1,1.466,5099.1,yes +29,technician,single,professional.course,no,yes,no,cellular,apr,mon,740,3,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,yes +37,blue-collar,married,basic.6y,no,yes,no,cellular,apr,mon,1138,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,yes +38,blue-collar,married,basic.9y,no,no,no,cellular,apr,mon,357,2,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +42,technician,married,basic.9y,no,no,no,cellular,apr,mon,441,4,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +53,blue-collar,married,basic.4y,unknown,no,no,cellular,apr,mon,165,4,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +38,blue-collar,married,basic.9y,no,no,yes,cellular,apr,mon,276,2,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +46,blue-collar,married,basic.9y,unknown,yes,no,telephone,apr,mon,125,3,999,1,failure,-1.8,93.075,-47.1,1.466,5099.1,no +51,admin.,divorced,professional.course,no,no,yes,cellular,apr,mon,583,3,999,0,nonexistent,-1.8,93.075,-47.1,1.466,5099.1,no +56,management,married,university.degree,no,no,no,cellular,apr,tue,72,5,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +60,retired,divorced,basic.4y,no,no,no,cellular,apr,tue,465,4,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,yes +19,student,single,basic.9y,no,no,no,cellular,apr,tue,43,3,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +32,technician,single,university.degree,no,yes,no,cellular,apr,tue,60,3,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +57,blue-collar,married,high.school,no,yes,no,cellular,apr,tue,355,3,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +39,technician,married,basic.6y,no,yes,no,cellular,apr,tue,226,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +43,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,tue,608,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,yes +43,blue-collar,married,basic.9y,unknown,yes,yes,cellular,apr,tue,1096,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +35,admin.,married,high.school,no,no,no,cellular,apr,tue,327,2,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +34,admin.,single,high.school,no,no,no,cellular,apr,tue,231,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +44,technician,divorced,professional.course,no,no,no,cellular,apr,tue,208,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,apr,tue,91,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,apr,tue,381,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +41,admin.,married,university.degree,no,yes,no,cellular,apr,tue,183,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +22,student,single,high.school,no,no,no,cellular,apr,tue,194,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +41,admin.,married,university.degree,no,yes,yes,cellular,apr,tue,103,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +41,admin.,married,university.degree,no,no,no,cellular,apr,tue,463,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,yes +40,blue-collar,married,basic.9y,no,no,yes,cellular,apr,tue,479,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +40,blue-collar,married,basic.9y,no,no,no,cellular,apr,tue,354,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +46,admin.,divorced,high.school,no,no,no,cellular,apr,tue,345,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +45,services,married,professional.course,no,no,no,cellular,apr,tue,329,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +40,self-employed,married,professional.course,unknown,no,no,cellular,apr,tue,210,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,apr,tue,226,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +39,self-employed,married,professional.course,no,no,yes,cellular,apr,tue,389,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +57,blue-collar,married,high.school,no,yes,no,cellular,apr,tue,97,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +36,admin.,divorced,high.school,no,no,no,cellular,apr,tue,197,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +47,blue-collar,single,basic.4y,unknown,no,no,cellular,apr,tue,369,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +45,management,divorced,university.degree,no,no,no,cellular,apr,tue,196,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +34,admin.,single,high.school,no,yes,yes,cellular,apr,tue,2299,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,yes +41,admin.,married,basic.6y,unknown,no,no,cellular,apr,tue,226,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +46,technician,married,basic.6y,no,no,no,cellular,apr,tue,254,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +32,technician,single,university.degree,no,no,no,cellular,apr,tue,721,4,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,yes +40,technician,married,professional.course,no,yes,no,cellular,apr,tue,366,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +31,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,tue,208,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +40,technician,married,professional.course,no,no,no,cellular,apr,tue,274,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +39,admin.,married,high.school,no,yes,no,telephone,apr,tue,189,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +66,retired,single,university.degree,no,yes,no,cellular,apr,tue,411,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +42,technician,divorced,professional.course,no,yes,no,cellular,apr,tue,157,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +19,student,single,basic.9y,no,yes,no,cellular,apr,tue,299,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,yes +41,blue-collar,married,basic.9y,no,yes,no,cellular,apr,tue,272,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +42,technician,divorced,professional.course,no,no,no,cellular,apr,tue,615,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +34,management,married,university.degree,no,yes,no,cellular,apr,tue,255,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +28,student,single,university.degree,no,yes,no,cellular,apr,tue,93,3,11,2,failure,-1.8,93.075,-47.1,1.453,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,apr,tue,49,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +72,retired,married,basic.4y,no,unknown,unknown,cellular,apr,tue,44,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +72,retired,married,basic.4y,no,no,no,telephone,apr,tue,124,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +38,services,divorced,high.school,unknown,yes,no,cellular,apr,tue,620,1,2,1,success,-1.8,93.075,-47.1,1.453,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,apr,tue,84,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,yes +36,blue-collar,married,basic.9y,no,yes,yes,cellular,apr,tue,99,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +32,technician,single,university.degree,no,no,no,cellular,apr,tue,83,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +45,services,married,high.school,no,no,no,cellular,apr,tue,139,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +38,services,divorced,high.school,unknown,no,no,cellular,apr,tue,311,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +45,services,married,high.school,no,yes,no,cellular,apr,tue,1063,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +38,services,divorced,high.school,unknown,yes,no,cellular,apr,tue,263,2,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +43,admin.,single,high.school,no,no,no,cellular,apr,tue,487,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +57,blue-collar,married,basic.9y,no,no,no,cellular,apr,tue,304,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +35,unemployed,divorced,university.degree,no,yes,yes,cellular,apr,tue,66,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +35,unemployed,divorced,university.degree,no,no,no,cellular,apr,tue,253,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +40,retired,single,basic.4y,no,yes,yes,cellular,apr,tue,145,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +46,services,married,unknown,no,yes,no,cellular,apr,tue,244,3,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +25,student,single,high.school,no,no,no,cellular,apr,tue,98,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +36,self-employed,single,university.degree,no,no,yes,cellular,apr,tue,104,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +39,technician,married,basic.6y,no,no,no,cellular,apr,tue,88,3,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,apr,tue,1,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +40,services,married,high.school,no,yes,no,cellular,apr,tue,158,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +40,blue-collar,married,high.school,no,no,no,cellular,apr,tue,245,8,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,apr,tue,161,1,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +59,services,married,high.school,no,yes,no,cellular,apr,tue,542,3,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +44,services,divorced,high.school,no,no,no,cellular,apr,tue,265,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +44,services,divorced,high.school,no,no,no,cellular,apr,tue,562,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +44,services,divorced,high.school,no,yes,yes,cellular,apr,tue,895,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,yes +38,blue-collar,married,basic.4y,no,no,no,cellular,apr,tue,277,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +38,blue-collar,married,basic.4y,no,no,no,cellular,apr,tue,239,1,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +38,admin.,divorced,high.school,no,no,no,cellular,apr,tue,172,2,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +33,blue-collar,single,professional.course,no,no,no,cellular,apr,tue,221,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +55,technician,married,high.school,no,yes,yes,cellular,apr,tue,376,3,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +59,retired,married,basic.4y,no,no,no,telephone,apr,tue,353,4,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +43,admin.,single,high.school,no,no,no,cellular,apr,tue,216,2,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +40,blue-collar,married,high.school,no,no,no,cellular,apr,tue,43,3,999,1,failure,-1.8,93.075,-47.1,1.453,5099.1,no +36,entrepreneur,married,high.school,no,yes,no,cellular,apr,tue,736,7,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +44,blue-collar,single,basic.9y,no,yes,no,cellular,apr,tue,581,2,999,0,nonexistent,-1.8,93.075,-47.1,1.453,5099.1,no +27,technician,married,professional.course,no,yes,yes,cellular,apr,wed,163,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +27,technician,single,basic.9y,no,no,yes,cellular,apr,wed,79,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +46,services,married,high.school,no,no,no,cellular,apr,wed,325,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +25,student,single,high.school,no,yes,no,cellular,apr,wed,327,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +25,student,single,high.school,no,yes,no,cellular,apr,wed,117,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +34,services,married,high.school,no,yes,no,cellular,apr,wed,98,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +27,technician,single,basic.9y,no,yes,no,cellular,apr,wed,131,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +27,technician,single,basic.9y,no,yes,no,cellular,apr,wed,149,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +43,technician,single,professional.course,unknown,yes,no,cellular,apr,wed,519,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +40,housemaid,married,basic.9y,no,yes,yes,telephone,apr,wed,169,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +32,technician,single,university.degree,no,no,no,cellular,apr,wed,87,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +55,admin.,divorced,university.degree,no,yes,no,cellular,apr,wed,628,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +27,admin.,single,university.degree,no,yes,yes,cellular,apr,wed,98,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +55,admin.,divorced,university.degree,no,yes,no,cellular,apr,wed,952,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +61,retired,married,university.degree,no,yes,no,cellular,apr,wed,205,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +46,blue-collar,divorced,basic.9y,no,no,yes,cellular,apr,wed,903,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +48,technician,married,professional.course,no,no,no,cellular,apr,wed,95,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +29,technician,married,university.degree,no,yes,no,cellular,apr,wed,58,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +32,technician,single,university.degree,no,no,no,cellular,apr,wed,59,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,apr,wed,123,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,apr,wed,95,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +27,technician,single,basic.9y,no,yes,no,telephone,apr,wed,523,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +25,unemployed,single,professional.course,no,yes,no,cellular,apr,wed,97,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +25,unemployed,single,professional.course,no,no,no,cellular,apr,wed,268,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +49,blue-collar,divorced,basic.4y,unknown,no,no,cellular,apr,wed,430,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +27,technician,single,basic.9y,no,yes,no,cellular,apr,wed,88,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,apr,wed,120,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,apr,wed,182,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +27,technician,single,basic.9y,no,no,yes,cellular,apr,wed,335,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +37,technician,married,university.degree,no,yes,no,telephone,apr,wed,218,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +29,blue-collar,single,high.school,no,yes,yes,cellular,apr,wed,2129,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +39,blue-collar,married,basic.9y,unknown,no,yes,cellular,apr,wed,393,6,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +34,services,married,high.school,no,no,no,cellular,apr,wed,462,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,wed,213,4,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +46,blue-collar,divorced,basic.6y,unknown,no,no,cellular,apr,wed,179,5,999,2,failure,-1.8,93.075,-47.1,1.445,5099.1,no +38,admin.,married,high.school,no,no,yes,cellular,apr,wed,284,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,apr,wed,1032,3,999,2,failure,-1.8,93.075,-47.1,1.445,5099.1,yes +36,management,married,university.degree,no,no,yes,cellular,apr,wed,241,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +36,housemaid,married,basic.9y,no,yes,no,cellular,apr,wed,291,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +63,retired,married,unknown,no,no,no,cellular,apr,wed,150,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,yes +63,retired,married,unknown,no,yes,no,telephone,apr,wed,236,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +37,blue-collar,married,basic.4y,no,yes,no,cellular,apr,wed,281,1,5,1,success,-1.8,93.075,-47.1,1.445,5099.1,no +50,admin.,married,university.degree,no,unknown,unknown,cellular,apr,wed,101,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +39,blue-collar,married,basic.9y,unknown,yes,yes,cellular,apr,wed,120,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +47,unemployed,divorced,basic.9y,no,no,no,cellular,apr,wed,125,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +63,retired,married,unknown,no,no,no,telephone,apr,wed,185,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +28,admin.,married,university.degree,no,yes,no,cellular,apr,wed,261,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +51,admin.,single,university.degree,no,yes,yes,cellular,apr,wed,233,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +29,admin.,married,university.degree,no,yes,yes,cellular,apr,wed,245,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +25,admin.,single,professional.course,no,yes,no,cellular,apr,wed,67,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +47,entrepreneur,married,high.school,no,no,yes,cellular,apr,wed,663,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +25,admin.,single,professional.course,no,yes,no,cellular,apr,wed,114,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +29,technician,married,university.degree,no,unknown,unknown,cellular,apr,wed,83,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +31,services,married,high.school,no,no,yes,cellular,apr,wed,195,6,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +36,management,married,university.degree,no,no,yes,cellular,apr,wed,180,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +82,retired,married,unknown,no,no,no,cellular,apr,wed,321,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +27,technician,single,basic.9y,no,no,no,cellular,apr,wed,34,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +46,services,married,high.school,no,yes,no,cellular,apr,wed,201,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +24,services,single,high.school,no,yes,no,cellular,apr,wed,209,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +47,admin.,single,university.degree,no,no,no,cellular,apr,wed,167,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,apr,wed,58,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +38,admin.,married,high.school,no,no,no,cellular,apr,wed,518,2,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +24,student,single,high.school,no,yes,no,cellular,apr,wed,74,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +64,technician,married,professional.course,no,yes,no,cellular,apr,wed,250,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,apr,wed,1190,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +40,services,divorced,high.school,no,yes,no,cellular,apr,wed,201,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +42,blue-collar,married,basic.6y,no,yes,yes,cellular,apr,wed,110,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +35,technician,divorced,professional.course,no,yes,no,cellular,apr,wed,405,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +40,admin.,divorced,university.degree,no,yes,no,cellular,apr,wed,84,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +35,technician,divorced,professional.course,no,yes,no,cellular,apr,wed,612,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +35,technician,divorced,professional.course,no,yes,no,cellular,apr,wed,229,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +35,services,divorced,basic.9y,no,no,no,cellular,apr,wed,188,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +34,services,married,high.school,no,no,no,cellular,apr,wed,543,2,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,apr,wed,216,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +37,blue-collar,married,basic.4y,no,no,no,cellular,apr,wed,180,2,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +34,admin.,single,professional.course,no,no,no,cellular,apr,wed,174,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,apr,wed,249,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +46,blue-collar,divorced,basic.9y,no,no,no,cellular,apr,wed,169,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +37,technician,married,professional.course,unknown,yes,yes,cellular,apr,wed,101,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +34,services,divorced,high.school,no,yes,yes,cellular,apr,wed,303,1,999,1,failure,-1.8,93.075,-47.1,1.445,5099.1,no +58,retired,married,university.degree,no,unknown,unknown,cellular,apr,wed,624,1,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +40,admin.,divorced,university.degree,no,no,no,cellular,apr,wed,143,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +27,technician,single,basic.9y,no,yes,no,cellular,apr,wed,56,7,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +22,management,single,university.degree,no,yes,no,cellular,apr,wed,179,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +64,technician,married,professional.course,no,yes,no,cellular,apr,wed,65,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,apr,wed,91,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +25,unemployed,single,professional.course,no,no,yes,cellular,apr,wed,274,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +35,services,married,high.school,unknown,yes,no,cellular,apr,wed,222,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +43,services,married,high.school,no,yes,no,telephone,apr,wed,690,7,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +34,services,married,high.school,no,yes,no,cellular,apr,wed,281,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +46,technician,married,basic.6y,unknown,yes,no,cellular,apr,wed,575,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +47,admin.,married,unknown,no,no,yes,cellular,apr,wed,764,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +39,services,married,basic.9y,unknown,yes,yes,telephone,apr,wed,93,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +38,services,single,high.school,no,yes,no,cellular,apr,wed,1665,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +41,blue-collar,married,basic.4y,no,yes,no,cellular,apr,wed,213,3,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,apr,wed,548,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +33,admin.,single,university.degree,no,no,no,cellular,apr,wed,171,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +30,unemployed,single,basic.9y,no,no,no,cellular,apr,wed,142,4,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +46,services,married,high.school,no,yes,no,cellular,apr,wed,417,2,999,2,failure,-1.8,93.075,-47.1,1.445,5099.1,no +43,self-employed,married,high.school,unknown,yes,no,cellular,apr,wed,902,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,apr,wed,350,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,yes +59,admin.,married,high.school,no,yes,no,cellular,apr,wed,101,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,apr,wed,124,2,999,0,nonexistent,-1.8,93.075,-47.1,1.445,5099.1,no +20,student,single,high.school,no,yes,no,cellular,apr,thu,162,4,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +36,admin.,single,university.degree,no,yes,no,cellular,apr,thu,68,3,999,2,failure,-1.8,93.075,-47.1,1.435,5099.1,no +37,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,apr,thu,435,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,apr,thu,87,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +21,services,single,high.school,no,yes,no,cellular,apr,thu,374,3,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +41,admin.,married,university.degree,unknown,yes,yes,telephone,apr,thu,40,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +52,admin.,married,high.school,no,no,no,cellular,apr,thu,312,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +21,services,single,high.school,no,yes,yes,cellular,apr,thu,820,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +41,admin.,single,university.degree,no,yes,no,cellular,apr,thu,328,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +28,services,single,high.school,no,no,no,cellular,apr,thu,528,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +46,technician,single,basic.9y,no,yes,no,cellular,apr,thu,168,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +43,admin.,divorced,high.school,no,unknown,unknown,cellular,apr,thu,105,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +43,technician,married,professional.course,no,no,no,cellular,apr,thu,264,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +36,admin.,single,university.degree,no,yes,no,cellular,apr,thu,592,4,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,yes +59,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,thu,125,6,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +44,management,divorced,university.degree,no,yes,no,cellular,apr,thu,207,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +24,admin.,single,professional.course,no,yes,no,cellular,apr,thu,125,6,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +35,services,married,basic.9y,no,yes,no,cellular,apr,thu,150,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +32,self-employed,single,university.degree,no,no,no,cellular,apr,thu,394,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +35,services,married,basic.9y,no,no,no,cellular,apr,thu,85,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +43,admin.,divorced,high.school,no,yes,no,cellular,apr,thu,448,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,yes +33,technician,single,university.degree,no,no,no,cellular,apr,thu,657,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +38,services,married,basic.9y,no,yes,no,cellular,apr,thu,220,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +38,technician,married,high.school,no,no,no,cellular,apr,thu,113,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +37,technician,divorced,professional.course,no,yes,no,cellular,apr,thu,241,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +32,services,divorced,high.school,no,no,no,cellular,apr,thu,765,3,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +35,entrepreneur,married,university.degree,unknown,yes,no,cellular,apr,thu,311,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +33,technician,single,university.degree,no,unknown,unknown,cellular,apr,thu,527,3,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +67,retired,married,university.degree,no,yes,no,telephone,apr,thu,126,4,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +33,technician,single,university.degree,no,no,no,cellular,apr,thu,304,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +40,self-employed,married,university.degree,no,yes,no,cellular,apr,thu,161,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +40,self-employed,married,university.degree,no,yes,no,cellular,apr,thu,236,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +41,technician,married,university.degree,unknown,no,yes,cellular,apr,thu,272,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +32,blue-collar,married,high.school,no,yes,no,cellular,apr,thu,259,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +51,services,married,high.school,unknown,no,no,cellular,apr,thu,278,3,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +41,technician,married,university.degree,unknown,yes,yes,cellular,apr,thu,139,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +48,blue-collar,married,basic.9y,unknown,yes,yes,cellular,apr,thu,429,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +33,services,divorced,university.degree,no,yes,no,cellular,apr,thu,230,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,apr,thu,96,4,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +45,admin.,married,high.school,no,no,yes,cellular,apr,thu,109,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +33,technician,single,university.degree,no,yes,no,cellular,apr,thu,530,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +33,technician,single,university.degree,no,yes,no,cellular,apr,thu,71,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +30,self-employed,single,university.degree,no,no,no,cellular,apr,thu,159,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +30,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,104,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +30,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,214,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +30,self-employed,single,university.degree,no,no,no,cellular,apr,thu,184,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +30,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,331,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,yes +30,self-employed,single,university.degree,no,no,no,cellular,apr,thu,435,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +30,self-employed,single,university.degree,no,no,no,cellular,apr,thu,188,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +45,admin.,single,unknown,no,yes,no,cellular,apr,thu,62,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +35,services,married,high.school,no,yes,no,cellular,apr,thu,466,2,999,2,failure,-1.8,93.075,-47.1,1.435,5099.1,no +52,admin.,married,university.degree,no,yes,no,telephone,apr,thu,327,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +42,self-employed,married,university.degree,no,yes,no,cellular,apr,thu,290,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,apr,thu,179,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +37,technician,divorced,professional.course,no,yes,no,cellular,apr,thu,464,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +46,technician,single,basic.9y,no,no,no,cellular,apr,thu,221,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +49,blue-collar,married,basic.6y,unknown,yes,yes,cellular,apr,thu,504,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +33,self-employed,married,university.degree,no,yes,no,cellular,apr,thu,233,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +30,self-employed,single,university.degree,no,no,no,cellular,apr,thu,245,3,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +52,admin.,married,high.school,no,yes,no,cellular,apr,thu,152,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +45,entrepreneur,divorced,university.degree,no,yes,no,cellular,apr,thu,132,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +33,technician,single,university.degree,no,yes,no,cellular,apr,thu,106,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +50,blue-collar,married,high.school,unknown,no,no,cellular,apr,thu,339,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +30,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,152,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +36,retired,married,high.school,no,yes,no,cellular,apr,thu,98,6,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +41,blue-collar,married,basic.9y,no,unknown,unknown,cellular,apr,thu,268,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +47,technician,divorced,professional.course,no,no,no,cellular,apr,thu,337,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +54,self-employed,married,basic.9y,no,yes,no,cellular,apr,thu,133,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +43,entrepreneur,married,high.school,no,yes,no,cellular,apr,thu,90,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +28,services,single,high.school,no,yes,no,cellular,apr,thu,322,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +46,technician,single,basic.9y,no,no,no,cellular,apr,thu,385,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +45,admin.,married,university.degree,no,yes,yes,cellular,apr,thu,317,5,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +36,admin.,single,university.degree,no,no,no,cellular,apr,thu,208,12,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,thu,627,2,5,3,failure,-1.8,93.075,-47.1,1.435,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,1042,2,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,yes +41,admin.,married,university.degree,unknown,yes,yes,cellular,apr,thu,240,3,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +40,services,married,basic.6y,unknown,no,no,cellular,apr,thu,140,2,999,2,failure,-1.8,93.075,-47.1,1.435,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,490,3,999,2,failure,-1.8,93.075,-47.1,1.435,5099.1,yes +57,services,married,high.school,no,yes,no,cellular,apr,thu,275,2,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +37,blue-collar,married,professional.course,no,no,no,cellular,apr,thu,188,1,999,0,nonexistent,-1.8,93.075,-47.1,1.435,5099.1,no +33,services,married,high.school,no,yes,no,cellular,apr,thu,236,1,999,1,failure,-1.8,93.075,-47.1,1.435,5099.1,no +30,admin.,single,university.degree,no,yes,no,telephone,apr,tue,563,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +26,unemployed,single,university.degree,no,yes,no,cellular,apr,tue,136,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +41,technician,married,high.school,no,yes,yes,cellular,apr,tue,142,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +36,blue-collar,married,basic.4y,unknown,no,no,cellular,apr,tue,283,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,apr,tue,129,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +34,self-employed,single,university.degree,no,no,no,telephone,apr,tue,86,6,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,apr,tue,259,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +24,admin.,single,high.school,no,yes,no,cellular,apr,tue,255,1,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +41,technician,married,professional.course,no,yes,no,cellular,apr,tue,466,5,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,yes +41,admin.,divorced,university.degree,no,no,no,cellular,apr,tue,82,4,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,apr,tue,565,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +42,admin.,single,professional.course,no,yes,no,cellular,apr,tue,251,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +42,admin.,single,professional.course,no,no,no,cellular,apr,tue,262,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,tue,269,3,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +37,admin.,single,university.degree,no,no,no,cellular,apr,tue,283,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +73,retired,divorced,basic.4y,no,no,yes,cellular,apr,tue,342,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,tue,427,4,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,apr,tue,255,7,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +38,blue-collar,married,basic.9y,no,no,no,cellular,apr,tue,110,1,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,apr,tue,461,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +46,admin.,married,professional.course,no,yes,no,cellular,apr,tue,62,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,apr,tue,145,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +42,services,single,basic.6y,no,yes,yes,cellular,apr,tue,213,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +59,blue-collar,married,basic.9y,no,no,no,telephone,apr,tue,111,3,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +46,blue-collar,divorced,basic.9y,no,yes,no,telephone,apr,tue,266,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +34,self-employed,single,university.degree,no,yes,no,telephone,apr,tue,118,6,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +34,admin.,single,university.degree,no,no,no,cellular,apr,tue,142,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +35,blue-collar,married,basic.9y,no,yes,no,cellular,apr,tue,855,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +34,admin.,single,university.degree,no,no,no,cellular,apr,tue,344,1,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,yes +34,unemployed,single,university.degree,no,yes,no,cellular,apr,tue,125,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +24,services,single,high.school,no,yes,no,cellular,apr,tue,850,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +48,blue-collar,single,basic.9y,no,yes,no,cellular,apr,tue,85,1,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +34,admin.,single,university.degree,no,yes,yes,cellular,apr,tue,441,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +24,services,single,high.school,no,yes,no,telephone,apr,tue,104,1,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +48,blue-collar,single,basic.9y,no,yes,no,cellular,apr,tue,179,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +24,services,single,high.school,no,yes,no,cellular,apr,tue,114,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +24,services,single,high.school,no,yes,no,cellular,apr,tue,114,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +59,retired,married,university.degree,no,no,no,cellular,apr,tue,1073,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +47,self-employed,married,basic.9y,no,yes,no,telephone,apr,tue,226,5,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +34,self-employed,single,university.degree,no,no,no,cellular,apr,tue,94,5,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +24,services,single,high.school,no,yes,no,cellular,apr,tue,1594,1,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,yes +24,services,single,high.school,no,no,no,cellular,apr,tue,450,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +55,admin.,single,high.school,no,yes,no,cellular,apr,tue,461,2,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +30,admin.,single,university.degree,no,no,yes,cellular,apr,tue,505,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +55,admin.,married,high.school,no,no,no,cellular,apr,tue,163,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +42,self-employed,married,university.degree,no,no,no,cellular,apr,tue,133,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +26,unemployed,single,university.degree,no,yes,no,cellular,apr,tue,62,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +26,unemployed,single,university.degree,no,yes,no,cellular,apr,tue,184,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +26,unemployed,single,university.degree,no,yes,no,cellular,apr,tue,168,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +28,blue-collar,single,university.degree,no,yes,no,cellular,apr,tue,49,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +35,admin.,married,university.degree,no,no,no,cellular,apr,tue,72,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,apr,tue,314,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,apr,tue,178,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +57,technician,married,professional.course,no,yes,no,cellular,apr,tue,232,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +57,technician,married,professional.course,no,yes,no,cellular,apr,tue,324,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,tue,252,5,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +56,management,married,basic.9y,unknown,no,no,cellular,apr,tue,584,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,apr,tue,161,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +30,admin.,married,university.degree,no,yes,no,cellular,apr,tue,496,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,tue,95,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +46,blue-collar,divorced,basic.9y,no,no,no,cellular,apr,tue,332,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,apr,tue,111,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +39,admin.,married,university.degree,no,yes,yes,cellular,apr,tue,308,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +71,retired,married,basic.4y,no,no,no,telephone,apr,tue,129,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +25,admin.,single,university.degree,no,no,no,cellular,apr,tue,247,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +28,blue-collar,single,university.degree,no,no,no,cellular,apr,tue,107,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +42,self-employed,married,university.degree,no,yes,no,cellular,apr,tue,216,1,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,yes +46,technician,married,professional.course,no,no,no,cellular,apr,tue,279,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +31,blue-collar,single,unknown,no,no,no,cellular,apr,tue,424,2,999,2,failure,-1.8,93.075,-47.1,1.423,5099.1,no +34,blue-collar,single,high.school,no,no,no,cellular,apr,tue,259,2,999,2,failure,-1.8,93.075,-47.1,1.423,5099.1,no +57,admin.,married,high.school,no,yes,no,cellular,apr,tue,111,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +33,management,married,university.degree,unknown,yes,yes,cellular,apr,tue,258,8,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +61,retired,married,university.degree,no,yes,no,cellular,apr,tue,216,1,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +36,services,married,high.school,no,unknown,unknown,cellular,apr,tue,104,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +45,admin.,single,basic.9y,no,yes,yes,cellular,apr,tue,119,2,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +36,admin.,married,university.degree,no,no,no,cellular,apr,tue,108,6,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,tue,72,4,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +42,admin.,married,university.degree,no,yes,yes,cellular,apr,tue,101,5,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +69,retired,divorced,university.degree,no,yes,no,cellular,apr,tue,207,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +26,unemployed,single,university.degree,no,yes,no,telephone,apr,tue,300,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +28,admin.,single,university.degree,no,yes,no,cellular,apr,tue,295,5,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,yes +23,technician,single,professional.course,no,no,yes,cellular,apr,tue,422,4,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +29,admin.,single,university.degree,no,yes,no,telephone,apr,tue,61,3,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +38,admin.,married,university.degree,no,yes,no,cellular,apr,tue,108,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +47,blue-collar,married,professional.course,no,yes,no,cellular,apr,tue,225,4,999,1,failure,-1.8,93.075,-47.1,1.423,5099.1,no +41,blue-collar,married,basic.6y,no,yes,yes,cellular,apr,tue,608,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +42,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,tue,189,2,999,0,nonexistent,-1.8,93.075,-47.1,1.423,5099.1,no +46,admin.,divorced,university.degree,no,yes,no,cellular,apr,wed,201,6,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +49,admin.,married,unknown,no,yes,yes,cellular,apr,wed,61,3,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +70,retired,married,basic.4y,no,yes,no,cellular,apr,wed,223,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +67,retired,married,professional.course,no,no,no,telephone,apr,wed,47,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +39,technician,single,professional.course,no,yes,no,cellular,apr,wed,226,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +56,admin.,married,basic.9y,no,yes,no,cellular,apr,wed,431,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +23,student,single,basic.4y,no,yes,no,cellular,apr,wed,1372,4,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +37,self-employed,divorced,basic.9y,no,yes,no,cellular,apr,wed,343,2,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +56,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,wed,141,12,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +38,technician,divorced,university.degree,no,no,no,cellular,apr,wed,141,2,999,2,failure,-1.8,93.075,-47.1,1.415,5099.1,no +32,unemployed,single,university.degree,no,yes,no,telephone,apr,wed,165,2,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,yes +34,technician,divorced,professional.course,no,yes,no,cellular,apr,wed,139,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +70,retired,married,basic.4y,no,no,no,cellular,apr,wed,167,2,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,yes +56,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,wed,332,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +56,blue-collar,married,basic.9y,unknown,no,yes,cellular,apr,wed,87,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +43,management,married,basic.6y,no,no,no,cellular,apr,wed,945,1,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,yes +25,student,single,high.school,no,yes,yes,cellular,apr,wed,82,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +47,admin.,married,high.school,no,yes,no,cellular,apr,wed,903,2,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,yes +58,retired,divorced,university.degree,no,yes,no,cellular,apr,wed,282,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +30,admin.,married,university.degree,no,no,yes,cellular,apr,wed,389,2,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +45,services,married,high.school,no,yes,no,cellular,apr,wed,651,4,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +30,management,single,university.degree,no,yes,no,cellular,apr,wed,692,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +29,unemployed,single,high.school,no,no,no,cellular,apr,wed,217,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +36,self-employed,divorced,basic.9y,no,yes,no,cellular,apr,wed,93,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +66,retired,married,basic.4y,no,yes,no,cellular,apr,wed,253,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +44,management,married,basic.6y,no,yes,no,cellular,apr,wed,139,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +44,management,married,basic.6y,no,yes,yes,cellular,apr,wed,154,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +40,management,single,basic.9y,no,yes,no,cellular,apr,wed,601,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +53,retired,married,high.school,no,no,no,telephone,apr,wed,44,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +53,retired,married,high.school,no,no,no,cellular,apr,wed,349,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +35,technician,married,professional.course,no,no,no,cellular,apr,wed,225,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +41,entrepreneur,single,professional.course,no,yes,no,cellular,apr,wed,103,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +44,technician,single,professional.course,no,yes,no,cellular,apr,wed,75,1,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,apr,wed,251,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +44,technician,single,professional.course,no,no,no,cellular,apr,wed,609,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +41,services,single,high.school,no,no,no,cellular,apr,wed,134,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,apr,wed,166,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +41,services,married,high.school,no,yes,yes,cellular,apr,wed,301,1,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,apr,wed,177,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +52,entrepreneur,married,university.degree,no,yes,no,cellular,apr,wed,126,1,999,2,failure,-1.8,93.075,-47.1,1.415,5099.1,no +44,technician,married,professional.course,no,yes,no,cellular,apr,wed,56,1,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +60,housemaid,married,basic.4y,no,no,no,cellular,apr,wed,85,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +40,blue-collar,divorced,unknown,unknown,no,no,cellular,apr,wed,149,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +59,admin.,divorced,university.degree,no,no,no,cellular,apr,wed,194,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +49,management,married,university.degree,no,no,no,cellular,apr,wed,1214,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +21,admin.,single,high.school,no,yes,no,cellular,apr,wed,122,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +32,unemployed,single,university.degree,no,no,no,cellular,apr,wed,110,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +32,unemployed,single,university.degree,no,yes,no,cellular,apr,wed,187,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +44,unemployed,divorced,basic.9y,no,no,no,cellular,apr,wed,114,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +36,housemaid,married,basic.4y,no,yes,no,cellular,apr,wed,310,7,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,apr,wed,1217,3,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +29,technician,single,university.degree,no,yes,no,cellular,apr,wed,389,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +58,retired,divorced,university.degree,no,yes,no,cellular,apr,wed,48,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +26,admin.,single,high.school,no,no,no,cellular,apr,wed,171,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +66,retired,married,basic.4y,no,yes,no,cellular,apr,wed,512,11,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +32,unemployed,single,university.degree,no,yes,no,cellular,apr,wed,125,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +44,technician,single,professional.course,no,yes,no,cellular,apr,wed,412,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +32,admin.,single,high.school,no,yes,yes,cellular,apr,wed,120,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +70,retired,married,basic.4y,no,no,no,cellular,apr,wed,86,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +67,retired,married,professional.course,no,yes,no,cellular,apr,wed,140,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +27,technician,single,professional.course,no,no,no,cellular,apr,wed,72,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +37,admin.,married,university.degree,no,yes,no,cellular,apr,wed,135,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +52,blue-collar,married,basic.4y,no,yes,no,cellular,apr,wed,437,1,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +33,admin.,married,university.degree,no,no,no,cellular,apr,wed,441,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +52,blue-collar,married,basic.4y,no,no,no,cellular,apr,wed,358,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,apr,wed,355,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +57,technician,married,high.school,no,yes,no,cellular,apr,wed,82,1,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +26,admin.,single,high.school,no,yes,no,telephone,apr,wed,170,3,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +57,technician,married,high.school,no,no,no,cellular,apr,wed,469,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +57,technician,married,high.school,no,yes,no,cellular,apr,wed,99,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +58,retired,divorced,university.degree,no,yes,no,cellular,apr,wed,129,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +31,admin.,married,university.degree,no,no,no,telephone,apr,wed,118,3,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +43,management,married,basic.6y,no,no,no,cellular,apr,wed,121,1,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +25,student,single,high.school,no,no,no,telephone,apr,wed,405,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +25,student,single,high.school,no,no,no,cellular,apr,wed,442,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +25,student,single,high.school,no,no,no,cellular,apr,wed,54,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,apr,wed,1038,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +33,admin.,single,university.degree,no,yes,yes,telephone,apr,wed,117,1,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +31,admin.,single,university.degree,no,no,no,telephone,apr,wed,85,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +55,blue-collar,single,basic.4y,no,yes,no,cellular,apr,wed,171,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +37,services,married,basic.9y,no,yes,no,cellular,apr,wed,103,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,apr,wed,397,2,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +51,management,married,unknown,no,yes,no,cellular,apr,wed,309,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +37,admin.,married,university.degree,no,yes,no,cellular,apr,wed,142,5,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +56,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,wed,185,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,apr,wed,520,3,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +66,retired,married,basic.4y,no,no,yes,cellular,apr,wed,139,5,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,yes +30,management,single,university.degree,no,no,no,cellular,apr,wed,244,3,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +45,management,married,university.degree,no,no,no,telephone,apr,wed,221,4,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,apr,wed,266,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +43,blue-collar,married,basic.6y,no,no,no,cellular,apr,wed,623,2,999,2,failure,-1.8,93.075,-47.1,1.415,5099.1,no +71,retired,married,high.school,no,yes,no,cellular,apr,wed,162,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +39,technician,single,professional.course,no,yes,no,cellular,apr,wed,80,3,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,no +40,blue-collar,single,basic.4y,unknown,no,no,cellular,apr,wed,158,2,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +39,technician,single,professional.course,no,no,no,cellular,apr,wed,540,3,9,1,success,-1.8,93.075,-47.1,1.415,5099.1,no +55,admin.,married,high.school,no,yes,no,cellular,apr,wed,140,3,999,1,failure,-1.8,93.075,-47.1,1.415,5099.1,no +41,services,single,high.school,no,yes,yes,cellular,apr,wed,264,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +36,management,married,university.degree,no,no,no,cellular,apr,wed,353,2,999,0,nonexistent,-1.8,93.075,-47.1,1.415,5099.1,yes +51,entrepreneur,married,illiterate,no,no,no,cellular,apr,thu,87,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +51,entrepreneur,married,illiterate,no,yes,no,cellular,apr,thu,838,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +63,retired,married,unknown,no,yes,no,cellular,apr,thu,144,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +26,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,78,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +42,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,55,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +47,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,206,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +30,admin.,married,high.school,unknown,yes,no,cellular,apr,thu,648,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +26,blue-collar,married,basic.9y,no,yes,yes,cellular,apr,thu,251,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +39,management,single,university.degree,unknown,no,no,cellular,apr,thu,370,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +26,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,334,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +35,services,married,high.school,no,yes,no,cellular,apr,thu,137,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +29,admin.,married,university.degree,no,yes,yes,telephone,apr,thu,122,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +39,management,single,university.degree,unknown,yes,no,telephone,apr,thu,75,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +57,technician,married,university.degree,no,yes,no,cellular,apr,thu,836,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +40,entrepreneur,married,professional.course,unknown,yes,no,cellular,apr,thu,176,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,apr,thu,271,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +33,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,827,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,218,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,thu,258,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +64,retired,married,basic.6y,no,yes,no,cellular,apr,thu,67,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +57,retired,married,basic.4y,no,no,no,cellular,apr,thu,199,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,apr,thu,71,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +48,blue-collar,married,basic.4y,no,no,yes,cellular,apr,thu,220,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,apr,thu,124,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +42,services,married,high.school,unknown,yes,yes,cellular,apr,thu,243,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +52,services,divorced,high.school,no,no,no,cellular,apr,thu,198,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +54,entrepreneur,divorced,unknown,no,no,yes,cellular,apr,thu,461,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +45,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,82,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +37,entrepreneur,married,professional.course,no,no,no,cellular,apr,thu,284,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +52,retired,married,basic.4y,unknown,no,no,cellular,apr,thu,204,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +31,technician,married,university.degree,no,yes,no,cellular,apr,thu,35,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +52,blue-collar,divorced,basic.4y,no,yes,no,cellular,apr,thu,291,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +27,services,single,university.degree,no,yes,no,cellular,apr,thu,201,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +27,services,single,university.degree,no,yes,no,cellular,apr,thu,297,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +27,services,single,university.degree,no,yes,no,cellular,apr,thu,384,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +35,admin.,married,university.degree,no,no,no,cellular,apr,thu,250,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,thu,479,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +40,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,thu,324,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +44,entrepreneur,divorced,university.degree,no,no,no,cellular,apr,thu,404,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +27,blue-collar,single,basic.4y,no,yes,no,cellular,apr,thu,156,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +27,blue-collar,single,basic.4y,no,yes,no,cellular,apr,thu,240,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +43,services,married,high.school,no,no,no,cellular,apr,thu,60,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +36,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,thu,403,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,114,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +42,blue-collar,married,basic.4y,no,yes,yes,cellular,apr,thu,35,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,188,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +45,entrepreneur,married,basic.4y,unknown,yes,no,cellular,apr,thu,618,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +27,blue-collar,single,basic.4y,no,yes,no,cellular,apr,thu,528,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,apr,thu,104,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +27,blue-collar,single,basic.4y,no,no,no,cellular,apr,thu,622,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,583,1,5,1,success,-1.8,93.075,-47.1,1.41,5099.1,yes +44,technician,divorced,professional.course,unknown,yes,no,cellular,apr,thu,18,3,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +24,management,single,university.degree,no,yes,no,cellular,apr,thu,91,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +54,blue-collar,married,basic.4y,no,yes,no,cellular,apr,thu,743,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +40,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,thu,283,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +44,technician,divorced,professional.course,unknown,yes,no,cellular,apr,thu,172,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,blue-collar,married,basic.4y,no,yes,no,cellular,apr,thu,39,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +52,blue-collar,divorced,basic.4y,no,no,no,cellular,apr,thu,474,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +29,admin.,single,high.school,no,yes,no,cellular,apr,thu,275,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,apr,thu,361,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +24,management,single,university.degree,no,yes,no,cellular,apr,thu,124,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +44,blue-collar,married,high.school,unknown,yes,no,cellular,apr,thu,253,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +29,blue-collar,single,basic.9y,no,unknown,unknown,cellular,apr,thu,350,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +46,technician,married,professional.course,no,yes,no,cellular,apr,thu,309,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +54,management,married,university.degree,no,no,no,cellular,apr,thu,339,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +26,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,77,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +37,admin.,married,university.degree,no,no,no,cellular,apr,thu,58,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +40,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,thu,125,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +35,admin.,married,professional.course,no,no,yes,cellular,apr,thu,34,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +27,blue-collar,single,basic.4y,no,yes,no,cellular,apr,thu,191,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +45,services,divorced,basic.4y,no,no,yes,cellular,apr,thu,1579,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,yes +40,services,married,high.school,no,yes,no,cellular,apr,thu,228,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +41,blue-collar,married,basic.4y,no,no,no,cellular,apr,thu,316,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +43,management,married,unknown,unknown,no,no,cellular,apr,thu,177,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +43,management,married,unknown,unknown,no,yes,cellular,apr,thu,35,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,apr,thu,495,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +51,blue-collar,married,basic.6y,no,yes,no,cellular,apr,thu,150,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +37,admin.,single,high.school,no,no,no,cellular,apr,thu,617,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +35,admin.,single,high.school,no,yes,no,cellular,apr,thu,352,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +37,technician,divorced,professional.course,no,yes,no,cellular,apr,thu,211,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +50,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,thu,99,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +59,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,177,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,entrepreneur,married,university.degree,unknown,yes,no,cellular,apr,thu,137,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +39,blue-collar,married,unknown,unknown,no,no,cellular,apr,thu,156,1,9,1,success,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,unknown,no,yes,no,cellular,apr,thu,268,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +31,technician,single,professional.course,no,yes,no,cellular,apr,thu,270,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +56,admin.,married,basic.9y,no,no,no,cellular,apr,thu,94,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,technician,married,professional.course,no,yes,no,cellular,apr,thu,54,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,apr,thu,670,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +47,admin.,single,high.school,no,no,no,cellular,apr,thu,1025,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +46,self-employed,divorced,basic.9y,no,yes,yes,cellular,apr,thu,168,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +47,admin.,single,high.school,no,yes,yes,cellular,apr,thu,1122,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +55,management,married,basic.4y,unknown,no,no,cellular,apr,thu,98,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +43,management,married,unknown,unknown,no,no,cellular,apr,thu,75,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +26,admin.,single,university.degree,no,unknown,unknown,cellular,apr,thu,176,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +36,blue-collar,married,unknown,no,yes,yes,cellular,apr,thu,90,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,172,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +41,self-employed,married,university.degree,no,yes,no,cellular,apr,thu,884,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,apr,thu,298,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +69,retired,married,unknown,no,no,no,cellular,apr,thu,117,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +36,blue-collar,married,unknown,no,no,no,cellular,apr,thu,1174,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +27,admin.,single,high.school,no,no,no,cellular,apr,thu,229,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +27,admin.,single,high.school,no,no,no,cellular,apr,thu,284,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +44,blue-collar,married,basic.6y,no,yes,no,telephone,apr,thu,272,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +19,student,single,basic.9y,no,no,no,cellular,apr,thu,165,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,thu,244,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +70,retired,married,unknown,no,yes,no,cellular,apr,thu,346,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +47,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,150,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +20,student,single,high.school,no,yes,no,telephone,apr,thu,80,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,blue-collar,married,basic.9y,no,yes,yes,cellular,apr,thu,126,2,999,2,failure,-1.8,93.075,-47.1,1.41,5099.1,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,693,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +33,blue-collar,divorced,basic.9y,unknown,no,no,cellular,apr,thu,129,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,apr,thu,83,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,services,married,high.school,no,yes,no,cellular,apr,thu,144,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,257,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +50,self-employed,married,university.degree,no,yes,no,cellular,apr,thu,1463,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +42,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,thu,76,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +33,technician,married,professional.course,no,no,no,cellular,apr,thu,285,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +37,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,218,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +34,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,thu,570,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,apr,thu,174,2,999,2,failure,-1.8,93.075,-47.1,1.41,5099.1,no +29,blue-collar,single,basic.9y,no,unknown,unknown,cellular,apr,thu,462,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +26,student,single,university.degree,no,yes,no,cellular,apr,thu,76,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +45,entrepreneur,married,basic.4y,unknown,no,no,cellular,apr,thu,281,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +37,admin.,married,professional.course,no,yes,no,cellular,apr,thu,1087,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +44,blue-collar,married,basic.4y,no,yes,no,cellular,apr,thu,178,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +33,technician,married,professional.course,no,no,yes,cellular,apr,thu,667,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +37,technician,divorced,professional.course,no,yes,no,cellular,apr,thu,62,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +29,admin.,divorced,basic.9y,no,yes,no,cellular,apr,thu,114,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +41,services,married,high.school,no,yes,no,cellular,apr,thu,60,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,563,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +35,unemployed,married,professional.course,no,yes,no,cellular,apr,thu,79,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +53,services,divorced,high.school,unknown,yes,no,cellular,apr,thu,198,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,admin.,married,high.school,no,yes,no,cellular,apr,thu,118,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +27,admin.,single,high.school,no,no,no,cellular,apr,thu,314,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +28,blue-collar,single,basic.9y,unknown,yes,no,cellular,apr,thu,241,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +53,services,divorced,high.school,unknown,no,yes,cellular,apr,thu,653,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +59,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,66,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +40,management,married,basic.6y,no,yes,no,cellular,apr,thu,77,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +24,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,178,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +24,admin.,single,university.degree,no,yes,no,cellular,apr,thu,127,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +33,services,single,basic.9y,no,yes,no,cellular,apr,thu,483,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,apr,thu,308,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +49,management,married,university.degree,no,no,no,cellular,apr,thu,289,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +49,management,married,university.degree,no,yes,no,cellular,apr,thu,44,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +34,technician,married,university.degree,no,yes,yes,cellular,apr,thu,168,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,technician,married,university.degree,no,no,no,telephone,apr,thu,130,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +70,retired,married,unknown,no,yes,yes,cellular,apr,thu,96,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +34,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,thu,249,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +24,admin.,single,university.degree,no,yes,no,telephone,apr,thu,100,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +29,services,single,basic.9y,unknown,yes,no,cellular,apr,thu,105,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +30,admin.,single,high.school,no,no,no,cellular,apr,thu,75,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +56,services,divorced,high.school,unknown,yes,no,cellular,apr,thu,144,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +46,blue-collar,married,basic.4y,no,no,no,cellular,apr,thu,357,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +46,entrepreneur,married,university.degree,no,yes,yes,cellular,apr,thu,285,5,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +37,admin.,married,professional.course,no,yes,yes,cellular,apr,thu,700,5,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +45,blue-collar,married,basic.4y,no,no,no,cellular,apr,thu,257,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,apr,thu,487,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +48,services,divorced,high.school,unknown,no,no,cellular,apr,thu,235,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +41,services,single,university.degree,no,no,no,cellular,apr,thu,290,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,admin.,married,high.school,no,no,no,cellular,apr,thu,125,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +50,unemployed,married,basic.4y,unknown,yes,no,cellular,apr,thu,241,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +55,blue-collar,married,basic.4y,no,yes,yes,cellular,apr,thu,772,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,blue-collar,divorced,basic.4y,no,no,no,cellular,apr,thu,657,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +29,admin.,single,high.school,no,yes,yes,cellular,apr,thu,123,3,9,1,success,-1.8,93.075,-47.1,1.41,5099.1,no +37,entrepreneur,married,professional.course,no,no,no,cellular,apr,thu,255,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +46,technician,married,university.degree,no,yes,no,cellular,apr,thu,375,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,apr,thu,386,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +53,management,married,high.school,no,yes,no,cellular,apr,thu,280,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +32,blue-collar,married,basic.4y,no,no,no,cellular,apr,thu,772,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +42,admin.,divorced,high.school,no,no,no,cellular,apr,thu,380,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,admin.,married,high.school,no,yes,no,cellular,apr,thu,302,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +47,admin.,married,basic.6y,unknown,yes,no,cellular,apr,thu,399,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +46,self-employed,divorced,basic.9y,no,yes,no,cellular,apr,thu,453,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +45,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,567,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +40,services,single,high.school,no,yes,no,cellular,apr,thu,91,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +37,technician,single,high.school,no,yes,no,cellular,apr,thu,44,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +24,management,single,university.degree,no,no,no,cellular,apr,thu,640,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,services,married,basic.9y,no,yes,no,cellular,apr,thu,417,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,apr,thu,1365,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,yes +40,admin.,divorced,university.degree,no,yes,no,cellular,apr,thu,194,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,thu,176,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +28,technician,single,professional.course,no,unknown,unknown,cellular,apr,thu,71,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +37,technician,single,high.school,no,yes,no,telephone,apr,thu,63,2,999,2,failure,-1.8,93.075,-47.1,1.41,5099.1,no +39,admin.,divorced,high.school,no,yes,yes,cellular,apr,thu,433,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +42,entrepreneur,married,basic.9y,no,no,yes,cellular,apr,thu,127,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +52,retired,married,basic.4y,unknown,yes,yes,cellular,apr,thu,449,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +32,services,single,high.school,no,no,no,cellular,apr,thu,472,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +39,services,single,high.school,no,yes,no,cellular,apr,thu,1007,3,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +33,technician,married,professional.course,no,no,yes,cellular,apr,thu,383,3,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +41,blue-collar,divorced,basic.4y,no,yes,no,cellular,apr,thu,256,3,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +36,blue-collar,single,high.school,no,yes,no,telephone,apr,thu,668,3,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +36,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,211,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +24,blue-collar,married,professional.course,unknown,no,no,cellular,apr,thu,348,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +44,admin.,married,high.school,no,no,no,cellular,apr,thu,792,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +41,blue-collar,married,high.school,no,no,yes,telephone,apr,thu,55,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +47,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,282,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +27,admin.,single,high.school,no,no,no,telephone,apr,thu,198,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,104,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +45,technician,single,professional.course,no,no,no,cellular,apr,thu,370,3,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +50,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,thu,1285,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +28,technician,single,high.school,no,yes,yes,cellular,apr,thu,48,4,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +41,blue-collar,divorced,basic.4y,no,no,yes,cellular,apr,thu,316,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,technician,divorced,high.school,no,yes,yes,cellular,apr,thu,279,3,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,225,1,5,1,success,-1.8,93.075,-47.1,1.41,5099.1,no +56,admin.,married,basic.9y,no,yes,no,cellular,apr,thu,299,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +47,blue-collar,married,basic.9y,no,yes,no,telephone,apr,thu,193,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +44,admin.,single,high.school,no,yes,no,cellular,apr,thu,804,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +55,admin.,married,university.degree,no,yes,no,cellular,apr,thu,211,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +36,admin.,single,university.degree,no,yes,no,cellular,apr,thu,274,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,admin.,married,high.school,no,yes,no,cellular,apr,thu,399,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +38,entrepreneur,married,basic.4y,unknown,yes,no,cellular,apr,thu,691,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +28,self-employed,married,university.degree,no,yes,no,cellular,apr,thu,344,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,telephone,apr,thu,426,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +25,student,single,university.degree,no,no,no,cellular,apr,thu,539,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +40,services,married,high.school,no,no,no,cellular,apr,thu,161,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +44,management,married,university.degree,no,yes,no,cellular,apr,thu,137,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +44,entrepreneur,divorced,university.degree,no,yes,no,cellular,apr,thu,580,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +50,services,single,basic.6y,unknown,no,no,cellular,apr,thu,119,1,10,1,success,-1.8,93.075,-47.1,1.41,5099.1,no +45,services,divorced,basic.4y,no,no,no,cellular,apr,thu,296,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +40,management,married,basic.6y,no,yes,no,cellular,apr,thu,179,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +50,services,single,basic.6y,unknown,no,no,cellular,apr,thu,169,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +50,services,single,basic.6y,unknown,yes,no,cellular,apr,thu,429,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +28,technician,married,basic.9y,no,yes,no,cellular,apr,thu,137,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +36,blue-collar,married,unknown,no,yes,no,cellular,apr,thu,466,4,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +28,technician,married,basic.9y,no,no,no,cellular,apr,thu,263,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +28,technician,married,basic.9y,no,yes,no,cellular,apr,thu,75,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +23,blue-collar,single,basic.4y,no,yes,no,telephone,apr,thu,287,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +43,management,married,university.degree,unknown,no,no,cellular,apr,thu,176,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +28,technician,married,basic.9y,no,no,no,cellular,apr,thu,442,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,apr,thu,304,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +55,management,married,basic.4y,unknown,no,no,cellular,apr,thu,594,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +28,technician,married,basic.9y,no,yes,no,cellular,apr,thu,772,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +30,services,married,high.school,no,no,no,cellular,apr,thu,647,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,unknown,no,yes,no,cellular,apr,thu,263,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +25,student,married,university.degree,no,yes,yes,telephone,apr,thu,127,7,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +47,entrepreneur,divorced,high.school,no,no,no,cellular,apr,thu,71,5,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,unknown,no,yes,no,cellular,apr,thu,432,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +59,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,332,2,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,unknown,no,no,no,cellular,apr,thu,829,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,unknown,no,yes,yes,cellular,apr,thu,614,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,unknown,no,yes,no,cellular,apr,thu,797,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,student,single,unknown,unknown,no,no,cellular,apr,thu,102,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +29,blue-collar,single,basic.6y,no,yes,yes,cellular,apr,thu,1410,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +45,blue-collar,married,unknown,no,yes,no,cellular,apr,thu,944,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,yes +31,student,single,unknown,unknown,no,yes,cellular,apr,thu,246,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,234,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +26,student,single,university.degree,no,no,yes,cellular,apr,thu,551,2,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,yes +31,student,single,unknown,unknown,yes,no,cellular,apr,thu,427,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,340,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,no +42,blue-collar,married,basic.4y,no,no,yes,cellular,apr,thu,579,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +47,services,married,basic.9y,no,yes,no,cellular,apr,thu,561,3,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +31,student,single,unknown,unknown,yes,no,cellular,apr,thu,1156,1,999,1,failure,-1.8,93.075,-47.1,1.41,5099.1,yes +39,blue-collar,married,unknown,unknown,yes,no,cellular,apr,thu,307,1,999,0,nonexistent,-1.8,93.075,-47.1,1.41,5099.1,no +43,admin.,single,high.school,no,yes,no,cellular,apr,fri,192,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,entrepreneur,married,university.degree,unknown,no,no,cellular,apr,fri,46,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,management,married,basic.9y,no,no,yes,cellular,apr,fri,71,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,single,basic.9y,unknown,yes,no,telephone,apr,fri,109,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,fri,35,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,single,high.school,no,no,no,cellular,apr,fri,377,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,fri,81,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,single,professional.course,no,no,no,cellular,apr,fri,360,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,admin.,single,high.school,no,yes,no,cellular,apr,fri,141,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,apr,fri,430,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,single,basic.9y,no,no,no,cellular,apr,fri,282,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,technician,married,professional.course,unknown,yes,no,cellular,apr,fri,260,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,admin.,married,university.degree,unknown,no,no,cellular,apr,fri,226,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,fri,164,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,basic.4y,no,no,yes,cellular,apr,fri,125,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,divorced,high.school,no,no,no,cellular,apr,fri,620,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,professional.course,no,no,no,cellular,apr,fri,141,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,basic.4y,unknown,no,no,cellular,apr,fri,557,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,50,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,high.school,unknown,yes,no,cellular,apr,fri,222,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,unknown,no,yes,no,cellular,apr,fri,434,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,basic.4y,no,no,no,cellular,apr,fri,180,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,yes,no,cellular,apr,fri,156,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +45,management,married,university.degree,no,yes,no,cellular,apr,fri,345,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +25,technician,single,university.degree,no,no,no,cellular,apr,fri,118,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,admin.,divorced,unknown,no,no,no,cellular,apr,fri,85,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,apr,fri,233,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,management,married,university.degree,no,yes,yes,cellular,apr,fri,249,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,single,high.school,no,yes,no,cellular,apr,fri,179,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,entrepreneur,married,basic.9y,no,yes,yes,cellular,apr,fri,52,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,self-employed,married,basic.9y,no,no,no,cellular,apr,fri,112,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,single,high.school,no,yes,no,cellular,apr,fri,392,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,blue-collar,married,unknown,unknown,yes,no,cellular,apr,fri,113,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,119,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,student,married,university.degree,unknown,yes,no,telephone,apr,fri,98,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,entrepreneur,married,university.degree,no,no,no,cellular,apr,fri,85,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +57,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,515,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,services,married,high.school,unknown,no,no,cellular,apr,fri,402,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +54,services,married,high.school,unknown,no,no,cellular,apr,fri,408,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,divorced,basic.9y,no,yes,no,cellular,apr,fri,76,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,student,married,university.degree,unknown,no,no,cellular,apr,fri,224,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,services,married,high.school,unknown,yes,yes,cellular,apr,fri,294,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +54,retired,married,basic.4y,no,yes,no,cellular,apr,fri,420,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,student,married,university.degree,unknown,yes,no,cellular,apr,fri,346,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,married,basic.4y,no,no,no,cellular,apr,fri,198,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,entrepreneur,married,university.degree,no,yes,yes,cellular,apr,fri,108,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,married,high.school,no,no,no,cellular,apr,fri,238,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,married,basic.4y,no,yes,no,cellular,apr,fri,548,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +59,admin.,divorced,university.degree,no,yes,no,cellular,apr,fri,416,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,apr,fri,86,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,blue-collar,married,basic.6y,unknown,no,no,cellular,apr,fri,599,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,210,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,blue-collar,divorced,basic.6y,no,yes,no,cellular,apr,fri,344,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,married,high.school,no,yes,yes,cellular,apr,fri,329,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,self-employed,married,basic.4y,unknown,yes,no,cellular,apr,fri,236,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,management,single,university.degree,no,no,no,cellular,apr,fri,82,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,management,married,university.degree,no,yes,no,cellular,apr,fri,416,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,612,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,married,basic.6y,no,yes,no,cellular,apr,fri,177,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,apr,fri,678,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +43,blue-collar,married,basic.6y,no,no,yes,cellular,apr,fri,150,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,199,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +47,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,112,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,management,married,basic.6y,no,yes,no,cellular,apr,fri,704,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,no,yes,no,cellular,apr,fri,372,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,135,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,486,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,management,single,university.degree,no,yes,no,cellular,apr,fri,709,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +50,unemployed,married,basic.4y,unknown,yes,no,cellular,apr,fri,71,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,462,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,divorced,high.school,no,no,no,cellular,apr,fri,156,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,married,university.degree,no,no,no,cellular,apr,fri,203,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,77,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,entrepreneur,married,university.degree,no,yes,no,cellular,apr,fri,486,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,single,high.school,no,yes,no,cellular,apr,fri,341,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,single,high.school,no,yes,no,cellular,apr,fri,267,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,single,high.school,no,no,no,cellular,apr,fri,1017,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +41,unemployed,married,basic.9y,unknown,yes,no,telephone,apr,fri,246,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +57,services,married,basic.9y,unknown,yes,no,cellular,apr,fri,185,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,self-employed,married,basic.9y,no,yes,no,cellular,apr,fri,313,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,apr,fri,115,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,professional.course,no,yes,no,cellular,apr,fri,377,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,135,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +30,services,single,high.school,unknown,yes,no,cellular,apr,fri,451,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,single,university.degree,no,yes,no,cellular,apr,fri,351,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,married,university.degree,no,yes,no,cellular,apr,fri,126,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,single,university.degree,no,yes,no,cellular,apr,fri,456,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,married,university.degree,no,yes,no,cellular,apr,fri,306,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +25,admin.,single,high.school,no,no,no,cellular,apr,fri,178,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,management,married,university.degree,unknown,no,yes,cellular,apr,fri,76,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,married,professional.course,no,no,no,cellular,apr,fri,292,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,divorced,basic.4y,no,yes,no,cellular,apr,fri,406,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,239,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,514,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,admin.,single,high.school,no,no,no,telephone,apr,fri,51,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,professional.course,no,yes,no,cellular,apr,fri,1095,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +44,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,468,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,apr,fri,172,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,apr,fri,122,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,yes,no,cellular,apr,fri,452,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +34,technician,divorced,professional.course,no,no,no,cellular,apr,fri,185,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,admin.,married,basic.9y,no,yes,no,cellular,apr,fri,196,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,married,high.school,no,yes,no,cellular,apr,fri,88,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,single,university.degree,no,yes,no,cellular,apr,fri,31,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +29,entrepreneur,single,university.degree,no,yes,yes,cellular,apr,fri,268,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,management,married,high.school,unknown,yes,no,cellular,apr,fri,143,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,management,married,university.degree,no,yes,no,cellular,apr,fri,111,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,fri,357,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,services,married,high.school,no,no,no,cellular,apr,fri,151,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,unknown,unknown,yes,no,cellular,apr,fri,400,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,married,unknown,no,no,no,cellular,apr,fri,952,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +34,housemaid,divorced,university.degree,no,yes,yes,cellular,apr,fri,73,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,832,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.9y,unknown,no,yes,cellular,apr,fri,251,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,unknown,unknown,yes,no,cellular,apr,fri,303,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,services,married,high.school,no,yes,no,cellular,apr,fri,101,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,management,married,university.degree,unknown,no,no,cellular,apr,fri,79,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,apr,fri,113,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,management,married,university.degree,unknown,yes,no,cellular,apr,fri,268,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,unknown,no,no,no,cellular,apr,fri,172,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,admin.,single,university.degree,no,yes,no,cellular,apr,fri,237,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,admin.,married,high.school,unknown,no,yes,cellular,apr,fri,517,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,management,married,university.degree,unknown,no,no,cellular,apr,fri,981,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,retired,married,basic.4y,no,yes,no,cellular,apr,fri,531,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,fri,158,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,unknown,no,no,no,cellular,apr,fri,106,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,management,married,university.degree,no,yes,no,cellular,apr,fri,58,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,admin.,single,basic.6y,unknown,no,yes,cellular,apr,fri,351,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,entrepreneur,married,basic.9y,no,no,no,cellular,apr,fri,299,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,69,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.9y,unknown,yes,yes,cellular,apr,fri,418,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.9y,no,no,yes,cellular,apr,fri,351,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,divorced,high.school,no,no,no,cellular,apr,fri,471,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,47,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,basic.4y,unknown,no,no,cellular,apr,fri,264,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,divorced,high.school,no,yes,yes,cellular,apr,fri,57,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,technician,married,professional.course,unknown,yes,no,cellular,apr,fri,53,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,apr,fri,183,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,single,basic.6y,unknown,no,no,cellular,apr,fri,139,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +24,services,single,high.school,no,yes,no,cellular,apr,fri,515,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,single,basic.6y,unknown,no,no,cellular,apr,fri,289,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,professional.course,no,no,no,cellular,apr,fri,132,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,divorced,basic.9y,no,yes,yes,cellular,apr,fri,83,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,retired,married,basic.4y,no,yes,no,cellular,apr,fri,840,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +44,blue-collar,married,high.school,no,yes,no,cellular,apr,fri,921,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +55,management,married,university.degree,no,no,no,cellular,apr,fri,519,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,yes,yes,cellular,apr,fri,299,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +57,admin.,divorced,high.school,no,yes,no,cellular,apr,fri,97,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,married,high.school,no,yes,no,cellular,apr,fri,84,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,university.degree,no,yes,no,cellular,apr,fri,73,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,management,married,university.degree,unknown,yes,yes,cellular,apr,fri,307,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,divorced,high.school,no,yes,no,cellular,apr,fri,1311,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +24,technician,divorced,professional.course,no,yes,no,cellular,apr,fri,107,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,married,high.school,no,yes,no,cellular,apr,fri,193,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,248,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,divorced,unknown,no,no,no,cellular,apr,fri,386,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +24,technician,divorced,professional.course,no,no,no,cellular,apr,fri,332,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +47,admin.,married,high.school,unknown,unknown,unknown,cellular,apr,fri,499,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,unemployed,married,basic.9y,unknown,yes,no,cellular,apr,fri,71,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +45,management,married,university.degree,no,yes,yes,cellular,apr,fri,362,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,unemployed,married,basic.9y,unknown,no,no,cellular,apr,fri,181,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,single,high.school,no,no,no,cellular,apr,fri,161,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,334,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,high.school,no,no,no,cellular,apr,fri,997,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +38,technician,single,high.school,no,yes,no,cellular,apr,fri,183,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +56,self-employed,divorced,university.degree,unknown,no,no,telephone,apr,fri,42,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,married,university.degree,no,unknown,unknown,cellular,apr,fri,462,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,professional.course,unknown,yes,no,cellular,apr,fri,74,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +47,management,married,high.school,no,unknown,unknown,cellular,apr,fri,234,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +47,management,married,high.school,no,no,yes,cellular,apr,fri,245,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +30,technician,single,high.school,no,yes,no,cellular,apr,fri,218,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,fri,574,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +19,student,single,unknown,no,yes,no,telephone,apr,fri,1161,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,services,married,basic.6y,no,no,yes,cellular,apr,fri,754,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,admin.,married,professional.course,no,no,no,cellular,apr,fri,609,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,apr,fri,235,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,university.degree,no,no,no,cellular,apr,fri,146,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,married,high.school,no,no,no,cellular,apr,fri,518,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,management,married,professional.course,no,yes,no,cellular,apr,fri,345,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,high.school,unknown,unknown,unknown,cellular,apr,fri,239,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,admin.,married,high.school,no,yes,yes,cellular,apr,fri,218,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +26,admin.,single,university.degree,no,no,no,telephone,apr,fri,52,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,single,university.degree,no,no,no,telephone,apr,fri,82,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,no,no,cellular,apr,fri,140,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,single,high.school,no,no,no,cellular,apr,fri,68,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,services,single,high.school,no,no,no,cellular,apr,fri,707,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,management,married,university.degree,no,yes,no,cellular,apr,fri,212,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,technician,married,professional.course,no,yes,no,cellular,apr,fri,51,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,apr,fri,156,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +47,technician,divorced,university.degree,no,no,no,cellular,apr,fri,53,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,blue-collar,married,unknown,no,no,no,cellular,apr,fri,193,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,management,married,university.degree,no,yes,no,telephone,apr,fri,198,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,no,no,cellular,apr,fri,108,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,services,married,high.school,no,yes,no,telephone,apr,fri,137,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,9,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,technician,married,professional.course,unknown,no,no,cellular,apr,fri,92,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,admin.,divorced,university.degree,no,yes,no,cellular,apr,fri,882,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +48,blue-collar,married,basic.6y,unknown,no,no,cellular,apr,fri,576,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +45,admin.,married,high.school,no,no,no,cellular,apr,fri,191,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,98,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,yes,no,telephone,apr,fri,777,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,university.degree,no,yes,no,cellular,apr,fri,161,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,divorced,high.school,no,yes,no,cellular,apr,fri,117,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,management,married,basic.9y,no,yes,no,cellular,apr,fri,329,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,married,basic.4y,no,no,no,cellular,apr,fri,155,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,married,basic.4y,no,no,yes,cellular,apr,fri,106,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,apr,fri,76,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,apr,fri,1007,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +33,admin.,single,university.degree,no,yes,no,cellular,apr,fri,382,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,unknown,no,yes,no,cellular,apr,fri,496,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,services,married,high.school,no,no,no,cellular,apr,fri,464,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,married,university.degree,no,no,yes,cellular,apr,fri,82,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,fri,343,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,entrepreneur,married,basic.9y,no,no,no,cellular,apr,fri,75,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,single,university.degree,unknown,no,yes,cellular,apr,fri,526,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +37,blue-collar,married,basic.9y,no,yes,yes,cellular,apr,fri,43,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,services,married,high.school,unknown,yes,no,cellular,apr,fri,45,7,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,married,professional.course,unknown,no,no,cellular,apr,fri,1624,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +33,blue-collar,married,basic.4y,no,no,no,cellular,apr,fri,95,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,married,high.school,no,no,yes,cellular,apr,fri,175,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,208,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,services,married,high.school,unknown,yes,no,cellular,apr,fri,87,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,blue-collar,married,basic.9y,no,no,yes,telephone,apr,fri,26,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,218,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,342,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,blue-collar,married,basic.9y,unknown,yes,no,telephone,apr,fri,254,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,single,university.degree,no,no,yes,cellular,apr,fri,85,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,technician,single,university.degree,no,yes,no,cellular,apr,fri,73,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,fri,145,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,married,high.school,no,yes,yes,cellular,apr,fri,171,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,married,professional.course,no,yes,no,cellular,apr,fri,372,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,married,professional.course,no,yes,no,cellular,apr,fri,108,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +56,blue-collar,married,basic.4y,no,no,no,cellular,apr,fri,153,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,self-employed,married,university.degree,no,no,yes,cellular,apr,fri,138,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,basic.9y,no,no,yes,cellular,apr,fri,175,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,professional.course,unknown,no,no,cellular,apr,fri,247,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,married,professional.course,no,no,yes,cellular,apr,fri,404,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +26,technician,single,professional.course,no,yes,no,cellular,apr,fri,362,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,services,divorced,basic.6y,no,no,no,cellular,apr,fri,286,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,technician,married,professional.course,no,no,no,cellular,apr,fri,316,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,professional.course,unknown,yes,no,cellular,apr,fri,251,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,professional.course,unknown,no,no,cellular,apr,fri,370,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,admin.,married,university.degree,no,yes,yes,cellular,apr,fri,274,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,admin.,married,university.degree,no,no,no,cellular,apr,fri,324,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,management,married,university.degree,no,yes,yes,cellular,apr,fri,206,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,apr,fri,191,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,367,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +43,management,married,university.degree,unknown,yes,no,telephone,apr,fri,141,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,divorced,basic.9y,no,no,no,cellular,apr,fri,200,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +27,unemployed,single,basic.9y,no,yes,no,cellular,apr,fri,279,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,self-employed,married,basic.9y,no,no,no,cellular,apr,fri,214,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,professional.course,no,no,no,cellular,apr,fri,122,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,divorced,university.degree,no,yes,no,cellular,apr,fri,649,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,blue-collar,single,basic.9y,no,yes,no,cellular,apr,fri,14,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,married,university.degree,no,unknown,unknown,cellular,apr,fri,397,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,retired,married,basic.4y,no,yes,no,cellular,apr,fri,263,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,yes,yes,cellular,apr,fri,72,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,management,married,university.degree,no,no,no,cellular,apr,fri,433,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,407,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,unknown,no,no,no,cellular,apr,fri,278,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,216,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,admin.,married,high.school,no,yes,no,cellular,apr,fri,33,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,unemployed,single,basic.9y,no,yes,no,cellular,apr,fri,55,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,single,basic.9y,no,no,no,cellular,apr,fri,419,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,married,high.school,no,yes,no,cellular,apr,fri,113,2,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,157,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,management,married,university.degree,no,yes,yes,cellular,apr,fri,40,8,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,technician,single,professional.course,no,yes,no,cellular,apr,fri,53,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +53,admin.,married,basic.6y,no,yes,no,cellular,apr,fri,100,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,unknown,no,yes,yes,cellular,apr,fri,637,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,married,high.school,no,yes,no,cellular,apr,fri,317,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,single,high.school,no,no,no,cellular,apr,fri,294,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,entrepreneur,married,university.degree,no,no,yes,cellular,apr,fri,77,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,technician,married,university.degree,no,yes,no,cellular,apr,fri,492,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,70,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +55,retired,married,high.school,no,no,no,cellular,apr,fri,401,1,8,1,success,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,238,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,entrepreneur,married,university.degree,no,yes,yes,telephone,apr,fri,130,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +35,blue-collar,divorced,basic.6y,no,yes,no,cellular,apr,fri,212,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,married,high.school,no,yes,no,cellular,apr,fri,36,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,no,yes,no,cellular,apr,fri,611,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,fri,359,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,married,high.school,no,no,no,cellular,apr,fri,280,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,divorced,high.school,no,yes,yes,cellular,apr,fri,107,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,654,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +58,unemployed,married,basic.9y,unknown,no,no,cellular,apr,fri,834,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,single,unknown,no,no,no,cellular,apr,fri,345,1,6,1,success,-1.8,93.075,-47.1,1.405,5099.1,yes +39,blue-collar,married,unknown,no,no,no,cellular,apr,fri,79,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +22,admin.,married,high.school,no,yes,yes,cellular,apr,fri,156,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,single,professional.course,no,yes,yes,cellular,apr,fri,41,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,self-employed,married,basic.6y,no,no,no,cellular,apr,fri,211,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,married,professional.course,no,no,no,cellular,apr,fri,54,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,single,high.school,no,yes,no,cellular,apr,fri,1080,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +38,technician,single,university.degree,no,no,no,cellular,apr,fri,301,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,unknown,unknown,no,no,cellular,apr,fri,203,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,unknown,yes,no,cellular,apr,fri,19,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,basic.9y,no,unknown,unknown,cellular,apr,fri,182,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,apr,fri,401,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,divorced,university.degree,no,yes,no,cellular,apr,fri,237,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,university.degree,no,unknown,unknown,cellular,apr,fri,198,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,unemployed,divorced,high.school,no,yes,yes,cellular,apr,fri,715,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +30,technician,single,professional.course,no,yes,no,cellular,apr,fri,346,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,yes,no,cellular,apr,fri,508,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,management,divorced,professional.course,no,yes,no,cellular,apr,fri,115,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,married,high.school,no,no,yes,cellular,apr,fri,463,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,married,high.school,no,yes,yes,telephone,apr,fri,73,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,self-employed,married,university.degree,no,no,no,cellular,apr,fri,775,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,yes,no,cellular,apr,fri,140,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,unknown,no,no,cellular,apr,fri,100,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,single,unknown,no,no,no,cellular,apr,fri,301,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,unknown,no,no,no,cellular,apr,fri,231,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,management,married,basic.9y,no,no,no,cellular,apr,fri,727,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,married,unknown,no,no,no,cellular,apr,fri,42,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,single,high.school,no,no,no,cellular,apr,fri,160,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,single,unknown,no,yes,no,cellular,apr,fri,130,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,married,university.degree,no,no,no,cellular,apr,fri,222,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,402,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,single,high.school,no,no,no,cellular,apr,fri,297,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,apr,fri,207,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,unemployed,married,basic.9y,unknown,no,no,cellular,apr,fri,135,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +56,blue-collar,unknown,basic.4y,no,no,no,cellular,apr,fri,422,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,blue-collar,single,basic.9y,unknown,no,no,cellular,apr,fri,22,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,admin.,married,university.degree,no,yes,no,cellular,apr,fri,107,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +44,entrepreneur,married,university.degree,no,yes,no,cellular,apr,fri,1034,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,married,high.school,no,yes,no,cellular,apr,fri,326,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,basic.6y,no,yes,yes,cellular,apr,fri,91,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,services,single,high.school,unknown,yes,no,telephone,apr,fri,40,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,management,single,university.degree,unknown,yes,yes,cellular,apr,fri,333,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,married,university.degree,no,no,no,cellular,apr,fri,476,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +33,admin.,single,university.degree,no,no,no,cellular,apr,fri,326,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +27,admin.,single,high.school,no,yes,no,cellular,apr,fri,108,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +45,blue-collar,married,basic.9y,no,no,no,cellular,apr,fri,99,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,basic.6y,no,yes,no,cellular,apr,fri,240,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,technician,married,basic.6y,no,no,yes,cellular,apr,fri,158,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,professional.course,no,no,no,cellular,apr,fri,365,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,technician,married,professional.course,no,no,no,cellular,apr,fri,219,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,divorced,high.school,no,no,no,cellular,apr,fri,188,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,student,single,professional.course,no,yes,no,cellular,apr,fri,96,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +22,admin.,single,university.degree,no,no,no,cellular,apr,fri,149,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +41,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,412,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +51,housemaid,divorced,high.school,unknown,no,no,cellular,apr,fri,145,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,management,married,professional.course,no,no,no,cellular,apr,fri,65,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,housemaid,divorced,university.degree,no,unknown,unknown,cellular,apr,fri,182,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,divorced,high.school,no,yes,no,cellular,apr,fri,114,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,fri,194,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +71,retired,single,unknown,no,yes,no,cellular,apr,fri,188,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +47,admin.,married,university.degree,unknown,yes,yes,cellular,apr,fri,126,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,technician,married,professional.course,no,no,no,cellular,apr,fri,93,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,university.degree,no,no,no,cellular,apr,fri,772,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +28,admin.,single,university.degree,no,no,no,cellular,apr,fri,69,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,divorced,high.school,no,no,no,cellular,apr,fri,165,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,admin.,single,university.degree,no,yes,no,cellular,apr,fri,395,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,professional.course,no,no,no,cellular,apr,fri,345,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,admin.,single,university.degree,no,no,no,cellular,apr,fri,815,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.9y,no,no,yes,cellular,apr,fri,147,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +48,admin.,married,basic.4y,no,yes,no,cellular,apr,fri,224,3,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,fri,150,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +25,student,married,university.degree,no,no,yes,cellular,apr,fri,74,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,single,high.school,no,no,no,cellular,apr,fri,124,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,admin.,married,university.degree,no,yes,no,cellular,apr,fri,771,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,housemaid,married,university.degree,no,yes,no,telephone,apr,fri,460,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +49,services,divorced,high.school,no,no,no,cellular,apr,fri,300,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,professional.course,no,yes,no,cellular,apr,fri,17,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,self-employed,single,university.degree,no,yes,no,cellular,apr,fri,254,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,management,married,professional.course,no,yes,no,cellular,apr,fri,239,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +30,technician,single,professional.course,no,no,no,cellular,apr,fri,73,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,services,single,high.school,no,no,no,cellular,apr,fri,473,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,married,high.school,no,yes,no,cellular,apr,fri,139,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +59,admin.,divorced,university.degree,no,yes,no,cellular,apr,fri,128,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,single,high.school,no,no,no,cellular,apr,fri,405,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,services,married,high.school,no,no,no,cellular,apr,fri,52,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,unemployed,married,basic.9y,unknown,yes,no,cellular,apr,fri,153,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,unemployed,married,high.school,no,yes,no,cellular,apr,fri,370,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,technician,divorced,university.degree,no,no,yes,cellular,apr,fri,642,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,married,professional.course,unknown,no,no,cellular,apr,fri,232,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,student,single,unknown,no,yes,no,cellular,apr,fri,170,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,333,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,yes,no,cellular,apr,fri,413,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,basic.4y,no,no,yes,cellular,apr,fri,163,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,basic.9y,unknown,no,no,telephone,apr,fri,599,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,married,high.school,no,no,no,cellular,apr,fri,246,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,professional.course,unknown,no,no,cellular,apr,fri,322,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,technician,single,university.degree,no,no,no,cellular,apr,fri,232,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +75,housemaid,divorced,basic.4y,no,no,no,cellular,apr,fri,95,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,married,professional.course,no,no,no,cellular,apr,fri,181,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,entrepreneur,married,university.degree,no,yes,no,cellular,apr,fri,104,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +30,services,single,professional.course,no,yes,no,cellular,apr,fri,186,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,technician,single,university.degree,no,no,no,cellular,apr,fri,115,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,apr,fri,598,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,divorced,high.school,no,yes,no,cellular,apr,fri,323,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,fri,273,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,no,yes,no,cellular,apr,fri,160,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,services,married,high.school,no,no,no,cellular,apr,fri,134,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +57,retired,married,basic.6y,unknown,no,no,cellular,apr,fri,203,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +51,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,fri,541,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,single,basic.6y,unknown,no,yes,cellular,apr,fri,266,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,technician,married,unknown,no,no,no,cellular,apr,fri,378,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +33,admin.,married,high.school,unknown,no,no,cellular,apr,fri,220,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,married,high.school,no,no,no,cellular,apr,fri,606,2,1,1,success,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,single,high.school,no,no,no,cellular,apr,fri,105,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +26,technician,single,professional.course,no,yes,no,cellular,apr,fri,378,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +60,admin.,married,university.degree,no,no,no,cellular,apr,fri,246,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,entrepreneur,married,basic.4y,no,yes,no,cellular,apr,fri,1130,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,156,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,management,married,university.degree,no,yes,no,cellular,apr,fri,949,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +44,services,single,high.school,no,no,no,cellular,apr,fri,276,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,housemaid,married,basic.6y,unknown,unknown,unknown,cellular,apr,fri,2926,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +49,admin.,divorced,high.school,no,unknown,unknown,cellular,apr,fri,88,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,single,basic.6y,unknown,yes,no,cellular,apr,fri,155,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,services,married,high.school,no,no,no,cellular,apr,fri,185,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,single,university.degree,no,no,no,cellular,apr,fri,278,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,entrepreneur,married,university.degree,unknown,yes,no,cellular,apr,fri,273,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +55,management,married,university.degree,no,no,no,cellular,apr,fri,171,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,single,high.school,no,no,no,cellular,apr,fri,166,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +24,services,single,high.school,no,no,yes,cellular,apr,fri,1426,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +47,admin.,married,basic.9y,no,yes,yes,cellular,apr,fri,795,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +49,admin.,single,basic.6y,no,yes,yes,cellular,apr,fri,441,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,married,high.school,no,yes,yes,cellular,apr,fri,398,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,services,married,high.school,no,no,yes,cellular,apr,fri,340,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,308,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,218,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,management,divorced,high.school,no,yes,no,cellular,apr,fri,647,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,married,high.school,no,no,yes,cellular,apr,fri,57,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,student,single,professional.course,no,no,yes,cellular,apr,fri,170,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,unknown,no,yes,no,cellular,apr,fri,666,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,married,basic.4y,no,no,yes,cellular,apr,fri,244,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,single,high.school,no,no,no,cellular,apr,fri,146,2,5,2,success,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,divorced,high.school,no,no,yes,telephone,apr,fri,318,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,divorced,high.school,no,unknown,unknown,cellular,apr,fri,278,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,apr,fri,426,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.6y,no,no,yes,cellular,apr,fri,229,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,admin.,single,high.school,no,yes,no,cellular,apr,fri,74,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,basic.9y,no,no,yes,cellular,apr,fri,1184,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,single,unknown,unknown,yes,no,cellular,apr,fri,464,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,apr,fri,334,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,married,basic.9y,unknown,no,yes,cellular,apr,fri,61,2,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,divorced,basic.4y,no,no,no,cellular,apr,fri,2053,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,entrepreneur,married,professional.course,no,no,yes,cellular,apr,fri,69,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,married,high.school,no,no,no,cellular,apr,fri,277,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,apr,fri,1064,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,blue-collar,single,basic.4y,no,unknown,unknown,cellular,apr,fri,163,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,services,divorced,high.school,no,yes,no,telephone,apr,fri,501,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,yes,no,cellular,apr,fri,245,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,entrepreneur,single,university.degree,no,yes,no,cellular,apr,fri,738,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,retired,married,high.school,unknown,yes,no,cellular,apr,fri,87,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,unknown,no,no,cellular,apr,fri,335,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,divorced,basic.4y,no,no,no,cellular,apr,fri,204,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,management,divorced,professional.course,no,yes,no,cellular,apr,fri,140,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,married,professional.course,unknown,yes,no,cellular,apr,fri,446,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,single,unknown,no,yes,no,cellular,apr,fri,164,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +40,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,179,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,single,high.school,no,no,no,cellular,apr,fri,151,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,entrepreneur,married,professional.course,no,yes,yes,cellular,apr,fri,65,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,174,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,married,university.degree,no,yes,no,cellular,apr,fri,489,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,entrepreneur,single,university.degree,no,no,no,cellular,apr,fri,758,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,services,married,high.school,no,no,no,cellular,apr,fri,469,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +27,unemployed,single,basic.9y,no,no,no,cellular,apr,fri,48,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,services,married,high.school,no,no,no,cellular,apr,fri,368,6,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,single,university.degree,no,no,no,telephone,apr,fri,48,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,single,unknown,no,no,no,cellular,apr,fri,54,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,blue-collar,married,basic.4y,no,yes,no,cellular,apr,fri,342,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,management,married,university.degree,unknown,no,no,cellular,apr,fri,183,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,services,single,high.school,no,yes,no,cellular,apr,fri,73,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,unknown,no,no,cellular,apr,fri,315,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,admin.,single,university.degree,no,no,no,telephone,apr,fri,394,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +45,admin.,married,high.school,no,yes,yes,cellular,apr,fri,636,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +22,student,single,high.school,no,yes,no,cellular,apr,fri,14,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,divorced,high.school,no,no,no,telephone,apr,fri,320,3,6,1,success,-1.8,93.075,-47.1,1.405,5099.1,yes +26,technician,single,professional.course,no,yes,no,telephone,apr,fri,100,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,divorced,high.school,no,yes,yes,cellular,apr,fri,238,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,professional.course,no,no,no,cellular,apr,fri,317,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,single,university.degree,no,yes,no,cellular,apr,fri,271,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +40,admin.,single,high.school,no,yes,no,cellular,apr,fri,202,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,single,basic.6y,no,yes,no,cellular,apr,fri,99,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,unknown,unknown,yes,no,cellular,apr,fri,50,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,divorced,basic.9y,no,yes,no,cellular,apr,fri,321,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,yes,no,cellular,apr,fri,202,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,married,university.degree,no,no,yes,cellular,apr,fri,177,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,divorced,unknown,no,no,no,cellular,apr,fri,211,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +22,admin.,married,high.school,no,no,yes,cellular,apr,fri,108,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,672,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,single,basic.9y,unknown,yes,no,cellular,apr,fri,225,3,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,single,university.degree,no,no,no,cellular,apr,fri,952,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,unknown,no,no,no,cellular,apr,fri,119,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,management,divorced,university.degree,no,no,yes,cellular,apr,fri,131,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,apr,fri,171,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,professional.course,no,no,yes,cellular,apr,fri,239,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,high.school,no,no,no,cellular,apr,fri,193,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,single,high.school,no,no,no,cellular,apr,fri,544,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +48,admin.,divorced,high.school,no,no,yes,cellular,apr,fri,2139,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +60,retired,married,basic.4y,unknown,yes,no,cellular,apr,fri,314,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +41,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,fri,1038,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,self-employed,married,university.degree,no,no,no,cellular,apr,fri,625,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,student,single,high.school,no,yes,no,cellular,apr,fri,756,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,no,no,no,cellular,apr,fri,191,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,fri,1013,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,divorced,high.school,no,no,no,telephone,apr,fri,392,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,technician,married,unknown,no,no,no,cellular,apr,fri,119,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,management,married,basic.6y,no,no,no,cellular,apr,fri,324,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,427,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,divorced,professional.course,no,yes,yes,cellular,apr,fri,180,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,no,no,no,cellular,apr,fri,200,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,divorced,university.degree,no,yes,no,cellular,apr,fri,660,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,single,unknown,no,no,no,telephone,apr,fri,541,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +35,blue-collar,married,professional.course,no,yes,yes,telephone,apr,fri,114,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,services,married,high.school,no,no,no,cellular,apr,fri,291,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,university.degree,no,no,yes,cellular,apr,fri,72,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,fri,184,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,apr,fri,479,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,114,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,196,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,single,professional.course,no,no,no,cellular,apr,mon,148,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,housemaid,married,basic.4y,no,yes,no,cellular,apr,mon,158,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +34,admin.,married,basic.9y,no,yes,no,cellular,apr,mon,12,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,married,high.school,no,yes,yes,cellular,apr,mon,345,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,services,married,high.school,no,no,no,cellular,apr,mon,95,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,admin.,married,high.school,no,no,no,cellular,apr,mon,9,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +58,technician,married,professional.course,unknown,yes,no,cellular,apr,mon,483,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,self-employed,single,university.degree,no,yes,yes,cellular,apr,mon,152,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,single,professional.course,unknown,yes,no,cellular,apr,mon,415,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,yes,yes,cellular,apr,mon,206,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +46,entrepreneur,married,basic.4y,unknown,yes,no,cellular,apr,mon,630,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +60,retired,married,basic.6y,no,yes,yes,telephone,apr,mon,384,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,technician,married,professional.course,no,no,no,cellular,apr,mon,322,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,married,basic.4y,no,no,yes,cellular,apr,mon,287,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,married,high.school,unknown,yes,no,cellular,apr,mon,184,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,yes,no,cellular,apr,mon,438,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +40,services,single,high.school,no,no,no,cellular,apr,mon,1332,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +31,management,married,university.degree,unknown,no,no,cellular,apr,mon,397,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,entrepreneur,married,university.degree,unknown,no,no,cellular,apr,mon,774,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,services,married,high.school,no,no,no,cellular,apr,mon,390,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +25,self-employed,divorced,university.degree,no,yes,no,telephone,apr,mon,173,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,technician,single,professional.course,no,yes,no,cellular,apr,mon,430,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +51,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,mon,12,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +68,retired,married,high.school,no,no,yes,cellular,apr,mon,263,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,entrepreneur,married,basic.4y,no,no,no,cellular,apr,mon,383,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,360,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,blue-collar,married,basic.4y,no,yes,no,cellular,apr,mon,311,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.6y,unknown,yes,no,cellular,apr,mon,88,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,technician,married,university.degree,no,no,no,cellular,apr,mon,124,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,single,high.school,no,yes,no,cellular,apr,mon,1202,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +47,blue-collar,married,basic.9y,no,yes,yes,cellular,apr,mon,390,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,technician,divorced,basic.9y,no,no,no,cellular,apr,mon,105,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,student,single,university.degree,no,yes,yes,telephone,apr,mon,37,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,married,high.school,unknown,yes,no,cellular,apr,mon,79,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,services,married,high.school,no,yes,no,cellular,apr,mon,14,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,apr,mon,506,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,management,married,university.degree,no,no,no,cellular,apr,mon,257,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,management,single,high.school,no,no,no,cellular,apr,mon,150,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,divorced,basic.9y,no,yes,yes,cellular,apr,mon,156,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,entrepreneur,single,university.degree,no,yes,yes,cellular,apr,mon,142,12,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,married,high.school,no,no,no,cellular,apr,mon,1112,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +45,blue-collar,married,basic.4y,no,yes,no,telephone,apr,mon,169,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,divorced,basic.6y,no,yes,no,cellular,apr,mon,339,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,divorced,high.school,no,no,no,cellular,apr,mon,220,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +52,retired,married,high.school,no,yes,no,cellular,apr,mon,525,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.6y,no,yes,no,cellular,apr,mon,374,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,single,basic.4y,no,no,no,cellular,apr,mon,210,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,unemployed,single,professional.course,unknown,yes,no,cellular,apr,mon,533,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +24,technician,single,high.school,no,yes,no,cellular,apr,mon,390,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,management,single,university.degree,no,yes,no,cellular,apr,mon,122,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,single,professional.course,unknown,yes,yes,telephone,apr,mon,73,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,services,single,basic.6y,no,yes,no,cellular,apr,mon,249,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,married,professional.course,no,yes,no,cellular,apr,mon,136,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,186,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,married,basic.9y,no,no,no,telephone,apr,mon,406,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +30,admin.,married,high.school,no,no,no,cellular,apr,mon,566,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +56,blue-collar,married,basic.6y,no,yes,yes,cellular,apr,mon,223,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,blue-collar,married,basic.4y,no,yes,no,cellular,apr,mon,421,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.6y,no,no,no,cellular,apr,mon,83,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +25,self-employed,divorced,university.degree,no,yes,no,cellular,apr,mon,227,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +59,self-employed,married,professional.course,no,yes,no,cellular,apr,mon,860,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +29,technician,single,university.degree,no,no,no,cellular,apr,mon,354,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,apr,mon,207,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,entrepreneur,married,university.degree,unknown,yes,no,cellular,apr,mon,68,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,blue-collar,married,high.school,unknown,yes,yes,cellular,apr,mon,62,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,single,professional.course,no,no,no,cellular,apr,mon,17,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,entrepreneur,single,university.degree,no,no,no,cellular,apr,mon,89,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +47,technician,married,high.school,unknown,no,no,cellular,apr,mon,267,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +29,services,single,high.school,no,no,no,cellular,apr,mon,386,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +53,blue-collar,married,high.school,unknown,no,no,cellular,apr,mon,193,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +59,self-employed,married,professional.course,no,unknown,unknown,cellular,apr,mon,69,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,divorced,high.school,no,unknown,unknown,cellular,apr,mon,214,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,high.school,no,no,no,cellular,apr,mon,239,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,1550,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +42,blue-collar,single,unknown,unknown,no,no,cellular,apr,mon,241,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,high.school,unknown,no,no,cellular,apr,mon,29,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,admin.,married,high.school,unknown,no,no,telephone,apr,mon,121,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +26,admin.,married,high.school,no,yes,no,cellular,apr,mon,61,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,married,high.school,no,yes,yes,cellular,apr,mon,234,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,technician,married,university.degree,no,yes,no,cellular,apr,mon,185,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,399,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,19,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,no,yes,cellular,apr,mon,96,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,blue-collar,single,basic.9y,no,yes,yes,cellular,apr,mon,218,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,technician,divorced,professional.course,unknown,no,no,cellular,apr,mon,131,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +43,services,married,high.school,no,no,no,cellular,apr,mon,26,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,143,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,single,high.school,no,no,no,cellular,apr,mon,159,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,cellular,apr,mon,386,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,single,university.degree,no,yes,no,cellular,apr,mon,279,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,married,university.degree,no,yes,yes,cellular,apr,mon,245,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,apr,mon,201,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,apr,mon,428,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,self-employed,single,university.degree,no,yes,no,cellular,apr,mon,128,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,student,single,high.school,no,yes,no,cellular,apr,mon,7,6,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,entrepreneur,married,unknown,no,yes,no,cellular,apr,mon,466,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,single,professional.course,no,yes,no,cellular,apr,mon,304,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +53,admin.,married,professional.course,no,yes,no,cellular,apr,mon,185,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,divorced,high.school,no,yes,yes,cellular,apr,mon,108,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,divorced,high.school,no,yes,no,cellular,apr,mon,90,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,apr,mon,122,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,divorced,high.school,no,yes,no,cellular,apr,mon,365,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,apr,mon,285,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,apr,mon,275,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.6y,no,yes,yes,cellular,apr,mon,7,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,apr,mon,285,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +73,retired,married,basic.4y,no,yes,no,cellular,apr,mon,158,1,6,1,success,-1.8,93.075,-47.1,1.405,5099.1,no +54,technician,married,high.school,no,yes,no,cellular,apr,mon,178,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,technician,single,professional.course,no,yes,no,cellular,apr,mon,199,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,mon,63,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,cellular,apr,mon,65,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +56,retired,divorced,university.degree,no,yes,no,cellular,apr,mon,199,5,9,1,success,-1.8,93.075,-47.1,1.405,5099.1,no +46,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,188,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.6y,unknown,yes,no,telephone,apr,mon,534,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,management,married,university.degree,no,yes,no,cellular,apr,mon,198,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,technician,married,professional.course,unknown,yes,no,cellular,apr,mon,130,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,management,married,university.degree,no,no,no,cellular,apr,mon,352,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,technician,single,university.degree,no,yes,no,cellular,apr,mon,210,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,admin.,single,university.degree,no,yes,no,cellular,apr,mon,670,4,11,1,success,-1.8,93.075,-47.1,1.405,5099.1,yes +53,services,married,high.school,no,yes,no,cellular,apr,mon,62,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,technician,single,university.degree,unknown,no,no,cellular,apr,mon,712,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,management,married,university.degree,no,no,no,cellular,apr,mon,401,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,married,high.school,no,yes,no,cellular,apr,mon,59,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,married,university.degree,no,yes,no,cellular,apr,mon,17,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,services,married,high.school,no,no,no,cellular,apr,mon,319,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,services,single,high.school,no,yes,no,cellular,apr,mon,142,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,technician,married,professional.course,no,yes,yes,cellular,apr,mon,314,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,management,married,university.degree,unknown,no,no,cellular,apr,mon,28,7,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,single,high.school,no,yes,no,cellular,apr,mon,133,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +34,admin.,married,basic.9y,no,yes,no,cellular,apr,mon,317,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,single,basic.9y,no,yes,no,cellular,apr,mon,79,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +26,admin.,single,high.school,no,yes,no,cellular,apr,mon,190,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +41,blue-collar,divorced,high.school,unknown,yes,no,cellular,apr,mon,111,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,technician,single,university.degree,no,no,yes,cellular,apr,mon,222,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,unknown,no,yes,cellular,apr,mon,49,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,married,professional.course,no,no,no,cellular,apr,mon,277,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,9,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,technician,married,professional.course,unknown,yes,no,cellular,apr,mon,698,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +57,entrepreneur,single,university.degree,no,no,yes,cellular,apr,mon,7,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,management,married,university.degree,no,yes,no,cellular,apr,mon,13,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,technician,single,professional.course,no,no,no,cellular,apr,mon,714,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,married,university.degree,no,yes,no,cellular,apr,mon,257,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +26,admin.,single,high.school,no,no,no,cellular,apr,mon,785,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +57,management,divorced,university.degree,unknown,no,no,cellular,apr,mon,322,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,married,high.school,no,no,no,cellular,apr,mon,658,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,blue-collar,married,basic.9y,no,no,no,cellular,apr,mon,98,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,management,single,university.degree,unknown,no,yes,cellular,apr,mon,144,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,high.school,no,yes,yes,cellular,apr,mon,42,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,services,married,high.school,no,yes,no,cellular,apr,mon,12,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,married,high.school,no,yes,yes,cellular,apr,mon,254,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +52,admin.,divorced,basic.9y,no,yes,yes,cellular,apr,mon,9,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +26,admin.,single,high.school,no,no,no,cellular,apr,mon,123,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.6y,no,no,no,cellular,apr,mon,97,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,entrepreneur,married,unknown,no,yes,yes,cellular,apr,mon,207,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,student,single,university.degree,no,yes,no,cellular,apr,mon,712,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +59,self-employed,married,professional.course,no,yes,no,cellular,apr,mon,274,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,services,married,high.school,no,yes,no,cellular,apr,mon,72,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,high.school,no,no,no,cellular,apr,mon,207,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,divorced,basic.6y,no,yes,yes,cellular,apr,mon,37,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,high.school,unknown,yes,no,cellular,apr,mon,19,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,high.school,no,no,no,cellular,apr,mon,517,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,admin.,married,high.school,no,yes,yes,telephone,apr,mon,24,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,services,married,high.school,no,yes,yes,cellular,apr,mon,18,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,divorced,university.degree,no,yes,no,cellular,apr,mon,238,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,management,married,university.degree,no,yes,yes,cellular,apr,mon,163,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,married,high.school,no,yes,yes,cellular,apr,mon,982,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,divorced,basic.9y,no,no,no,cellular,apr,mon,231,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,high.school,no,no,no,cellular,apr,mon,164,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,single,basic.4y,no,yes,no,cellular,apr,mon,94,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,management,married,university.degree,no,no,no,cellular,apr,mon,450,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,management,married,university.degree,no,yes,yes,cellular,apr,mon,107,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +42,services,married,high.school,no,yes,no,cellular,apr,mon,274,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,married,high.school,no,yes,no,cellular,apr,mon,200,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,single,basic.9y,unknown,yes,no,cellular,apr,mon,90,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +68,retired,married,high.school,no,yes,no,cellular,apr,mon,194,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +40,technician,single,professional.course,no,yes,no,cellular,apr,mon,250,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,technician,single,university.degree,no,yes,no,cellular,apr,mon,79,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,technician,single,professional.course,no,yes,yes,cellular,apr,mon,538,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,apr,mon,257,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,management,married,university.degree,no,yes,yes,cellular,apr,mon,21,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,335,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +30,technician,divorced,university.degree,no,no,no,cellular,apr,mon,96,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,management,divorced,university.degree,no,no,yes,cellular,apr,mon,72,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,retired,single,high.school,no,yes,no,cellular,apr,mon,166,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,divorced,high.school,unknown,yes,yes,cellular,apr,mon,92,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,high.school,unknown,no,no,cellular,apr,mon,63,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,management,single,high.school,no,yes,no,cellular,apr,mon,508,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,married,high.school,unknown,yes,no,cellular,apr,mon,219,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,management,married,university.degree,no,no,no,cellular,apr,mon,51,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,19,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +58,services,married,basic.6y,no,yes,no,cellular,apr,mon,41,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,technician,single,professional.course,no,unknown,unknown,cellular,apr,mon,80,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,single,university.degree,no,unknown,unknown,cellular,apr,mon,59,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +49,unemployed,married,basic.6y,unknown,no,no,cellular,apr,mon,68,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,management,divorced,university.degree,no,no,no,cellular,apr,mon,611,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +57,entrepreneur,single,university.degree,no,yes,yes,cellular,apr,mon,45,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +26,admin.,single,high.school,no,no,no,telephone,apr,mon,216,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +35,services,single,professional.course,unknown,no,no,cellular,apr,mon,204,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,management,single,university.degree,no,yes,no,cellular,apr,mon,92,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,admin.,married,high.school,unknown,no,no,cellular,apr,mon,11,5,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,divorced,university.degree,no,no,yes,cellular,apr,mon,473,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,basic.9y,no,no,no,cellular,apr,mon,110,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,87,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,92,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +57,entrepreneur,single,university.degree,no,yes,no,cellular,apr,mon,720,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +43,services,single,university.degree,no,yes,no,cellular,apr,mon,178,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,blue-collar,married,basic.6y,no,no,no,cellular,apr,mon,84,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,married,professional.course,no,no,yes,cellular,apr,mon,123,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,single,basic.9y,no,yes,no,cellular,apr,mon,16,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,basic.9y,no,no,no,cellular,apr,mon,617,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,services,single,high.school,unknown,no,yes,cellular,apr,mon,76,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,management,married,university.degree,no,no,no,telephone,apr,mon,205,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,technician,single,professional.course,no,no,no,cellular,apr,mon,62,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,technician,single,professional.course,no,no,no,cellular,apr,mon,33,1,6,1,success,-1.8,93.075,-47.1,1.405,5099.1,no +43,management,married,university.degree,no,no,no,cellular,apr,mon,246,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +52,services,married,basic.6y,no,no,yes,cellular,apr,mon,44,2,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +56,self-employed,married,university.degree,no,no,no,cellular,apr,mon,83,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,unknown,unknown,cellular,apr,mon,213,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +26,blue-collar,single,basic.9y,no,no,no,cellular,apr,mon,586,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +43,management,married,university.degree,no,no,yes,cellular,apr,mon,443,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,married,basic.9y,unknown,yes,no,cellular,apr,mon,201,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,divorced,high.school,no,no,no,cellular,apr,mon,379,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,divorced,high.school,no,no,no,cellular,apr,mon,330,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,admin.,divorced,university.degree,no,yes,no,cellular,apr,mon,40,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +21,services,single,basic.9y,no,no,no,cellular,apr,mon,293,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,240,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,married,basic.4y,no,unknown,unknown,cellular,apr,mon,130,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,single,university.degree,no,no,no,cellular,apr,mon,190,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,divorced,professional.course,no,no,no,cellular,apr,mon,15,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,single,professional.course,unknown,yes,no,cellular,apr,mon,59,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,divorced,high.school,no,yes,yes,cellular,apr,mon,111,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +57,services,married,high.school,unknown,yes,no,cellular,apr,mon,157,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,housemaid,married,basic.6y,unknown,unknown,unknown,cellular,apr,mon,372,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +73,retired,married,basic.4y,no,yes,yes,cellular,apr,mon,128,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +23,student,single,high.school,no,yes,no,cellular,apr,mon,637,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,technician,married,professional.course,no,yes,no,cellular,apr,mon,140,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +56,self-employed,married,university.degree,no,yes,no,cellular,apr,mon,222,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,single,professional.course,no,yes,no,cellular,apr,mon,20,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,151,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +51,services,married,high.school,no,yes,no,cellular,apr,mon,272,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +56,services,married,basic.4y,no,yes,yes,cellular,apr,mon,15,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,self-employed,single,university.degree,no,yes,no,cellular,apr,mon,64,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,single,professional.course,no,no,no,cellular,apr,mon,147,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,technician,single,professional.course,no,yes,no,cellular,apr,mon,170,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,technician,single,professional.course,no,no,no,cellular,apr,mon,217,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,services,married,high.school,no,no,no,cellular,apr,mon,53,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +28,self-employed,single,university.degree,no,yes,no,cellular,apr,mon,187,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,services,married,high.school,no,no,no,telephone,apr,mon,60,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,services,married,high.school,no,yes,no,cellular,apr,mon,180,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,admin.,single,university.degree,unknown,no,no,cellular,apr,mon,162,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,admin.,married,university.degree,no,yes,no,cellular,apr,mon,75,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,mon,405,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,management,married,university.degree,no,yes,no,cellular,apr,mon,818,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +57,services,married,high.school,unknown,yes,no,cellular,apr,mon,297,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,yes,no,cellular,apr,mon,159,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,basic.6y,no,no,no,cellular,apr,mon,293,1,1,1,success,-1.8,93.075,-47.1,1.405,5099.1,no +32,technician,single,professional.course,no,yes,no,cellular,apr,mon,54,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,services,married,high.school,no,yes,yes,cellular,apr,mon,691,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +48,retired,divorced,basic.4y,unknown,yes,no,cellular,apr,mon,132,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,567,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +40,self-employed,married,basic.9y,no,yes,yes,cellular,apr,mon,64,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,high.school,no,unknown,unknown,cellular,apr,mon,19,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,unemployed,single,high.school,no,yes,no,telephone,apr,mon,22,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,basic.9y,no,yes,no,cellular,apr,mon,904,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +31,admin.,single,university.degree,no,yes,no,cellular,apr,mon,239,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +53,blue-collar,married,high.school,unknown,yes,no,cellular,apr,mon,354,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,self-employed,married,university.degree,no,no,no,cellular,apr,mon,145,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +52,admin.,married,university.degree,no,yes,no,cellular,apr,mon,95,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,apr,mon,400,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,unknown,no,no,cellular,apr,mon,197,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,single,university.degree,no,yes,no,cellular,apr,mon,221,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,318,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,management,married,university.degree,no,yes,no,cellular,apr,mon,96,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,blue-collar,married,basic.9y,unknown,no,yes,cellular,apr,mon,222,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.4y,no,unknown,unknown,cellular,apr,mon,308,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +29,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,mon,54,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +71,retired,married,university.degree,no,no,no,cellular,apr,mon,349,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +38,admin.,single,university.degree,no,yes,yes,cellular,apr,mon,6,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,services,married,high.school,no,no,no,cellular,apr,mon,91,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +52,services,married,basic.6y,no,yes,no,cellular,apr,mon,44,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,entrepreneur,married,university.degree,no,yes,no,cellular,apr,mon,48,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +52,services,married,basic.6y,no,no,no,cellular,apr,mon,157,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,divorced,high.school,no,no,no,cellular,apr,mon,715,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,high.school,no,no,no,cellular,apr,mon,87,2,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +56,housemaid,married,basic.4y,no,yes,no,cellular,apr,mon,325,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +49,entrepreneur,married,university.degree,no,yes,no,cellular,apr,mon,334,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,admin.,married,high.school,unknown,yes,no,cellular,apr,mon,9,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,72,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,238,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,married,university.degree,no,yes,yes,cellular,apr,mon,245,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +75,retired,divorced,basic.4y,no,no,no,cellular,apr,mon,227,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +23,admin.,married,high.school,no,no,no,cellular,apr,mon,297,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +57,management,divorced,university.degree,unknown,yes,no,cellular,apr,mon,108,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,technician,married,professional.course,no,yes,no,cellular,apr,mon,38,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,admin.,single,university.degree,no,no,no,cellular,apr,mon,59,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,technician,married,high.school,unknown,no,no,cellular,apr,mon,222,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,divorced,basic.9y,no,yes,no,cellular,apr,mon,23,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,148,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +52,admin.,married,university.degree,no,yes,no,cellular,apr,mon,181,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +29,management,single,university.degree,no,no,no,cellular,apr,mon,190,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,technician,married,high.school,no,yes,no,cellular,apr,mon,82,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,married,high.school,no,no,no,telephone,apr,mon,151,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,apr,mon,180,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,253,3,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,apr,mon,202,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,admin.,divorced,high.school,unknown,yes,no,cellular,apr,mon,47,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,married,high.school,no,no,no,cellular,apr,mon,211,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +53,management,divorced,university.degree,unknown,unknown,unknown,cellular,apr,mon,249,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,married,basic.9y,no,yes,no,cellular,apr,mon,63,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,admin.,single,university.degree,no,unknown,unknown,cellular,apr,mon,147,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,basic.6y,no,yes,no,cellular,apr,mon,170,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,entrepreneur,single,university.degree,no,no,no,cellular,apr,mon,151,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +22,services,single,high.school,no,yes,no,cellular,apr,mon,224,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,430,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,mon,107,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,yes,no,cellular,apr,mon,205,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +40,self-employed,single,university.degree,no,yes,no,cellular,apr,mon,379,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,apr,mon,42,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,married,university.degree,no,yes,no,cellular,apr,mon,129,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,entrepreneur,divorced,university.degree,no,no,no,cellular,apr,mon,76,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +52,admin.,divorced,basic.9y,no,yes,yes,cellular,apr,mon,20,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,divorced,high.school,no,no,no,cellular,apr,mon,379,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,divorced,university.degree,no,yes,no,telephone,apr,mon,180,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,technician,married,high.school,no,yes,no,cellular,apr,mon,116,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,divorced,professional.course,no,yes,no,cellular,apr,mon,153,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,self-employed,married,university.degree,unknown,yes,no,cellular,apr,mon,93,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,divorced,high.school,unknown,yes,no,cellular,apr,mon,369,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,self-employed,married,university.degree,no,yes,no,cellular,apr,mon,291,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,apr,mon,268,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,143,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,services,married,high.school,unknown,yes,no,cellular,apr,mon,78,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,services,married,high.school,unknown,yes,no,cellular,apr,mon,226,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,174,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,married,university.degree,no,yes,no,cellular,apr,mon,247,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +56,housemaid,married,university.degree,no,yes,no,cellular,apr,mon,148,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +31,admin.,single,university.degree,no,yes,no,cellular,apr,mon,98,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +59,self-employed,married,professional.course,no,yes,no,cellular,apr,mon,121,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,housemaid,single,high.school,unknown,yes,yes,cellular,apr,mon,114,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,single,basic.4y,no,yes,no,cellular,apr,mon,326,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +60,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,mon,89,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,technician,divorced,university.degree,no,no,no,cellular,apr,mon,281,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,technician,married,university.degree,no,no,no,cellular,apr,mon,345,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,53,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +24,admin.,single,professional.course,no,yes,no,cellular,apr,mon,97,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +53,management,divorced,university.degree,unknown,yes,no,cellular,apr,mon,165,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +57,services,married,high.school,no,yes,no,cellular,apr,mon,113,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,high.school,no,no,no,cellular,apr,mon,207,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +59,technician,divorced,professional.course,no,no,no,cellular,apr,mon,185,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +40,blue-collar,married,basic.6y,unknown,unknown,unknown,cellular,apr,mon,121,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,technician,single,university.degree,no,unknown,unknown,cellular,apr,mon,112,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +29,technician,single,basic.9y,no,unknown,unknown,telephone,apr,mon,116,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,admin.,married,high.school,no,no,no,cellular,apr,mon,177,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +25,self-employed,divorced,university.degree,no,no,no,cellular,apr,mon,111,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,technician,single,university.degree,unknown,yes,yes,cellular,apr,mon,378,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,management,married,university.degree,no,no,no,cellular,apr,mon,44,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +25,self-employed,divorced,university.degree,no,no,no,cellular,apr,mon,241,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +25,self-employed,divorced,university.degree,no,no,yes,cellular,apr,mon,163,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +32,admin.,single,university.degree,no,yes,no,cellular,apr,mon,237,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,management,married,university.degree,no,no,no,cellular,apr,mon,666,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,admin.,divorced,basic.9y,no,yes,yes,cellular,apr,mon,137,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,married,university.degree,no,yes,no,cellular,apr,mon,305,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +43,management,married,university.degree,no,yes,no,cellular,apr,mon,87,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,married,high.school,no,no,no,cellular,apr,mon,131,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +21,student,single,high.school,no,yes,no,cellular,apr,mon,110,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,management,single,university.degree,no,no,no,cellular,apr,mon,333,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,single,university.degree,no,yes,no,cellular,apr,mon,48,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,apr,mon,86,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,basic.9y,no,yes,no,cellular,apr,mon,419,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +51,blue-collar,divorced,basic.4y,no,no,yes,cellular,apr,mon,16,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,services,divorced,basic.9y,no,yes,no,cellular,apr,mon,325,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,services,married,high.school,unknown,yes,no,cellular,apr,mon,766,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +21,self-employed,single,university.degree,no,yes,yes,cellular,apr,mon,169,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,divorced,high.school,no,yes,no,cellular,apr,mon,97,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,technician,married,high.school,no,no,no,cellular,apr,mon,58,3,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,divorced,high.school,no,yes,no,cellular,apr,mon,267,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +21,self-employed,single,university.degree,no,yes,no,cellular,apr,mon,345,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +53,admin.,married,professional.course,no,yes,no,cellular,apr,mon,476,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,single,university.degree,no,no,no,cellular,apr,mon,115,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,entrepreneur,married,high.school,no,yes,no,cellular,apr,mon,257,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,management,married,university.degree,no,no,no,cellular,apr,mon,163,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +38,admin.,unknown,university.degree,no,no,no,cellular,apr,mon,517,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,married,high.school,no,no,no,telephone,apr,mon,340,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,divorced,high.school,no,unknown,unknown,cellular,apr,mon,124,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +23,student,single,university.degree,no,unknown,unknown,cellular,apr,mon,131,6,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,divorced,high.school,no,yes,no,cellular,apr,mon,436,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,married,high.school,no,yes,no,cellular,apr,mon,53,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,basic.4y,no,yes,yes,cellular,apr,mon,172,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,technician,single,university.degree,no,yes,yes,cellular,apr,mon,861,6,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +53,management,divorced,university.degree,unknown,no,no,cellular,apr,mon,414,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,married,basic.9y,no,no,no,cellular,apr,mon,74,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,single,basic.6y,no,no,no,cellular,apr,mon,28,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,divorced,basic.4y,unknown,yes,yes,cellular,apr,mon,542,3,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,single,basic.6y,no,no,no,cellular,apr,mon,170,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,single,university.degree,unknown,yes,no,cellular,apr,mon,198,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +24,admin.,single,university.degree,no,yes,no,cellular,apr,mon,393,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,technician,married,professional.course,no,yes,yes,cellular,apr,mon,168,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,technician,single,professional.course,no,yes,yes,cellular,apr,mon,230,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +43,management,married,university.degree,no,no,no,cellular,apr,mon,48,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,243,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,blue-collar,single,university.degree,no,no,no,cellular,apr,mon,1422,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +31,services,divorced,high.school,no,no,no,cellular,apr,mon,150,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,services,single,high.school,unknown,no,yes,cellular,apr,mon,18,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,married,high.school,no,no,yes,cellular,apr,mon,239,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +24,admin.,single,professional.course,no,no,no,cellular,apr,mon,267,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +40,blue-collar,married,basic.4y,no,yes,yes,cellular,apr,mon,45,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,married,professional.course,no,yes,yes,cellular,apr,mon,528,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,single,high.school,no,yes,yes,cellular,apr,mon,55,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,single,university.degree,no,yes,no,cellular,apr,mon,72,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,technician,single,professional.course,no,yes,no,telephone,apr,mon,16,12,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,services,single,basic.9y,unknown,yes,no,cellular,apr,mon,54,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,management,married,university.degree,no,yes,yes,cellular,apr,mon,228,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +19,student,single,unknown,no,yes,no,cellular,apr,mon,104,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,single,university.degree,unknown,no,no,cellular,apr,mon,73,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,687,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,technician,married,university.degree,no,yes,no,cellular,apr,mon,90,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,technician,divorced,professional.course,unknown,yes,no,cellular,apr,mon,104,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,technician,single,basic.9y,no,yes,no,cellular,apr,mon,114,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +37,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,233,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +21,student,single,high.school,no,no,no,cellular,apr,mon,258,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +36,services,married,high.school,no,yes,no,cellular,apr,mon,334,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,management,married,university.degree,no,yes,no,cellular,apr,mon,143,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +27,technician,single,university.degree,no,no,yes,cellular,apr,mon,400,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,single,high.school,no,yes,yes,cellular,apr,mon,289,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,management,married,university.degree,no,no,no,cellular,apr,mon,81,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,basic.4y,unknown,no,yes,cellular,apr,mon,64,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,married,university.degree,no,yes,no,cellular,apr,mon,155,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +25,self-employed,single,university.degree,unknown,yes,no,cellular,apr,mon,66,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,married,high.school,no,no,no,cellular,apr,mon,1010,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,management,married,university.degree,unknown,no,yes,cellular,apr,mon,1817,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +25,admin.,married,university.degree,no,yes,no,cellular,apr,mon,137,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +52,entrepreneur,married,basic.9y,no,yes,yes,telephone,apr,mon,67,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +25,admin.,single,university.degree,no,no,yes,cellular,apr,mon,120,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +31,services,married,basic.9y,no,yes,no,cellular,apr,mon,1030,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +47,technician,married,basic.9y,no,yes,no,cellular,apr,mon,151,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,divorced,university.degree,no,yes,yes,cellular,apr,mon,121,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +37,blue-collar,married,basic.4y,unknown,yes,yes,cellular,apr,mon,17,6,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,apr,mon,885,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +69,retired,divorced,basic.4y,no,no,no,cellular,apr,mon,92,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,basic.6y,no,yes,no,cellular,apr,mon,724,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,blue-collar,single,basic.9y,unknown,yes,no,cellular,apr,mon,68,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,single,professional.course,unknown,no,no,cellular,apr,mon,36,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +69,retired,divorced,basic.4y,no,yes,no,cellular,apr,mon,453,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +34,admin.,single,university.degree,no,yes,no,cellular,apr,mon,58,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,married,basic.9y,no,yes,no,cellular,apr,mon,304,7,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,282,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,single,high.school,unknown,yes,no,telephone,apr,mon,58,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,services,divorced,high.school,unknown,yes,no,cellular,apr,mon,81,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,married,basic.9y,no,yes,no,cellular,apr,mon,401,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,246,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,services,married,high.school,unknown,no,no,cellular,apr,mon,270,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,single,basic.4y,no,yes,no,cellular,apr,mon,108,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,services,married,basic.9y,no,no,no,cellular,apr,mon,643,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,management,married,university.degree,no,no,yes,cellular,apr,mon,76,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,mon,11,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,admin.,single,basic.9y,no,no,no,cellular,apr,mon,91,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,blue-collar,single,basic.6y,no,no,no,cellular,apr,mon,87,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,89,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,apr,mon,81,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,professional.course,no,yes,no,cellular,apr,mon,93,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +52,entrepreneur,divorced,university.degree,unknown,yes,no,telephone,apr,mon,70,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,married,high.school,no,no,no,cellular,apr,mon,226,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,housemaid,married,basic.4y,no,yes,no,cellular,apr,mon,172,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,single,high.school,no,no,no,cellular,apr,mon,121,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,249,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,single,basic.9y,no,yes,no,cellular,apr,mon,8,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,divorced,basic.9y,no,no,no,cellular,apr,mon,10,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,married,basic.6y,no,yes,no,cellular,apr,mon,132,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,services,married,university.degree,no,no,no,cellular,apr,mon,890,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,apr,mon,10,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +27,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,294,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +57,self-employed,married,basic.4y,no,yes,no,telephone,apr,mon,534,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +56,retired,divorced,university.degree,no,yes,no,cellular,apr,mon,529,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,8,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,basic.9y,no,yes,yes,cellular,apr,mon,7,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,housemaid,married,basic.4y,no,yes,no,cellular,apr,mon,8,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,81,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,admin.,married,professional.course,no,no,no,cellular,apr,mon,9,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,10,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +23,student,single,high.school,no,no,no,cellular,apr,mon,400,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +24,technician,single,professional.course,no,yes,no,cellular,apr,mon,200,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +38,services,married,high.school,no,yes,no,cellular,apr,mon,22,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,management,married,university.degree,unknown,yes,no,cellular,apr,mon,241,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,single,high.school,no,yes,no,telephone,apr,mon,32,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,high.school,no,yes,no,cellular,apr,mon,52,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,single,professional.course,no,no,no,cellular,apr,mon,69,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,blue-collar,single,basic.9y,unknown,yes,no,cellular,apr,mon,145,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +50,admin.,married,high.school,no,yes,no,cellular,apr,mon,562,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,services,married,basic.9y,no,yes,no,telephone,apr,mon,26,4,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,services,married,high.school,no,no,no,cellular,apr,mon,124,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,technician,divorced,professional.course,unknown,yes,no,telephone,apr,mon,18,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +33,services,single,high.school,no,no,no,cellular,apr,mon,11,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,technician,single,professional.course,no,yes,no,cellular,apr,mon,21,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,technician,single,unknown,no,no,no,cellular,apr,mon,415,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,single,university.degree,no,no,no,cellular,apr,mon,140,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,no,no,no,cellular,apr,mon,87,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +54,management,married,university.degree,unknown,no,no,cellular,apr,mon,138,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +44,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,apr,mon,16,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,basic.9y,no,no,yes,cellular,apr,mon,116,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,technician,married,basic.6y,no,no,no,cellular,apr,mon,316,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +60,blue-collar,married,basic.4y,unknown,no,no,cellular,apr,mon,198,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +24,admin.,married,professional.course,no,yes,no,cellular,apr,mon,102,6,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +57,technician,married,university.degree,no,no,no,cellular,apr,mon,72,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,management,married,university.degree,no,no,no,cellular,apr,mon,31,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,9,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,admin.,divorced,high.school,no,no,no,cellular,apr,mon,190,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +31,blue-collar,married,professional.course,unknown,yes,no,cellular,apr,mon,280,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,technician,single,professional.course,no,yes,no,cellular,apr,mon,152,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,single,basic.9y,unknown,no,no,cellular,apr,mon,36,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,entrepreneur,married,unknown,no,yes,no,cellular,apr,mon,58,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,mon,13,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +49,admin.,married,university.degree,no,yes,no,cellular,apr,mon,404,6,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +56,technician,married,professional.course,unknown,no,no,cellular,apr,mon,136,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.6y,no,yes,no,telephone,apr,mon,7,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,admin.,single,university.degree,no,no,no,cellular,apr,mon,277,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,single,professional.course,no,yes,no,cellular,apr,mon,93,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +30,student,single,university.degree,no,yes,no,cellular,apr,mon,23,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +49,entrepreneur,married,university.degree,no,no,yes,cellular,apr,mon,281,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,technician,married,university.degree,no,yes,no,cellular,apr,mon,20,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,blue-collar,married,professional.course,no,no,no,cellular,apr,mon,233,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +45,blue-collar,divorced,basic.4y,no,no,no,telephone,apr,mon,197,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,220,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +28,admin.,single,high.school,no,no,no,cellular,apr,mon,1333,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +51,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,104,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,apr,mon,179,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,single,professional.course,no,yes,no,cellular,apr,mon,12,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,admin.,married,university.degree,no,no,no,cellular,apr,mon,69,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +60,retired,married,basic.6y,no,yes,no,cellular,apr,mon,579,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +49,services,married,high.school,no,no,no,cellular,apr,mon,173,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,apr,mon,231,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +32,services,married,high.school,no,no,no,cellular,apr,mon,259,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,basic.9y,no,no,yes,cellular,apr,mon,780,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,admin.,married,basic.9y,no,no,no,cellular,apr,mon,405,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,divorced,basic.9y,no,no,no,cellular,apr,mon,20,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +55,admin.,married,university.degree,no,yes,yes,cellular,apr,mon,204,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,mon,847,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,single,basic.4y,no,no,no,cellular,apr,mon,242,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,yes,cellular,apr,mon,243,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,apr,mon,505,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,apr,mon,355,3,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,single,professional.course,no,yes,no,cellular,apr,mon,307,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,blue-collar,married,basic.9y,no,unknown,unknown,cellular,apr,mon,72,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,services,married,high.school,no,no,no,cellular,apr,mon,250,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,admin.,single,university.degree,no,no,no,cellular,apr,mon,164,6,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +60,blue-collar,married,basic.4y,unknown,yes,no,cellular,apr,mon,18,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,57,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,single,university.degree,unknown,yes,no,cellular,apr,mon,372,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +43,blue-collar,married,basic.6y,unknown,yes,no,cellular,apr,mon,353,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,technician,single,professional.course,no,yes,no,cellular,apr,mon,8,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +46,blue-collar,married,basic.9y,unknown,yes,no,cellular,apr,mon,250,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,admin.,divorced,basic.9y,no,yes,no,cellular,apr,mon,39,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,apr,mon,22,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,technician,married,high.school,no,unknown,unknown,cellular,apr,mon,122,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +27,management,single,university.degree,no,yes,yes,cellular,apr,mon,21,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,apr,mon,31,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,blue-collar,married,basic.4y,no,yes,no,cellular,apr,mon,554,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +35,blue-collar,married,basic.4y,unknown,no,no,cellular,apr,mon,212,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,blue-collar,married,basic.9y,unknown,no,no,cellular,apr,mon,144,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,blue-collar,divorced,basic.9y,no,no,yes,cellular,apr,mon,34,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,married,professional.course,unknown,no,no,cellular,apr,mon,98,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,self-employed,single,university.degree,no,yes,no,cellular,apr,mon,639,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,services,married,high.school,no,yes,no,cellular,apr,mon,106,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,technician,married,high.school,no,yes,no,cellular,apr,mon,94,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +32,services,married,high.school,no,yes,yes,cellular,apr,mon,6,6,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +40,admin.,single,university.degree,no,yes,yes,cellular,apr,mon,8,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +38,entrepreneur,single,basic.4y,no,yes,yes,cellular,apr,mon,7,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,technician,married,professional.course,no,no,no,cellular,apr,mon,1156,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +42,blue-collar,married,high.school,no,no,yes,cellular,apr,mon,178,5,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +53,blue-collar,married,basic.6y,no,yes,yes,cellular,apr,mon,208,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +52,technician,married,professional.course,no,yes,no,telephone,apr,mon,43,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +48,services,divorced,high.school,no,yes,no,cellular,apr,mon,25,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,technician,single,university.degree,no,yes,no,cellular,apr,mon,6,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +57,self-employed,married,basic.4y,no,yes,no,cellular,apr,mon,659,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +36,admin.,married,university.degree,no,yes,no,telephone,apr,mon,5,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,apr,mon,149,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +57,self-employed,married,basic.4y,no,yes,no,cellular,apr,mon,627,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +37,blue-collar,married,high.school,no,no,no,cellular,apr,mon,943,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +34,admin.,single,university.degree,no,yes,no,cellular,apr,mon,305,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,admin.,married,university.degree,no,yes,yes,cellular,apr,tue,235,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +64,retired,married,university.degree,no,yes,no,cellular,apr,tue,146,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +31,technician,single,university.degree,no,no,yes,cellular,apr,tue,333,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +56,self-employed,married,university.degree,no,no,no,cellular,apr,tue,110,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +75,retired,married,basic.4y,no,no,no,cellular,apr,tue,186,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +64,retired,married,university.degree,no,yes,yes,cellular,apr,tue,159,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +53,admin.,married,university.degree,no,yes,no,cellular,apr,tue,142,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,management,married,university.degree,no,yes,no,cellular,apr,tue,336,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +78,retired,married,basic.4y,no,yes,no,cellular,apr,tue,274,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +57,retired,married,basic.4y,no,yes,yes,telephone,apr,tue,1348,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +19,student,single,unknown,no,yes,no,telephone,apr,tue,396,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +31,technician,single,university.degree,no,no,no,telephone,apr,tue,207,17,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +75,retired,married,basic.4y,no,no,no,cellular,apr,tue,109,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +44,unknown,divorced,unknown,no,no,no,cellular,apr,tue,189,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +41,technician,married,university.degree,no,no,no,cellular,apr,tue,219,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +31,technician,single,university.degree,no,unknown,unknown,telephone,apr,tue,222,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,housemaid,single,professional.course,no,yes,no,cellular,apr,tue,100,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +61,retired,married,professional.course,no,unknown,unknown,cellular,apr,tue,164,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +70,retired,married,basic.6y,no,yes,no,cellular,apr,tue,252,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +54,management,married,university.degree,no,yes,no,cellular,apr,tue,211,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +54,management,married,university.degree,no,no,no,cellular,apr,tue,243,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +78,retired,married,basic.4y,no,yes,yes,cellular,apr,tue,75,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +66,retired,married,basic.4y,no,yes,no,cellular,apr,tue,63,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +29,technician,single,university.degree,no,no,no,cellular,apr,tue,95,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +65,self-employed,married,professional.course,no,no,no,telephone,apr,tue,110,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +65,retired,married,basic.4y,no,unknown,unknown,cellular,apr,tue,106,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +20,student,single,unknown,no,yes,yes,cellular,apr,tue,47,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +47,housemaid,married,basic.4y,no,no,no,cellular,apr,tue,645,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,divorced,high.school,no,no,no,cellular,apr,tue,446,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +34,admin.,divorced,high.school,no,yes,no,cellular,apr,tue,121,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +34,admin.,divorced,high.school,no,yes,no,telephone,apr,tue,946,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +75,retired,married,basic.4y,no,no,no,cellular,apr,tue,356,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +53,admin.,married,university.degree,no,yes,no,cellular,apr,tue,158,2,6,1,success,-1.8,93.075,-47.1,1.405,5099.1,yes +31,technician,single,university.degree,no,yes,no,telephone,apr,tue,847,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +47,housemaid,single,professional.course,no,yes,no,cellular,apr,tue,242,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +78,retired,married,basic.4y,no,yes,no,telephone,apr,tue,137,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +19,student,single,unknown,no,yes,yes,cellular,apr,tue,278,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +85,retired,married,basic.4y,unknown,yes,no,cellular,apr,tue,129,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +64,retired,married,university.degree,no,no,no,cellular,apr,tue,157,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +27,services,single,high.school,no,yes,no,cellular,apr,tue,204,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +31,technician,single,university.degree,no,no,no,telephone,apr,tue,126,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +61,admin.,married,university.degree,no,yes,no,cellular,apr,wed,183,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,admin.,married,university.degree,no,yes,no,telephone,apr,wed,94,7,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +46,admin.,married,university.degree,no,yes,no,telephone,apr,wed,154,8,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +23,admin.,single,university.degree,no,yes,no,cellular,apr,wed,71,7,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +33,admin.,single,university.degree,no,yes,no,telephone,apr,wed,220,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,single,high.school,no,yes,yes,telephone,apr,wed,186,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +23,admin.,single,university.degree,no,no,yes,cellular,apr,wed,343,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +23,admin.,single,university.degree,no,no,no,cellular,apr,wed,341,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +30,unemployed,single,university.degree,no,yes,no,cellular,apr,wed,400,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +23,admin.,single,university.degree,no,yes,no,cellular,apr,wed,621,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +23,admin.,single,university.degree,no,yes,no,cellular,apr,wed,219,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +52,blue-collar,married,basic.4y,no,yes,no,cellular,apr,wed,315,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +45,self-employed,single,basic.9y,no,yes,no,cellular,apr,wed,156,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +23,admin.,single,university.degree,no,no,no,cellular,apr,wed,314,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +45,technician,divorced,university.degree,no,no,yes,telephone,apr,wed,101,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +29,admin.,single,high.school,no,no,yes,cellular,apr,wed,319,1,6,1,success,-1.8,93.075,-47.1,1.405,5099.1,yes +46,admin.,married,university.degree,no,yes,no,cellular,apr,wed,164,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +64,retired,married,basic.4y,no,yes,no,cellular,apr,wed,104,1,999,2,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +29,admin.,single,university.degree,no,yes,no,cellular,apr,wed,145,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +64,retired,married,university.degree,no,yes,no,cellular,apr,wed,102,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,apr,wed,94,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +37,services,single,high.school,no,yes,no,cellular,apr,wed,165,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +25,admin.,single,high.school,no,yes,no,cellular,apr,wed,416,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +55,admin.,married,high.school,no,no,yes,cellular,apr,wed,307,1,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +54,technician,married,professional.course,no,yes,no,cellular,apr,wed,138,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +48,admin.,married,university.degree,no,yes,no,cellular,apr,wed,87,9,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +57,management,divorced,unknown,no,no,no,cellular,apr,wed,279,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +50,technician,divorced,basic.9y,no,yes,no,cellular,apr,wed,91,2,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +25,admin.,single,high.school,no,yes,no,cellular,apr,wed,108,3,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,no +61,retired,married,basic.4y,no,yes,no,cellular,apr,wed,245,4,999,1,failure,-1.8,93.075,-47.1,1.405,5099.1,yes +65,retired,married,university.degree,no,no,no,cellular,apr,wed,124,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +60,technician,married,professional.course,no,no,no,cellular,apr,wed,107,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +30,student,single,unknown,no,yes,no,cellular,apr,wed,176,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,apr,wed,382,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +30,student,single,unknown,no,yes,no,cellular,apr,wed,116,4,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,no +52,blue-collar,married,basic.4y,no,yes,no,cellular,apr,wed,229,5,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +58,retired,single,professional.course,no,yes,no,cellular,apr,wed,1288,3,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +60,blue-collar,married,professional.course,no,yes,no,cellular,apr,wed,545,1,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +19,student,single,basic.4y,no,no,yes,cellular,apr,wed,371,2,999,0,nonexistent,-1.8,93.075,-47.1,1.405,5099.1,yes +25,admin.,single,university.degree,no,yes,no,cellular,apr,thu,229,2,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +34,unknown,married,basic.4y,no,yes,no,cellular,apr,thu,328,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +62,self-employed,married,university.degree,no,yes,yes,telephone,apr,thu,164,4,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +53,retired,married,basic.9y,no,no,no,telephone,apr,thu,67,3,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +34,unknown,married,basic.4y,no,yes,no,cellular,apr,thu,477,2,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +34,unknown,married,basic.4y,no,yes,yes,cellular,apr,thu,94,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +61,admin.,married,university.degree,no,yes,yes,cellular,apr,thu,266,5,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +52,blue-collar,married,basic.6y,no,no,no,cellular,apr,thu,247,5,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +37,technician,single,high.school,no,yes,no,telephone,apr,thu,201,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +44,admin.,married,university.degree,no,no,no,cellular,apr,thu,172,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +35,technician,married,university.degree,no,no,no,cellular,apr,thu,270,2,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +50,admin.,married,university.degree,no,yes,yes,telephone,apr,thu,413,3,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +27,student,single,university.degree,no,no,no,telephone,apr,thu,141,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +38,technician,married,professional.course,no,yes,yes,cellular,apr,thu,117,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +42,technician,married,high.school,no,yes,no,cellular,apr,thu,163,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +33,self-employed,married,university.degree,no,no,no,telephone,apr,thu,155,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +43,admin.,married,university.degree,no,no,no,cellular,apr,thu,522,4,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +34,unknown,married,basic.4y,no,yes,yes,cellular,apr,thu,91,4,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,apr,thu,106,3,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +28,blue-collar,single,basic.9y,no,yes,yes,cellular,apr,thu,333,2,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +26,student,single,high.school,no,yes,no,cellular,apr,thu,116,4,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,yes +37,technician,single,high.school,no,yes,no,telephone,apr,thu,77,2,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +29,student,single,high.school,no,no,no,cellular,apr,thu,86,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +85,retired,married,basic.4y,no,yes,no,cellular,apr,thu,191,1,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +31,admin.,single,university.degree,no,no,no,cellular,apr,thu,115,16,999,0,nonexistent,-1.8,93.075,-47.1,1.406,5099.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,apr,fri,65,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,no +30,technician,single,university.degree,no,yes,no,cellular,apr,fri,143,1,999,1,failure,-1.8,93.075,-47.1,1.4,5099.1,no +50,admin.,married,university.degree,no,yes,no,cellular,apr,fri,160,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,yes +36,admin.,married,high.school,no,no,no,cellular,apr,fri,78,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,no +85,retired,married,basic.4y,no,yes,no,cellular,apr,fri,117,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,no +80,blue-collar,married,high.school,no,no,no,cellular,apr,fri,105,6,999,3,failure,-1.8,93.075,-47.1,1.4,5099.1,no +64,retired,married,high.school,no,yes,no,cellular,apr,fri,111,1,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,no +64,management,married,high.school,no,yes,no,cellular,apr,fri,693,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,yes +27,student,single,university.degree,no,no,no,cellular,apr,fri,227,1,999,1,failure,-1.8,93.075,-47.1,1.4,5099.1,yes +38,technician,single,university.degree,no,no,no,cellular,apr,fri,202,5,999,1,failure,-1.8,93.075,-47.1,1.4,5099.1,yes +66,retired,married,professional.course,no,yes,yes,cellular,apr,fri,222,4,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,no +64,retired,married,university.degree,no,no,no,cellular,apr,fri,173,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,no +34,unknown,married,basic.4y,no,no,yes,cellular,apr,fri,83,2,999,0,nonexistent,-1.8,93.075,-47.1,1.4,5099.1,no +33,services,single,high.school,no,yes,no,cellular,apr,mon,44,3,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +71,retired,married,university.degree,no,yes,yes,telephone,apr,mon,89,12,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +38,admin.,married,university.degree,no,unknown,unknown,cellular,apr,mon,124,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,yes +27,management,married,university.degree,no,no,no,cellular,apr,mon,54,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +36,management,married,university.degree,no,no,no,cellular,apr,mon,98,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +28,unemployed,single,high.school,no,no,no,cellular,apr,mon,97,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,yes +28,blue-collar,single,basic.9y,no,no,no,cellular,apr,mon,218,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,apr,mon,107,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +64,retired,married,university.degree,no,no,no,telephone,apr,mon,227,3,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,apr,mon,148,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,yes +27,management,married,university.degree,no,no,no,cellular,apr,mon,444,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,yes +55,services,divorced,professional.course,no,no,no,cellular,apr,mon,88,1,999,1,failure,-1.8,93.075,-47.1,1.392,5099.1,no +41,admin.,married,high.school,no,no,no,cellular,apr,mon,160,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +53,admin.,single,high.school,no,yes,no,cellular,apr,mon,167,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,apr,mon,360,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,yes +38,admin.,divorced,university.degree,no,no,no,cellular,apr,mon,62,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +85,retired,married,basic.4y,no,no,no,cellular,apr,mon,81,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +62,self-employed,married,university.degree,no,no,no,cellular,apr,mon,66,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +23,management,single,university.degree,no,yes,no,cellular,apr,mon,122,1,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,yes +38,technician,married,professional.course,no,yes,no,cellular,apr,mon,90,2,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +34,unknown,married,basic.4y,no,no,no,telephone,apr,mon,151,3,999,0,nonexistent,-1.8,93.075,-47.1,1.392,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,apr,tue,151,3,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,no +52,blue-collar,married,basic.6y,no,no,no,cellular,apr,tue,139,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,no +85,retired,married,basic.4y,no,no,no,cellular,apr,tue,165,3,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,no +61,retired,divorced,university.degree,no,yes,no,cellular,apr,tue,118,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,no +38,admin.,divorced,university.degree,no,yes,no,cellular,apr,tue,177,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,yes +38,services,married,high.school,no,no,no,cellular,apr,tue,186,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,no +61,technician,married,university.degree,no,no,no,cellular,apr,tue,50,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,no +23,management,single,university.degree,no,yes,no,cellular,apr,tue,56,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,apr,tue,101,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3840000000000001,5099.1,no +51,blue-collar,married,basic.6y,no,yes,no,cellular,apr,wed,89,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3719999999999999,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,apr,wed,507,3,999,0,nonexistent,-1.8,93.075,-47.1,1.3719999999999999,5099.1,yes +47,services,married,high.school,no,yes,no,cellular,apr,wed,636,2,999,0,nonexistent,-1.8,93.075,-47.1,1.3719999999999999,5099.1,yes +33,admin.,single,high.school,no,yes,no,cellular,apr,wed,961,2,999,1,failure,-1.8,93.075,-47.1,1.3719999999999999,5099.1,yes +30,technician,single,university.degree,no,no,no,cellular,apr,wed,80,5,999,0,nonexistent,-1.8,93.075,-47.1,1.3719999999999999,5099.1,no +53,admin.,single,high.school,no,yes,yes,telephone,apr,wed,75,3,999,0,nonexistent,-1.8,93.075,-47.1,1.3719999999999999,5099.1,no +69,retired,married,high.school,no,yes,no,cellular,apr,wed,153,4,999,1,failure,-1.8,93.075,-47.1,1.3719999999999999,5099.1,no +55,services,divorced,professional.course,no,yes,no,telephone,apr,wed,164,23,999,0,nonexistent,-1.8,93.075,-47.1,1.3719999999999999,5099.1,no +30,technician,single,university.degree,no,yes,no,telephone,apr,wed,169,8,999,0,nonexistent,-1.8,93.075,-47.1,1.3719999999999999,5099.1,no +52,management,divorced,professional.course,no,yes,no,cellular,apr,wed,85,7,999,0,nonexistent,-1.8,93.075,-47.1,1.3719999999999999,5099.1,no +24,technician,single,university.degree,no,yes,no,cellular,apr,thu,170,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +31,management,single,university.degree,no,yes,no,cellular,apr,thu,211,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +24,technician,single,university.degree,no,yes,no,cellular,apr,thu,192,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +33,admin.,married,university.degree,no,no,no,cellular,apr,thu,179,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +35,admin.,single,university.degree,no,yes,yes,cellular,apr,thu,358,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +27,admin.,single,university.degree,no,no,no,cellular,apr,thu,523,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +79,retired,married,basic.9y,no,yes,no,cellular,apr,thu,510,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +60,admin.,married,professional.course,no,yes,no,cellular,apr,thu,571,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +60,retired,married,high.school,no,no,no,cellular,apr,thu,400,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +58,retired,married,basic.4y,no,yes,no,cellular,apr,thu,185,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +39,technician,married,professional.course,no,yes,no,cellular,apr,thu,67,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +60,retired,divorced,professional.course,no,yes,no,cellular,apr,thu,968,1,5,2,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +31,technician,single,university.degree,no,yes,no,cellular,apr,thu,701,1,5,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +39,technician,married,professional.course,no,yes,no,cellular,apr,thu,381,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +28,admin.,single,high.school,no,no,no,cellular,apr,thu,571,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +18,student,single,basic.4y,no,no,no,cellular,apr,thu,108,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +26,admin.,single,university.degree,no,yes,no,cellular,apr,thu,239,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +44,admin.,married,university.degree,no,no,no,cellular,apr,thu,109,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +55,admin.,married,unknown,no,yes,no,cellular,apr,thu,525,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,apr,thu,224,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +31,admin.,single,university.degree,no,yes,no,cellular,apr,thu,63,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,apr,thu,662,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +53,admin.,single,university.degree,no,no,no,cellular,apr,thu,494,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +46,admin.,married,high.school,no,no,no,cellular,apr,thu,243,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +46,management,married,university.degree,no,yes,no,cellular,apr,thu,364,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +39,services,married,high.school,no,yes,no,cellular,apr,thu,243,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +35,services,married,high.school,no,yes,no,cellular,apr,thu,412,1,5,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +31,admin.,single,university.degree,no,no,no,cellular,apr,thu,353,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +46,admin.,married,high.school,no,no,no,telephone,apr,thu,268,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +21,admin.,single,high.school,no,no,no,cellular,apr,thu,264,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +60,admin.,married,high.school,no,unknown,unknown,cellular,apr,thu,208,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +40,admin.,married,university.degree,no,no,yes,cellular,apr,thu,499,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +51,services,married,basic.6y,no,no,no,cellular,apr,thu,407,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +45,management,married,university.degree,unknown,yes,no,cellular,apr,thu,220,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +60,admin.,married,high.school,no,no,no,cellular,apr,thu,447,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +48,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,62,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +57,retired,married,university.degree,no,yes,yes,telephone,apr,thu,41,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +54,management,married,university.degree,no,yes,no,cellular,apr,thu,85,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +54,management,married,university.degree,no,yes,no,cellular,apr,thu,121,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +40,admin.,married,high.school,no,yes,no,cellular,apr,thu,160,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +48,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,619,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +49,management,married,university.degree,no,yes,no,cellular,apr,thu,387,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +40,admin.,married,high.school,no,yes,no,cellular,apr,thu,401,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +33,services,married,high.school,no,yes,no,cellular,apr,thu,239,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +77,retired,divorced,basic.4y,no,no,no,cellular,apr,thu,155,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +34,technician,single,professional.course,no,yes,no,cellular,apr,thu,313,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +53,management,divorced,university.degree,no,no,no,cellular,apr,thu,152,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +48,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,871,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +53,management,divorced,university.degree,no,yes,no,cellular,apr,thu,297,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +24,student,single,professional.course,no,yes,no,cellular,apr,thu,413,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +46,admin.,married,high.school,no,yes,no,cellular,apr,thu,231,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +43,admin.,married,university.degree,no,no,no,cellular,apr,thu,104,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +40,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,328,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +41,management,married,basic.6y,no,no,no,cellular,apr,thu,281,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +31,admin.,single,high.school,no,yes,no,cellular,apr,thu,119,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +29,admin.,single,high.school,no,yes,no,cellular,apr,thu,733,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +40,technician,divorced,university.degree,no,yes,no,cellular,apr,thu,335,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +31,admin.,single,high.school,no,no,no,cellular,apr,thu,252,1,5,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +40,admin.,married,university.degree,no,no,no,cellular,apr,thu,815,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +39,technician,married,basic.9y,no,yes,no,cellular,apr,thu,620,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +31,admin.,single,high.school,no,no,no,cellular,apr,thu,706,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +45,admin.,single,high.school,no,yes,no,cellular,apr,thu,354,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +41,technician,divorced,professional.course,no,unknown,unknown,cellular,apr,thu,347,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +30,management,married,university.degree,no,yes,no,cellular,apr,thu,271,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +38,technician,married,professional.course,no,yes,no,cellular,apr,thu,110,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +46,technician,married,unknown,no,no,no,cellular,apr,thu,551,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,apr,thu,222,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +48,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,294,2,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +31,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,383,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +54,housemaid,married,high.school,no,yes,no,cellular,apr,thu,41,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +34,admin.,married,university.degree,no,yes,yes,cellular,apr,thu,177,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +30,admin.,single,university.degree,no,no,no,cellular,apr,thu,368,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +53,technician,married,university.degree,no,no,yes,cellular,apr,thu,126,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +41,admin.,single,university.degree,no,unknown,unknown,cellular,apr,thu,1277,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +54,housemaid,married,high.school,no,yes,yes,cellular,apr,thu,267,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +38,admin.,married,high.school,no,yes,yes,cellular,apr,thu,390,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +54,housemaid,married,high.school,no,no,no,cellular,apr,thu,381,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +40,self-employed,married,university.degree,no,no,no,cellular,apr,thu,187,10,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,student,single,university.degree,no,no,no,cellular,apr,thu,200,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +28,unemployed,single,basic.4y,no,yes,no,cellular,apr,thu,156,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +36,technician,single,professional.course,no,yes,no,cellular,apr,thu,218,1,2,2,success,-1.8,93.075,-47.1,1.365,5099.1,yes +32,admin.,married,university.degree,no,yes,no,cellular,apr,thu,116,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +37,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,465,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +33,services,married,high.school,no,yes,no,cellular,apr,thu,900,2,999,2,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +23,admin.,single,high.school,no,yes,no,cellular,apr,thu,132,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,apr,thu,394,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +35,management,married,university.degree,no,no,no,cellular,apr,thu,127,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +83,retired,married,basic.4y,no,yes,no,cellular,apr,thu,321,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +59,retired,married,basic.4y,no,yes,no,cellular,apr,thu,381,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +34,admin.,married,university.degree,no,no,no,cellular,apr,thu,279,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,entrepreneur,single,university.degree,no,no,no,cellular,apr,thu,202,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +35,management,married,university.degree,no,no,no,cellular,apr,thu,375,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +38,self-employed,married,professional.course,no,yes,no,cellular,apr,thu,779,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +27,blue-collar,single,university.degree,no,yes,no,cellular,apr,thu,246,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +35,management,married,university.degree,no,yes,no,cellular,apr,thu,584,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +35,management,married,university.degree,no,yes,no,cellular,apr,thu,878,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +44,technician,married,university.degree,no,yes,yes,cellular,apr,thu,504,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +20,student,single,high.school,no,yes,no,cellular,apr,thu,195,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +81,retired,married,professional.course,no,yes,no,cellular,apr,thu,99,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +49,admin.,single,university.degree,no,no,no,cellular,apr,thu,222,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +71,self-employed,married,university.degree,no,yes,no,cellular,apr,thu,78,2,5,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +35,admin.,single,university.degree,no,yes,yes,cellular,apr,thu,58,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +31,technician,married,professional.course,no,yes,no,cellular,apr,thu,160,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +35,technician,married,professional.course,no,no,no,cellular,apr,thu,337,2,5,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +51,technician,married,professional.course,no,yes,yes,cellular,apr,thu,200,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +51,technician,married,professional.course,no,yes,no,cellular,apr,thu,115,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +46,technician,married,professional.course,no,yes,no,cellular,apr,thu,369,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +51,technician,married,professional.course,no,yes,no,cellular,apr,thu,341,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +51,technician,married,professional.course,no,yes,yes,cellular,apr,thu,297,1,2,2,success,-1.8,93.075,-47.1,1.365,5099.1,yes +39,services,married,university.degree,no,no,no,cellular,apr,thu,237,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +55,admin.,married,unknown,no,yes,no,cellular,apr,thu,110,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +51,technician,married,professional.course,no,yes,no,cellular,apr,thu,687,1,0,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +27,admin.,single,university.degree,no,yes,no,cellular,apr,thu,193,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +49,admin.,married,high.school,no,yes,no,cellular,apr,thu,216,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +81,retired,married,professional.course,no,no,no,cellular,apr,thu,135,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +60,retired,divorced,professional.course,no,yes,no,cellular,apr,thu,126,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +36,technician,married,professional.course,no,yes,yes,cellular,apr,thu,266,2,2,2,success,-1.8,93.075,-47.1,1.365,5099.1,yes +44,blue-collar,married,basic.9y,no,yes,no,telephone,apr,thu,455,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +47,admin.,married,university.degree,no,yes,no,cellular,apr,thu,53,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +33,services,married,high.school,no,yes,no,cellular,apr,thu,524,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +39,technician,married,professional.course,no,no,no,cellular,apr,thu,225,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +34,technician,married,professional.course,no,yes,no,cellular,apr,thu,258,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +25,technician,single,professional.course,no,yes,yes,cellular,apr,thu,104,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +40,services,married,high.school,no,yes,no,cellular,apr,thu,124,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,married,university.degree,no,unknown,unknown,cellular,apr,thu,308,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +42,services,married,high.school,no,yes,no,cellular,apr,thu,344,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +48,technician,divorced,high.school,no,yes,no,cellular,apr,thu,400,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +24,admin.,single,university.degree,no,yes,no,cellular,apr,thu,103,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,24,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +48,technician,divorced,university.degree,no,yes,no,cellular,apr,thu,132,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,yes,no,telephone,apr,thu,141,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,207,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,284,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,apr,thu,800,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +56,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,204,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,85,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,472,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,99,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,196,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +45,management,married,university.degree,unknown,yes,no,cellular,apr,thu,452,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +53,admin.,single,university.degree,no,no,yes,cellular,apr,thu,586,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,married,university.degree,no,yes,no,cellular,apr,thu,316,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +37,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,270,2,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,married,university.degree,no,yes,no,cellular,apr,thu,461,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +27,admin.,single,high.school,no,yes,no,cellular,apr,thu,127,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +25,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,113,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +51,technician,married,university.degree,no,yes,no,cellular,apr,thu,526,2,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +28,blue-collar,single,basic.9y,no,yes,no,cellular,apr,thu,315,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +29,admin.,single,professional.course,no,yes,no,cellular,apr,thu,130,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +49,management,married,university.degree,no,no,no,cellular,apr,thu,97,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +39,technician,married,professional.course,no,yes,no,cellular,apr,thu,423,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +54,management,married,university.degree,no,yes,no,cellular,apr,thu,311,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +49,unemployed,married,university.degree,no,no,no,cellular,apr,thu,171,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +20,student,single,basic.4y,no,yes,no,cellular,apr,thu,209,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +43,technician,single,university.degree,no,no,no,cellular,apr,thu,64,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +24,student,single,high.school,no,no,yes,cellular,apr,thu,209,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +56,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,457,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +25,unemployed,single,university.degree,no,yes,no,cellular,apr,thu,260,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +46,services,married,high.school,no,no,no,cellular,apr,thu,146,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +46,services,married,high.school,no,yes,yes,cellular,apr,thu,354,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +42,technician,married,professional.course,no,no,no,cellular,apr,thu,94,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +60,admin.,married,high.school,no,yes,yes,cellular,apr,thu,482,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +47,blue-collar,single,basic.6y,no,no,no,cellular,apr,thu,309,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +48,technician,divorced,university.degree,no,yes,yes,cellular,apr,thu,173,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +37,admin.,single,university.degree,no,yes,no,cellular,apr,thu,261,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +47,blue-collar,married,high.school,no,no,no,cellular,apr,thu,439,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +36,blue-collar,married,basic.9y,no,no,no,cellular,apr,thu,171,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +69,retired,married,university.degree,no,yes,no,cellular,apr,thu,616,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +63,retired,married,high.school,no,no,no,cellular,apr,thu,198,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +28,admin.,single,university.degree,no,yes,yes,cellular,apr,thu,76,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +46,admin.,married,basic.6y,no,no,no,cellular,apr,thu,278,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +28,admin.,single,university.degree,no,yes,no,cellular,apr,thu,280,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +28,admin.,single,university.degree,no,yes,no,cellular,apr,thu,249,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +28,admin.,single,university.degree,no,yes,yes,cellular,apr,thu,68,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +48,technician,married,professional.course,no,yes,yes,cellular,apr,thu,269,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +49,admin.,divorced,university.degree,no,no,no,cellular,apr,thu,532,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +30,technician,married,university.degree,no,yes,yes,cellular,apr,thu,1373,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +21,admin.,single,high.school,no,no,no,cellular,apr,thu,97,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,apr,thu,102,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +37,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,48,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,apr,thu,226,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +24,student,single,high.school,no,yes,no,cellular,apr,thu,88,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,apr,thu,574,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +28,admin.,single,university.degree,no,no,yes,telephone,apr,thu,917,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +48,unemployed,single,basic.9y,no,yes,no,cellular,apr,thu,242,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +58,retired,divorced,professional.course,no,no,no,cellular,apr,thu,430,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +48,unemployed,single,basic.9y,no,yes,no,cellular,apr,thu,228,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,apr,thu,483,1,0,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +39,management,married,professional.course,no,no,no,cellular,apr,thu,156,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +51,technician,divorced,high.school,no,no,yes,cellular,apr,thu,306,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +34,admin.,single,professional.course,no,no,no,telephone,apr,thu,130,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +29,technician,single,professional.course,no,no,no,cellular,apr,thu,96,2,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +33,blue-collar,single,basic.4y,no,no,no,cellular,apr,thu,452,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +35,admin.,divorced,high.school,no,yes,no,cellular,apr,thu,285,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,entrepreneur,single,university.degree,no,yes,no,cellular,apr,thu,666,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +27,student,single,unknown,unknown,yes,no,cellular,apr,thu,458,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +60,admin.,married,professional.course,no,yes,no,cellular,apr,thu,473,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +24,student,single,high.school,no,yes,no,cellular,apr,thu,209,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,apr,thu,69,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +33,blue-collar,single,basic.4y,no,yes,no,cellular,apr,thu,352,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +48,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,27,1,999,2,failure,-1.8,93.075,-47.1,1.365,5099.1,no +57,retired,married,university.degree,no,no,no,cellular,apr,thu,81,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +55,admin.,divorced,university.degree,no,no,no,cellular,apr,thu,260,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +22,student,single,high.school,no,no,no,cellular,apr,thu,780,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +54,management,married,university.degree,no,no,no,telephone,apr,thu,107,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +40,technician,married,professional.course,no,yes,no,cellular,apr,thu,580,2,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +31,admin.,single,high.school,no,yes,yes,cellular,apr,thu,398,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +73,retired,married,university.degree,no,yes,no,cellular,apr,thu,79,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +71,retired,divorced,basic.4y,no,no,yes,cellular,apr,thu,214,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +28,admin.,married,university.degree,no,no,no,cellular,apr,thu,258,1,2,2,success,-1.8,93.075,-47.1,1.365,5099.1,yes +41,technician,divorced,professional.course,no,yes,no,cellular,apr,thu,834,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +43,admin.,married,university.degree,no,yes,no,cellular,apr,thu,114,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +35,management,married,university.degree,no,yes,yes,cellular,apr,thu,435,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +58,retired,divorced,university.degree,no,no,no,cellular,apr,thu,211,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +32,self-employed,single,university.degree,no,yes,no,cellular,apr,thu,441,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +20,student,single,high.school,no,yes,no,cellular,apr,thu,615,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +38,admin.,single,university.degree,no,yes,yes,cellular,apr,thu,555,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +47,admin.,married,university.degree,no,yes,yes,cellular,apr,thu,149,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +40,self-employed,single,university.degree,unknown,yes,no,cellular,apr,thu,384,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +34,admin.,single,professional.course,no,no,no,cellular,apr,thu,168,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +28,student,single,high.school,no,no,no,cellular,apr,thu,319,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +41,admin.,single,high.school,no,unknown,unknown,cellular,apr,thu,664,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +18,student,single,basic.4y,no,yes,yes,cellular,apr,thu,184,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +41,technician,divorced,professional.course,no,yes,no,cellular,apr,thu,811,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +25,admin.,single,university.degree,no,no,yes,telephone,apr,thu,71,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +23,student,single,high.school,no,yes,no,cellular,apr,thu,354,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +47,unknown,married,unknown,no,no,no,cellular,apr,thu,85,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +44,technician,single,professional.course,no,no,no,cellular,apr,thu,116,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,no,yes,cellular,apr,thu,488,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +33,blue-collar,single,basic.4y,no,yes,yes,cellular,apr,thu,460,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +24,technician,single,university.degree,no,yes,no,cellular,apr,thu,477,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +28,admin.,married,university.degree,no,yes,no,cellular,apr,thu,63,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,apr,thu,970,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +58,retired,married,basic.4y,no,no,no,cellular,apr,thu,266,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +49,technician,married,professional.course,no,no,no,cellular,apr,thu,618,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +41,technician,divorced,professional.course,no,no,no,cellular,apr,thu,774,2,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +51,housemaid,married,unknown,no,yes,yes,cellular,apr,thu,132,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +28,student,single,high.school,no,yes,no,cellular,apr,thu,121,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +45,management,married,university.degree,unknown,yes,no,cellular,apr,thu,175,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +49,technician,single,university.degree,no,yes,no,cellular,apr,thu,861,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +49,management,married,university.degree,no,no,yes,cellular,apr,thu,296,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +49,management,married,university.degree,no,yes,no,cellular,apr,thu,240,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,yes +29,management,single,high.school,no,yes,no,cellular,apr,thu,329,2,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +59,admin.,married,high.school,no,yes,no,cellular,apr,thu,147,3,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +33,admin.,married,high.school,no,no,no,cellular,apr,thu,113,2,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +48,entrepreneur,married,university.degree,no,no,no,cellular,apr,thu,327,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +40,services,married,basic.9y,no,yes,no,cellular,apr,thu,264,2,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +28,admin.,married,university.degree,no,no,no,cellular,apr,thu,115,2,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +34,technician,married,university.degree,no,no,no,cellular,apr,thu,82,6,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +32,blue-collar,married,professional.course,unknown,yes,yes,cellular,apr,thu,127,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,single,university.degree,no,yes,yes,telephone,apr,thu,874,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +37,self-employed,single,university.degree,no,yes,no,telephone,apr,thu,44,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +66,unemployed,single,basic.4y,no,no,no,telephone,apr,thu,56,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,apr,thu,510,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +46,admin.,married,basic.6y,no,yes,no,cellular,apr,thu,513,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +38,retired,divorced,basic.9y,unknown,yes,no,cellular,apr,thu,189,3,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +66,unemployed,single,basic.4y,no,yes,no,cellular,apr,thu,416,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +35,services,divorced,high.school,no,no,no,cellular,apr,thu,301,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +41,management,married,high.school,no,yes,no,cellular,apr,thu,243,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +32,blue-collar,married,professional.course,unknown,no,no,cellular,apr,thu,140,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,apr,thu,109,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +48,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,126,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +33,blue-collar,single,professional.course,no,yes,no,cellular,apr,thu,652,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +71,retired,divorced,basic.4y,no,yes,no,telephone,apr,thu,96,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +33,technician,married,basic.9y,no,yes,no,cellular,apr,thu,144,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +25,student,single,university.degree,no,yes,no,cellular,apr,thu,92,1,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,married,university.degree,no,yes,no,cellular,apr,thu,475,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +25,student,single,university.degree,no,no,no,cellular,apr,thu,236,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +34,technician,married,university.degree,no,yes,no,cellular,apr,thu,193,2,8,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,apr,thu,645,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +24,admin.,single,university.degree,no,yes,no,cellular,apr,thu,342,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +32,blue-collar,married,professional.course,unknown,yes,no,cellular,apr,thu,73,2,999,1,failure,-1.8,93.075,-47.1,1.365,5099.1,no +53,technician,married,professional.course,no,yes,no,cellular,apr,thu,301,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +32,admin.,single,high.school,no,no,no,cellular,apr,thu,1143,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +33,admin.,single,high.school,no,no,no,cellular,apr,thu,380,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +49,management,married,university.degree,no,yes,no,cellular,apr,thu,210,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +29,admin.,single,professional.course,no,no,no,cellular,apr,thu,427,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +31,admin.,single,university.degree,no,yes,no,cellular,apr,thu,370,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +37,admin.,married,high.school,no,no,no,cellular,apr,thu,73,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +61,retired,divorced,university.degree,no,no,no,cellular,apr,thu,949,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +32,student,married,high.school,no,yes,no,cellular,apr,thu,753,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +60,unemployed,married,high.school,no,yes,no,cellular,apr,thu,1260,2,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +60,admin.,married,professional.course,no,yes,no,cellular,apr,thu,108,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,no,no,telephone,apr,thu,95,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +32,blue-collar,married,professional.course,no,yes,no,cellular,apr,thu,652,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +35,services,married,high.school,no,no,no,cellular,apr,thu,1034,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +64,admin.,married,university.degree,no,no,yes,telephone,apr,thu,766,3,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +56,entrepreneur,married,university.degree,no,yes,no,cellular,apr,thu,266,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +27,student,single,unknown,unknown,yes,no,cellular,apr,thu,35,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +39,services,married,university.degree,no,yes,no,cellular,apr,thu,369,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,apr,thu,502,1,0,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +40,self-employed,single,university.degree,unknown,yes,yes,cellular,apr,thu,509,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,yes +30,admin.,married,university.degree,no,no,no,cellular,apr,thu,132,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +30,student,single,high.school,no,yes,no,telephone,apr,thu,136,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +32,student,married,high.school,no,no,no,cellular,apr,thu,567,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +42,services,married,high.school,no,yes,no,cellular,apr,thu,501,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +57,retired,married,university.degree,no,yes,no,cellular,apr,thu,374,1,2,1,success,-1.8,93.075,-47.1,1.365,5099.1,no +25,unknown,single,university.degree,no,yes,no,telephone,apr,thu,712,2,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +27,admin.,single,professional.course,no,yes,yes,telephone,apr,thu,117,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +49,admin.,divorced,university.degree,no,yes,no,cellular,apr,thu,347,3,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +24,student,single,high.school,no,no,yes,cellular,apr,thu,157,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +56,entrepreneur,married,university.degree,no,yes,yes,cellular,apr,thu,259,1,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,yes +66,unemployed,single,basic.4y,no,yes,no,cellular,apr,thu,1958,11,999,0,nonexistent,-1.8,93.075,-47.1,1.365,5099.1,no +88,retired,divorced,high.school,no,yes,no,cellular,may,mon,119,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +63,retired,married,high.school,no,yes,no,telephone,may,mon,87,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +38,management,married,university.degree,no,no,no,cellular,may,mon,208,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +57,entrepreneur,married,basic.9y,no,yes,no,cellular,may,mon,47,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,265,2,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +61,retired,married,high.school,no,yes,no,cellular,may,mon,104,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +21,student,single,unknown,no,yes,yes,cellular,may,mon,374,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +59,housemaid,married,professional.course,no,no,no,cellular,may,mon,675,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +46,technician,married,high.school,no,no,no,cellular,may,mon,60,5,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +36,entrepreneur,married,university.degree,no,no,no,telephone,may,mon,410,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +33,technician,married,professional.course,no,yes,no,telephone,may,mon,390,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,may,mon,303,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +42,services,married,high.school,no,no,no,cellular,may,mon,312,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,may,mon,244,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,mon,160,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,admin.,single,high.school,no,yes,yes,cellular,may,mon,130,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +44,entrepreneur,single,professional.course,no,no,no,cellular,may,mon,74,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +60,management,married,university.degree,no,yes,no,telephone,may,mon,364,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,services,married,basic.6y,no,no,no,cellular,may,mon,392,2,3,2,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +28,self-employed,single,university.degree,no,yes,no,cellular,may,mon,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +60,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,193,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +36,management,married,university.degree,no,yes,no,cellular,may,mon,267,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +60,admin.,married,university.degree,no,yes,no,cellular,may,mon,1602,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +31,admin.,divorced,university.degree,no,no,no,cellular,may,mon,200,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +26,services,single,high.school,no,yes,no,cellular,may,mon,244,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +30,unknown,married,professional.course,no,yes,no,cellular,may,mon,359,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +49,admin.,married,university.degree,no,yes,yes,telephone,may,mon,16,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +58,retired,married,university.degree,no,yes,no,cellular,may,mon,45,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,management,single,university.degree,no,yes,yes,cellular,may,mon,447,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +31,admin.,divorced,university.degree,no,yes,no,cellular,may,mon,226,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +81,retired,married,basic.9y,no,no,no,cellular,may,mon,170,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,admin.,married,high.school,no,no,no,cellular,may,mon,597,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +41,technician,married,unknown,no,yes,yes,cellular,may,mon,963,1,3,2,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +30,unemployed,married,high.school,no,no,no,cellular,may,mon,417,1,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +39,admin.,married,high.school,no,yes,no,cellular,may,mon,301,3,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +35,services,married,basic.6y,no,yes,no,cellular,may,mon,136,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +36,admin.,married,high.school,no,yes,no,telephone,may,mon,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +65,management,married,university.degree,no,no,no,telephone,may,mon,1076,3,6,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +28,admin.,married,university.degree,no,yes,no,cellular,may,mon,643,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,47,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,services,married,professional.course,no,yes,yes,cellular,may,mon,275,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +36,unemployed,single,university.degree,no,yes,no,cellular,may,mon,251,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +50,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,293,3,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +35,services,married,basic.6y,no,no,no,cellular,may,mon,592,1,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +26,student,single,university.degree,no,no,yes,cellular,may,mon,90,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +52,admin.,single,high.school,no,no,no,cellular,may,mon,437,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,services,married,professional.course,no,yes,no,cellular,may,mon,101,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +25,technician,unknown,university.degree,no,yes,no,cellular,may,mon,346,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +28,blue-collar,married,basic.6y,unknown,no,no,cellular,may,mon,364,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +43,entrepreneur,married,basic.6y,no,yes,no,cellular,may,mon,195,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +51,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,59,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,services,single,high.school,no,yes,yes,cellular,may,mon,95,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +59,retired,married,basic.6y,no,no,no,cellular,may,mon,233,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +27,student,single,high.school,no,no,no,cellular,may,mon,64,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +27,management,single,university.degree,no,yes,no,cellular,may,mon,77,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +32,student,single,unknown,no,no,yes,cellular,may,mon,77,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +66,management,married,university.degree,no,no,no,cellular,may,mon,98,4,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,may,mon,274,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +49,admin.,married,university.degree,no,yes,no,telephone,may,mon,15,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +52,admin.,single,high.school,no,no,no,cellular,may,mon,127,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +57,admin.,single,university.degree,no,no,yes,cellular,may,mon,532,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +31,student,single,unknown,no,no,yes,cellular,may,mon,535,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +25,technician,married,university.degree,no,no,no,cellular,may,mon,106,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +36,technician,married,university.degree,no,no,yes,cellular,may,mon,287,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +42,admin.,married,professional.course,no,yes,no,cellular,may,mon,174,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +62,retired,married,professional.course,no,yes,no,cellular,may,mon,212,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +42,admin.,married,professional.course,no,no,yes,cellular,may,mon,300,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +53,admin.,divorced,university.degree,no,yes,no,cellular,may,mon,367,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +27,management,single,university.degree,no,no,no,cellular,may,mon,52,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,services,married,high.school,no,no,no,cellular,may,mon,297,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +26,admin.,single,university.degree,no,yes,no,telephone,may,mon,77,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,unemployed,married,high.school,no,yes,no,cellular,may,mon,214,3,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +59,retired,married,basic.6y,no,yes,no,cellular,may,mon,228,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +39,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,378,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +45,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,7,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +43,admin.,single,university.degree,no,yes,no,telephone,may,mon,34,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +33,services,married,high.school,no,no,yes,cellular,may,mon,347,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,291,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,services,married,professional.course,no,no,no,cellular,may,mon,190,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +33,blue-collar,married,high.school,unknown,yes,yes,cellular,may,mon,164,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +33,blue-collar,married,high.school,unknown,yes,no,cellular,may,mon,92,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +60,blue-collar,married,unknown,unknown,yes,no,cellular,may,mon,26,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,services,married,professional.course,no,no,no,cellular,may,mon,90,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,admin.,single,university.degree,no,no,no,telephone,may,mon,222,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +42,services,married,high.school,no,yes,no,cellular,may,mon,74,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +53,management,married,high.school,no,yes,no,cellular,may,mon,383,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,may,mon,434,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +42,admin.,married,professional.course,no,yes,yes,cellular,may,mon,172,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,54,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +49,unemployed,married,high.school,no,yes,no,telephone,may,mon,96,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +57,technician,married,university.degree,no,yes,no,cellular,may,mon,334,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +55,technician,married,basic.9y,unknown,no,no,cellular,may,mon,180,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +25,technician,unknown,university.degree,no,yes,yes,cellular,may,mon,150,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,admin.,married,professional.course,no,yes,no,cellular,may,mon,76,2,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +27,blue-collar,unknown,high.school,no,no,no,cellular,may,mon,173,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,student,single,unknown,no,no,yes,cellular,may,mon,63,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +58,retired,married,university.degree,no,yes,no,telephone,may,mon,101,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +43,admin.,married,professional.course,no,yes,yes,cellular,may,mon,238,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,admin.,divorced,university.degree,no,yes,yes,cellular,may,mon,79,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,services,married,high.school,unknown,no,no,cellular,may,mon,619,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +38,admin.,single,university.degree,no,no,no,cellular,may,mon,190,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +36,entrepreneur,married,basic.9y,no,no,no,cellular,may,mon,257,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +42,admin.,married,university.degree,no,yes,no,cellular,may,mon,370,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +41,admin.,single,high.school,no,yes,no,cellular,may,mon,306,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,services,married,high.school,no,no,no,cellular,may,mon,130,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,technician,married,professional.course,no,yes,no,cellular,may,mon,1046,3,11,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +27,technician,single,university.degree,no,yes,no,cellular,may,mon,77,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +27,technician,single,university.degree,no,yes,no,cellular,may,mon,90,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +53,admin.,married,high.school,unknown,yes,no,cellular,may,mon,181,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +19,student,single,unknown,no,yes,no,cellular,may,mon,121,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +27,technician,single,university.degree,no,yes,no,telephone,may,mon,336,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +44,admin.,divorced,high.school,no,yes,no,cellular,may,mon,72,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +20,technician,single,university.degree,no,no,no,cellular,may,mon,237,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +45,entrepreneur,married,basic.4y,unknown,no,no,cellular,may,mon,211,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +42,admin.,married,professional.course,no,yes,no,cellular,may,mon,458,3,9,2,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +36,management,married,university.degree,no,no,yes,cellular,may,mon,110,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,392,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,self-employed,married,basic.4y,unknown,no,no,cellular,may,mon,100,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,blue-collar,married,basic.9y,no,no,yes,cellular,may,mon,124,3,999,2,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,admin.,married,professional.course,no,yes,no,cellular,may,mon,115,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +44,self-employed,single,professional.course,no,yes,no,cellular,may,mon,922,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +30,self-employed,married,university.degree,no,no,no,cellular,may,mon,107,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +51,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,77,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,technician,single,university.degree,no,no,no,cellular,may,mon,220,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,admin.,single,university.degree,no,no,no,cellular,may,mon,75,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +51,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,601,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +39,admin.,single,university.degree,no,no,no,cellular,may,mon,198,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,191,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +52,admin.,married,university.degree,no,no,yes,cellular,may,mon,434,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +28,admin.,single,university.degree,no,no,no,cellular,may,mon,497,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +48,admin.,married,university.degree,no,no,yes,cellular,may,mon,312,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +42,housemaid,single,high.school,no,yes,no,telephone,may,mon,186,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +53,technician,married,professional.course,no,yes,no,telephone,may,mon,25,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,blue-collar,single,basic.9y,no,yes,yes,cellular,may,mon,78,3,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,264,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +58,admin.,married,university.degree,no,yes,yes,cellular,may,mon,353,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +56,housemaid,married,high.school,no,yes,yes,telephone,may,mon,290,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,technician,single,professional.course,no,no,no,cellular,may,mon,79,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +57,self-employed,married,university.degree,no,yes,no,cellular,may,mon,949,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +39,admin.,married,high.school,no,unknown,unknown,cellular,may,mon,99,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +56,admin.,married,basic.9y,no,yes,yes,cellular,may,mon,313,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,unemployed,married,high.school,no,yes,yes,telephone,may,mon,104,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,may,mon,742,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +22,student,single,high.school,no,yes,yes,cellular,may,mon,1370,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +42,admin.,married,university.degree,no,yes,no,cellular,may,mon,20,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +52,blue-collar,married,basic.4y,unknown,no,no,cellular,may,mon,528,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,services,married,professional.course,no,yes,yes,cellular,may,mon,675,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +28,technician,single,high.school,no,yes,no,cellular,may,mon,134,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,housemaid,single,university.degree,no,no,yes,cellular,may,mon,126,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +35,admin.,married,high.school,no,yes,yes,telephone,may,mon,159,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +32,self-employed,married,basic.6y,no,yes,no,cellular,may,mon,1121,3,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +61,technician,divorced,professional.course,no,yes,no,cellular,may,mon,268,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +42,admin.,married,university.degree,no,yes,no,cellular,may,mon,230,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +50,self-employed,married,high.school,no,yes,no,cellular,may,mon,172,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +41,services,single,high.school,no,yes,no,cellular,may,mon,417,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +26,student,single,high.school,no,no,no,cellular,may,mon,716,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +40,admin.,married,university.degree,no,no,no,cellular,may,mon,365,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +38,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,240,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +36,entrepreneur,married,basic.9y,no,no,no,cellular,may,mon,104,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +81,retired,married,basic.4y,no,no,no,cellular,may,mon,617,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +46,services,married,basic.6y,no,yes,no,telephone,may,mon,89,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +56,technician,married,professional.course,no,yes,yes,cellular,may,mon,333,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +59,retired,married,basic.4y,no,no,no,cellular,may,mon,13,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +21,student,single,unknown,no,no,no,cellular,may,mon,288,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +44,technician,married,high.school,no,no,no,cellular,may,mon,174,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +50,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,483,4,3,2,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +51,technician,married,professional.course,no,yes,no,cellular,may,mon,8,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,admin.,married,high.school,no,no,no,telephone,may,mon,6,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +46,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,1091,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +53,technician,married,professional.course,no,no,no,cellular,may,mon,206,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +29,management,married,university.degree,no,no,no,telephone,may,mon,150,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,admin.,married,high.school,no,no,no,cellular,may,mon,1063,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +39,admin.,married,university.degree,no,yes,no,telephone,may,mon,36,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,may,mon,79,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +53,management,married,high.school,no,yes,no,cellular,may,mon,8,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +37,technician,single,professional.course,no,no,no,telephone,may,mon,21,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +43,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,99,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,services,married,professional.course,no,yes,no,cellular,may,mon,72,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +27,student,single,university.degree,no,yes,no,telephone,may,mon,354,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +42,services,married,high.school,no,yes,no,cellular,may,mon,520,2,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +59,management,married,university.degree,no,no,no,telephone,may,mon,340,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +45,admin.,married,university.degree,no,yes,no,cellular,may,mon,254,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +43,admin.,married,high.school,no,yes,no,cellular,may,mon,76,4,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +44,self-employed,married,high.school,no,yes,no,cellular,may,mon,108,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +57,entrepreneur,married,basic.9y,no,yes,no,cellular,may,mon,429,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +59,unknown,married,unknown,no,yes,no,cellular,may,mon,399,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +48,unemployed,married,professional.course,no,yes,yes,cellular,may,mon,10,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +32,services,single,high.school,no,no,no,cellular,may,mon,196,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +30,unknown,married,professional.course,no,no,no,cellular,may,mon,399,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +50,entrepreneur,married,basic.9y,no,yes,no,telephone,may,mon,331,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +29,admin.,married,university.degree,unknown,yes,no,cellular,may,mon,11,4,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +44,self-employed,single,professional.course,no,yes,no,cellular,may,mon,775,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +37,technician,single,professional.course,no,yes,no,cellular,may,mon,78,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +46,admin.,single,high.school,no,no,yes,cellular,may,mon,83,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +49,technician,married,high.school,no,yes,no,cellular,may,mon,143,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +53,admin.,married,basic.9y,no,no,no,telephone,may,mon,40,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +51,unemployed,married,high.school,no,no,no,cellular,may,mon,14,5,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +24,technician,single,high.school,no,yes,no,cellular,may,mon,841,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +44,self-employed,single,professional.course,no,no,no,cellular,may,mon,230,6,12,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +37,unknown,single,university.degree,no,yes,no,cellular,may,mon,23,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +44,self-employed,married,high.school,no,no,yes,cellular,may,mon,15,4,999,2,failure,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +36,management,married,university.degree,no,yes,no,cellular,may,mon,7,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +39,unemployed,single,basic.9y,no,yes,no,telephone,may,mon,846,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +31,services,married,high.school,unknown,no,no,telephone,may,mon,211,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +56,housemaid,married,high.school,no,no,no,cellular,may,mon,9,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +56,services,divorced,high.school,no,no,no,telephone,may,mon,640,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +49,admin.,divorced,university.degree,no,no,no,cellular,may,mon,124,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +36,technician,married,professional.course,no,yes,no,cellular,may,mon,16,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +50,self-employed,married,basic.9y,no,yes,yes,cellular,may,mon,673,6,3,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +25,management,single,university.degree,no,yes,no,cellular,may,mon,362,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +56,services,married,high.school,no,yes,no,cellular,may,mon,520,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +34,admin.,married,university.degree,no,yes,yes,telephone,may,mon,75,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +59,unknown,married,unknown,no,yes,no,cellular,may,mon,8,7,6,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +45,admin.,married,university.degree,no,yes,yes,telephone,may,mon,157,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.354,5099.1,no +60,admin.,married,university.degree,no,yes,no,cellular,may,mon,226,2,11,1,success,-1.8,92.89299999999999,-46.2,1.354,5099.1,yes +39,blue-collar,single,basic.4y,no,no,yes,cellular,may,tue,205,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,services,married,high.school,no,yes,no,cellular,may,tue,574,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,tue,159,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,85,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +25,services,married,high.school,no,no,no,cellular,may,tue,171,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,admin.,divorced,high.school,no,yes,no,cellular,may,tue,136,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,retired,married,high.school,no,yes,no,cellular,may,tue,762,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +32,blue-collar,single,basic.4y,no,yes,no,cellular,may,tue,813,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +28,services,single,unknown,no,no,no,cellular,may,tue,466,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,tue,88,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +58,services,divorced,high.school,unknown,yes,no,cellular,may,tue,29,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,admin.,single,high.school,no,yes,no,cellular,may,tue,142,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,94,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,management,married,university.degree,no,yes,no,cellular,may,tue,35,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,admin.,married,university.degree,no,no,no,telephone,may,tue,11,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +48,services,married,basic.4y,no,no,no,cellular,may,tue,17,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +57,retired,married,basic.6y,no,no,no,cellular,may,tue,148,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,155,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +55,retired,married,basic.4y,no,no,no,cellular,may,tue,43,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,blue-collar,married,basic.9y,unknown,no,no,cellular,may,tue,307,4,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,admin.,divorced,high.school,no,yes,no,telephone,may,tue,19,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,technician,single,professional.course,no,no,no,cellular,may,tue,146,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,tue,39,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +19,student,single,high.school,unknown,no,yes,cellular,may,tue,106,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,15,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,admin.,married,basic.9y,no,yes,no,cellular,may,tue,272,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,services,married,high.school,no,yes,no,cellular,may,tue,10,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,may,tue,245,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,admin.,single,professional.course,unknown,no,no,cellular,may,tue,18,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,84,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,admin.,married,basic.9y,no,yes,no,cellular,may,tue,24,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,housemaid,married,basic.9y,unknown,yes,no,cellular,may,tue,145,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,337,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,184,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,632,5,10,1,success,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,admin.,divorced,high.school,no,no,no,cellular,may,tue,326,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,222,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,169,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,tue,105,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,363,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,332,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,334,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,72,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,tue,214,1,0,1,success,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,tue,276,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,management,married,university.degree,no,yes,yes,cellular,may,tue,106,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,admin.,divorced,high.school,no,no,yes,cellular,may,tue,461,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,services,married,high.school,unknown,yes,no,cellular,may,tue,31,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,technician,single,university.degree,no,yes,no,cellular,may,tue,51,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,services,married,high.school,unknown,yes,no,cellular,may,tue,215,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,301,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,415,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,married,high.school,unknown,yes,no,cellular,may,tue,17,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,151,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,services,divorced,high.school,no,no,no,cellular,may,tue,259,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,admin.,married,high.school,no,yes,no,cellular,may,tue,181,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,married,high.school,unknown,yes,no,cellular,may,tue,169,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,married,high.school,unknown,no,no,cellular,may,tue,168,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,technician,married,professional.course,unknown,yes,no,cellular,may,tue,60,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,98,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,123,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,243,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,services,married,high.school,unknown,yes,no,cellular,may,tue,377,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,admin.,married,high.school,no,no,no,cellular,may,tue,57,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,234,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.4y,unknown,no,no,cellular,may,tue,234,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,admin.,single,high.school,no,no,no,cellular,may,tue,17,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,129,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,admin.,single,high.school,no,no,no,cellular,may,tue,154,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,29,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,entrepreneur,married,professional.course,no,no,yes,cellular,may,tue,266,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,163,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,entrepreneur,married,professional.course,no,yes,no,cellular,may,tue,382,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,225,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +58,admin.,single,university.degree,no,no,no,cellular,may,tue,358,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,admin.,married,high.school,no,yes,no,cellular,may,tue,668,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +44,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,180,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,494,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +49,blue-collar,married,professional.course,no,yes,yes,cellular,may,tue,121,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,tue,391,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +51,admin.,married,basic.4y,unknown,no,no,cellular,may,tue,142,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,1240,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +35,blue-collar,married,high.school,no,no,no,cellular,may,tue,895,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +58,admin.,single,university.degree,no,yes,no,cellular,may,tue,851,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +49,blue-collar,married,professional.course,no,yes,yes,cellular,may,tue,145,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,blue-collar,married,professional.course,no,no,no,cellular,may,tue,118,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,392,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +43,blue-collar,married,basic.6y,no,no,yes,cellular,may,tue,175,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,self-employed,married,basic.9y,no,yes,yes,cellular,may,tue,731,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +35,technician,divorced,professional.course,no,no,no,cellular,may,tue,301,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,technician,married,university.degree,no,yes,no,cellular,may,tue,55,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,286,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,management,married,university.degree,no,no,no,cellular,may,tue,242,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +51,admin.,married,basic.4y,unknown,no,no,cellular,may,tue,516,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,unknown,no,yes,no,cellular,may,tue,163,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,services,single,basic.9y,no,no,no,cellular,may,tue,163,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,single,high.school,no,yes,no,cellular,may,tue,173,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,86,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,high.school,no,yes,no,cellular,may,tue,863,1,3,2,success,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +35,admin.,single,university.degree,no,yes,no,telephone,may,tue,227,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,student,single,high.school,unknown,no,yes,cellular,may,tue,139,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,admin.,single,high.school,no,yes,no,cellular,may,tue,479,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,tue,28,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,entrepreneur,divorced,basic.9y,no,yes,yes,cellular,may,tue,17,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,tue,62,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,80,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,tue,48,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,management,married,university.degree,no,yes,no,cellular,may,tue,459,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,services,married,high.school,no,yes,no,cellular,may,tue,358,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +48,blue-collar,single,basic.4y,unknown,yes,yes,cellular,may,tue,233,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,divorced,high.school,no,yes,no,cellular,may,tue,187,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,blue-collar,married,unknown,unknown,yes,no,cellular,may,tue,131,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,retired,divorced,basic.4y,no,yes,no,cellular,may,tue,188,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +50,technician,married,unknown,no,no,no,cellular,may,tue,95,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,single,high.school,no,no,no,cellular,may,tue,1090,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +55,self-employed,married,basic.9y,no,yes,no,cellular,may,tue,604,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,management,single,basic.9y,no,no,no,cellular,may,tue,381,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,103,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +54,blue-collar,married,high.school,unknown,yes,yes,cellular,may,tue,197,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,entrepreneur,single,university.degree,no,yes,no,cellular,may,tue,168,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.6y,no,yes,yes,cellular,may,tue,225,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.9y,unknown,unknown,unknown,cellular,may,tue,46,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,management,married,professional.course,no,unknown,unknown,cellular,may,tue,247,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +50,technician,married,unknown,no,yes,yes,cellular,may,tue,400,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +54,blue-collar,married,high.school,unknown,yes,no,cellular,may,tue,323,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +57,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,269,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +50,technician,married,unknown,no,yes,no,cellular,may,tue,500,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,tue,180,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,management,married,university.degree,no,no,yes,cellular,may,tue,252,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,tue,545,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,technician,divorced,university.degree,unknown,yes,no,cellular,may,tue,298,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +28,blue-collar,single,basic.9y,unknown,no,no,cellular,may,tue,718,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,620,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,blue-collar,married,unknown,no,yes,no,cellular,may,tue,696,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,no,yes,cellular,may,tue,239,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,services,married,professional.course,no,yes,no,cellular,may,tue,44,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,blue-collar,married,basic.6y,no,yes,yes,cellular,may,tue,98,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.9y,unknown,no,no,cellular,may,tue,68,1,6,1,success,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,technician,married,professional.course,no,no,no,cellular,may,tue,188,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.9y,unknown,unknown,unknown,cellular,may,tue,123,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +48,services,married,basic.4y,no,no,no,cellular,may,tue,1130,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,services,married,basic.6y,unknown,yes,no,cellular,may,tue,136,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,admin.,married,high.school,no,no,yes,cellular,may,tue,838,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +34,technician,single,professional.course,no,yes,no,cellular,may,tue,325,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,blue-collar,married,basic.4y,unknown,no,yes,cellular,may,tue,397,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +46,blue-collar,married,high.school,no,no,yes,cellular,may,tue,173,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,blue-collar,married,basic.4y,unknown,no,no,cellular,may,tue,659,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,admin.,married,university.degree,no,yes,no,cellular,may,tue,201,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,blue-collar,single,basic.9y,no,no,yes,cellular,may,tue,143,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,technician,single,university.degree,no,no,yes,cellular,may,tue,39,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +46,blue-collar,married,high.school,no,no,no,cellular,may,tue,456,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,196,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,technician,single,university.degree,no,yes,no,cellular,may,tue,150,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,tue,108,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,single,basic.6y,unknown,no,no,cellular,may,tue,141,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,admin.,divorced,high.school,no,yes,no,cellular,may,tue,236,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,technician,married,university.degree,no,no,no,telephone,may,tue,125,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +46,blue-collar,married,high.school,no,yes,no,cellular,may,tue,675,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,entrepreneur,married,basic.4y,no,unknown,unknown,cellular,may,tue,84,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,258,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,single,high.school,no,no,no,telephone,may,tue,60,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,admin.,single,high.school,no,no,no,cellular,may,tue,18,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,entrepreneur,married,basic.4y,no,unknown,unknown,cellular,may,tue,241,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,single,high.school,no,no,no,cellular,may,tue,151,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,single,high.school,no,no,no,cellular,may,tue,154,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,single,high.school,no,no,no,cellular,may,tue,399,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,technician,married,university.degree,no,no,no,cellular,may,tue,34,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,blue-collar,divorced,basic.9y,no,no,no,cellular,may,tue,295,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +51,blue-collar,married,professional.course,unknown,yes,no,cellular,may,tue,273,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,may,tue,659,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,married,high.school,no,yes,no,cellular,may,tue,345,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,services,divorced,professional.course,no,yes,yes,cellular,may,tue,227,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,admin.,married,high.school,no,yes,no,cellular,may,tue,323,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,blue-collar,married,basic.9y,unknown,no,no,cellular,may,tue,335,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,admin.,divorced,high.school,no,yes,no,cellular,may,tue,294,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +54,self-employed,married,university.degree,no,no,yes,cellular,may,tue,388,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,entrepreneur,married,high.school,no,no,no,cellular,may,tue,123,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +28,services,single,unknown,no,yes,no,cellular,may,tue,87,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,entrepreneur,married,high.school,no,no,no,cellular,may,tue,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +58,retired,married,high.school,unknown,no,no,cellular,may,tue,127,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,services,married,high.school,no,no,no,cellular,may,tue,106,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,services,married,high.school,no,no,no,cellular,may,tue,79,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,entrepreneur,married,unknown,unknown,yes,no,telephone,may,tue,22,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +58,retired,married,high.school,unknown,yes,no,cellular,may,tue,159,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,technician,married,high.school,no,yes,no,cellular,may,tue,67,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,tue,623,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,entrepreneur,married,unknown,unknown,yes,no,cellular,may,tue,197,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,admin.,single,professional.course,unknown,yes,no,cellular,may,tue,54,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,blue-collar,married,unknown,unknown,no,no,cellular,may,tue,409,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,tue,335,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,tue,206,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,technician,married,high.school,no,yes,no,cellular,may,tue,394,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +51,blue-collar,married,basic.6y,no,unknown,unknown,cellular,may,tue,811,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +42,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,272,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,65,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +57,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,145,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,442,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,blue-collar,married,basic.6y,unknown,no,no,cellular,may,tue,568,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +34,admin.,married,high.school,no,yes,yes,cellular,may,tue,259,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +36,admin.,single,high.school,no,yes,no,cellular,may,tue,220,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,management,divorced,university.degree,no,yes,no,cellular,may,tue,59,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,management,single,university.degree,no,yes,no,cellular,may,tue,42,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,management,divorced,university.degree,no,yes,no,cellular,may,tue,313,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,entrepreneur,divorced,basic.9y,no,yes,no,cellular,may,tue,29,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,13,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,single,basic.4y,no,no,no,cellular,may,tue,231,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,technician,married,professional.course,no,yes,no,cellular,may,tue,235,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,entrepreneur,married,basic.4y,no,yes,no,cellular,may,tue,955,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +37,management,divorced,unknown,no,yes,no,cellular,may,tue,221,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +52,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,157,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,tue,359,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +53,admin.,single,high.school,no,yes,no,cellular,may,tue,470,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,unemployed,single,university.degree,no,yes,no,cellular,may,tue,11,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,married,high.school,no,yes,no,cellular,may,tue,495,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,entrepreneur,married,basic.6y,no,yes,no,cellular,may,tue,383,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,admin.,married,high.school,no,no,no,cellular,may,tue,295,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,155,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,management,single,university.degree,no,no,no,cellular,may,tue,107,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,retired,single,university.degree,no,yes,no,cellular,may,tue,93,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,management,single,university.degree,no,yes,no,cellular,may,tue,277,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,166,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,services,married,high.school,no,no,no,cellular,may,tue,542,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,management,single,university.degree,no,yes,no,cellular,may,tue,58,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +58,services,divorced,high.school,unknown,yes,no,cellular,may,tue,237,4,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,entrepreneur,married,basic.4y,no,no,no,cellular,may,tue,184,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,blue-collar,married,professional.course,no,no,no,cellular,may,tue,325,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,technician,single,professional.course,no,no,no,cellular,may,tue,1221,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +38,entrepreneur,married,basic.4y,no,yes,no,cellular,may,tue,360,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,services,married,high.school,unknown,no,no,cellular,may,tue,245,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,admin.,single,high.school,no,yes,no,cellular,may,tue,67,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +52,blue-collar,married,high.school,no,yes,no,cellular,may,tue,131,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +52,blue-collar,married,high.school,no,no,no,cellular,may,tue,57,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,services,single,basic.9y,no,no,no,cellular,may,tue,37,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,257,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.6y,unknown,no,no,cellular,may,tue,132,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,services,single,basic.9y,no,no,no,cellular,may,tue,247,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,services,single,basic.9y,no,no,no,cellular,may,tue,348,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +54,services,divorced,university.degree,no,yes,no,cellular,may,tue,335,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,217,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,married,basic.9y,no,no,no,cellular,may,tue,127,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,services,married,high.school,no,yes,no,cellular,may,tue,93,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +54,services,divorced,university.degree,no,no,no,cellular,may,tue,499,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +44,management,married,university.degree,no,yes,no,cellular,may,tue,71,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,services,married,high.school,no,no,no,cellular,may,tue,414,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,may,tue,64,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,may,tue,352,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +51,services,divorced,high.school,unknown,no,no,cellular,may,tue,398,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +57,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,399,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,253,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,blue-collar,divorced,basic.4y,no,no,no,cellular,may,tue,227,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,160,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,management,divorced,university.degree,no,yes,yes,cellular,may,tue,160,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,316,1,11,1,success,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,tue,69,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,may,tue,41,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,may,tue,76,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,services,married,high.school,no,no,yes,cellular,may,tue,284,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,tue,90,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,may,tue,206,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,services,married,high.school,no,no,no,cellular,may,tue,157,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.4y,unknown,no,no,cellular,may,tue,246,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,162,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,admin.,single,professional.course,no,yes,no,cellular,may,tue,43,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,tue,259,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +28,blue-collar,single,university.degree,no,no,no,cellular,may,tue,585,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,retired,divorced,basic.4y,no,yes,yes,cellular,may,tue,209,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,admin.,divorced,university.degree,no,no,no,cellular,may,tue,290,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,admin.,married,high.school,no,yes,no,cellular,may,tue,387,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,technician,married,basic.9y,no,yes,yes,cellular,may,tue,67,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,253,1,12,1,success,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,self-employed,married,basic.9y,no,no,no,cellular,may,tue,301,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,tue,106,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,entrepreneur,married,high.school,no,no,no,cellular,may,tue,179,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,entrepreneur,married,high.school,no,yes,no,cellular,may,tue,283,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,services,married,basic.6y,no,yes,no,cellular,may,tue,114,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +54,management,married,university.degree,no,no,no,cellular,may,tue,159,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,technician,married,basic.9y,no,no,no,cellular,may,tue,64,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +54,management,married,university.degree,no,yes,yes,cellular,may,tue,198,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,blue-collar,single,basic.4y,unknown,no,no,cellular,may,tue,343,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,services,married,high.school,no,yes,yes,cellular,may,tue,200,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +54,management,married,university.degree,no,yes,yes,cellular,may,tue,552,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,management,single,university.degree,no,yes,yes,cellular,may,tue,228,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,management,single,university.degree,no,no,no,cellular,may,tue,223,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,management,single,university.degree,no,no,yes,cellular,may,tue,496,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +51,management,married,high.school,unknown,yes,no,cellular,may,tue,397,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,88,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,management,single,university.degree,no,yes,no,cellular,may,tue,876,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,admin.,single,high.school,no,yes,no,cellular,may,tue,305,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,admin.,divorced,high.school,no,no,no,cellular,may,tue,101,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,334,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,788,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +31,blue-collar,married,basic.9y,no,no,yes,cellular,may,tue,183,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,admin.,married,basic.9y,no,yes,no,cellular,may,tue,118,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,services,married,high.school,no,no,no,cellular,may,tue,69,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,entrepreneur,divorced,professional.course,no,yes,no,cellular,may,tue,355,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,894,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +41,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,1101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,divorced,basic.9y,unknown,yes,no,telephone,may,tue,170,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +26,student,single,high.school,unknown,yes,no,cellular,may,tue,205,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,tue,325,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,150,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,tue,442,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,tue,160,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,may,tue,85,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +28,services,single,unknown,no,yes,no,cellular,may,tue,83,9,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,management,married,university.degree,no,yes,no,cellular,may,tue,281,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,services,unknown,high.school,no,yes,yes,cellular,may,tue,369,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +58,blue-collar,single,basic.4y,unknown,no,no,cellular,may,tue,304,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +46,management,divorced,professional.course,no,no,no,cellular,may,tue,159,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,services,single,high.school,no,no,no,cellular,may,tue,71,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +30,services,single,high.school,no,no,no,cellular,may,tue,263,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,technician,married,university.degree,no,no,no,cellular,may,tue,219,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,management,divorced,university.degree,no,no,no,cellular,may,tue,342,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,services,married,professional.course,no,yes,no,cellular,may,tue,335,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,blue-collar,divorced,high.school,no,yes,no,cellular,may,tue,334,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,admin.,single,university.degree,no,yes,no,cellular,may,tue,414,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,services,divorced,high.school,unknown,no,no,cellular,may,tue,342,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,admin.,single,high.school,no,yes,no,cellular,may,tue,200,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,technician,married,basic.9y,no,yes,no,cellular,may,tue,297,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,technician,married,basic.9y,no,yes,no,cellular,may,tue,500,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +26,management,single,university.degree,no,no,no,cellular,may,tue,279,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +19,student,single,high.school,unknown,yes,no,cellular,may,tue,338,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,admin.,single,high.school,no,yes,no,cellular,may,tue,318,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,322,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,management,divorced,unknown,no,yes,no,cellular,may,tue,147,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,63,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +55,blue-collar,married,high.school,no,no,no,cellular,may,tue,306,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,entrepreneur,married,high.school,no,yes,yes,cellular,may,tue,214,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +32,technician,married,professional.course,no,yes,no,cellular,may,tue,81,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,services,married,high.school,no,no,no,cellular,may,tue,378,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +26,student,single,high.school,unknown,no,no,cellular,may,tue,176,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,tue,670,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +43,management,married,university.degree,unknown,no,no,cellular,may,tue,167,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.6y,no,yes,yes,cellular,may,tue,333,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +52,management,married,basic.4y,no,yes,no,cellular,may,tue,1100,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,tue,192,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,self-employed,single,university.degree,no,no,no,cellular,may,tue,180,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,477,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,240,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.4y,unknown,unknown,unknown,cellular,may,tue,124,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,tue,122,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,technician,divorced,professional.course,no,yes,yes,cellular,may,tue,351,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,180,3,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,services,married,basic.6y,unknown,no,no,cellular,may,tue,178,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +43,blue-collar,divorced,basic.4y,no,unknown,unknown,cellular,may,tue,157,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,211,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,admin.,single,university.degree,no,yes,no,telephone,may,tue,521,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +48,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,862,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +48,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,169,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,319,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +53,unemployed,married,basic.9y,unknown,yes,no,cellular,may,tue,67,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,75,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +57,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,674,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,admin.,single,professional.course,no,yes,no,cellular,may,tue,209,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,may,tue,185,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,technician,married,professional.course,no,yes,no,cellular,may,tue,211,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,admin.,married,university.degree,no,yes,no,cellular,may,tue,203,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,admin.,married,high.school,no,no,no,cellular,may,tue,205,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +47,management,married,university.degree,no,yes,no,cellular,may,tue,469,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,tue,523,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,yes,yes,telephone,may,tue,36,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,technician,married,professional.course,no,no,no,cellular,may,tue,371,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,52,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +55,self-employed,married,basic.9y,no,yes,yes,cellular,may,tue,475,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +39,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,233,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +45,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,672,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +46,blue-collar,married,high.school,no,yes,yes,telephone,may,tue,328,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,1085,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,yes +29,entrepreneur,married,basic.6y,no,no,no,cellular,may,tue,118,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,admin.,married,university.degree,no,no,no,cellular,may,tue,102,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,services,single,high.school,no,no,no,cellular,may,tue,206,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,blue-collar,divorced,basic.9y,no,no,no,cellular,may,tue,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,technician,married,university.degree,no,yes,no,cellular,may,tue,370,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.6y,unknown,no,no,cellular,may,tue,278,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,admin.,married,high.school,no,yes,no,cellular,may,tue,111,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +48,blue-collar,single,basic.4y,no,no,no,cellular,may,tue,275,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +41,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,320,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +37,admin.,married,high.school,no,no,no,cellular,may,tue,305,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +31,admin.,divorced,university.degree,no,yes,no,telephone,may,tue,259,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,399,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +26,management,single,university.degree,no,yes,no,cellular,may,tue,165,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +27,technician,single,professional.course,unknown,yes,no,cellular,may,tue,126,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +36,admin.,single,high.school,no,no,no,cellular,may,tue,189,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +46,technician,married,professional.course,no,yes,no,telephone,may,tue,193,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +49,admin.,married,high.school,no,no,no,cellular,may,tue,104,1,6,1,success,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +38,blue-collar,married,professional.course,no,yes,no,cellular,may,tue,418,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +33,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,tue,408,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,services,married,high.school,no,no,no,cellular,may,tue,74,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +44,management,divorced,university.degree,no,yes,no,cellular,may,tue,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +42,technician,divorced,basic.6y,no,yes,no,cellular,may,tue,221,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +46,admin.,divorced,high.school,no,no,no,cellular,may,tue,84,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +46,technician,married,high.school,no,yes,no,cellular,may,tue,368,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +40,admin.,married,professional.course,no,unknown,unknown,cellular,may,tue,305,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,may,tue,614,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.344,5099.1,no +53,admin.,married,university.degree,unknown,no,no,cellular,may,wed,160,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,housemaid,married,high.school,unknown,no,no,cellular,may,wed,104,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,housemaid,married,high.school,unknown,no,no,cellular,may,wed,142,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,single,basic.9y,unknown,yes,yes,cellular,may,wed,55,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,admin.,married,unknown,no,yes,no,cellular,may,wed,7,11,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,technician,married,professional.course,no,yes,no,cellular,may,wed,199,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,married,high.school,no,no,no,cellular,may,wed,105,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +50,services,divorced,high.school,no,no,no,cellular,may,wed,148,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,admin.,single,university.degree,no,no,no,cellular,may,wed,88,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,services,married,high.school,no,yes,no,cellular,may,wed,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,married,basic.6y,unknown,no,no,cellular,may,wed,54,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,wed,201,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,single,professional.course,unknown,yes,no,cellular,may,wed,206,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +52,management,divorced,university.degree,no,no,no,cellular,may,wed,451,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +38,technician,married,university.degree,no,yes,no,cellular,may,wed,147,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,technician,married,university.degree,no,yes,yes,cellular,may,wed,121,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,303,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.4y,unknown,no,no,cellular,may,wed,78,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,management,married,basic.9y,no,yes,yes,cellular,may,wed,438,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,219,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,management,married,university.degree,no,no,no,cellular,may,wed,210,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,113,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,may,wed,241,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,admin.,divorced,professional.course,no,no,no,cellular,may,wed,194,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,technician,married,university.degree,no,yes,no,cellular,may,wed,814,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +47,blue-collar,married,high.school,no,no,no,cellular,may,wed,327,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,services,married,high.school,unknown,yes,yes,cellular,may,wed,224,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,admin.,married,high.school,no,no,no,cellular,may,wed,275,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,services,married,high.school,unknown,yes,no,cellular,may,wed,257,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,248,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,single,basic.4y,no,no,no,cellular,may,wed,207,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,admin.,married,high.school,no,yes,no,cellular,may,wed,197,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,may,wed,653,1,11,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +40,services,single,high.school,no,no,no,cellular,may,wed,197,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,services,single,high.school,no,yes,no,cellular,may,wed,87,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,high.school,no,yes,no,cellular,may,wed,207,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +58,services,married,basic.6y,unknown,no,no,cellular,may,wed,327,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,wed,215,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,married,professional.course,no,yes,no,cellular,may,wed,62,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,293,1,11,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,334,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,372,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,345,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,admin.,single,high.school,no,no,no,cellular,may,wed,473,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,wed,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,blue-collar,married,high.school,no,no,no,cellular,may,wed,285,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,may,wed,128,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,entrepreneur,married,basic.4y,no,yes,no,cellular,may,wed,26,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,married,professional.course,no,yes,no,cellular,may,wed,731,1,10,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +41,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,488,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +29,admin.,single,university.degree,no,no,no,cellular,may,wed,401,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,management,single,university.degree,no,yes,no,cellular,may,wed,38,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,admin.,single,university.degree,no,yes,yes,cellular,may,wed,74,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,admin.,married,high.school,unknown,yes,no,cellular,may,wed,293,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,473,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +25,student,single,basic.9y,no,no,yes,cellular,may,wed,219,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.6y,unknown,no,no,cellular,may,wed,14,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +50,services,divorced,high.school,no,no,yes,cellular,may,wed,178,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,technician,single,professional.course,no,no,no,cellular,may,wed,362,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.9y,unknown,no,yes,cellular,may,wed,343,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,services,married,high.school,no,yes,no,cellular,may,wed,152,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +53,blue-collar,married,professional.course,unknown,no,no,cellular,may,wed,403,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,entrepreneur,married,basic.4y,no,no,yes,cellular,may,wed,767,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +45,housemaid,married,basic.6y,no,yes,no,cellular,may,wed,236,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +55,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,249,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,227,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,self-employed,married,unknown,unknown,no,no,cellular,may,wed,100,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +45,entrepreneur,married,university.degree,no,no,no,cellular,may,wed,139,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +53,blue-collar,married,professional.course,unknown,no,yes,cellular,may,wed,595,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,technician,single,professional.course,no,yes,no,cellular,may,wed,142,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,admin.,married,university.degree,no,yes,no,cellular,may,wed,376,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,services,married,professional.course,unknown,yes,no,cellular,may,wed,160,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,technician,divorced,university.degree,no,yes,no,cellular,may,wed,132,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,wed,438,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,100,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +44,blue-collar,married,basic.4y,no,yes,yes,cellular,may,wed,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,services,divorced,basic.9y,no,unknown,unknown,cellular,may,wed,222,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,basic.9y,no,no,yes,cellular,may,wed,50,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,954,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +46,services,divorced,basic.9y,no,yes,no,cellular,may,wed,403,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,divorced,basic.9y,unknown,no,no,cellular,may,wed,106,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,blue-collar,divorced,high.school,unknown,no,no,cellular,may,wed,848,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +39,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,may,wed,304,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,basic.9y,no,no,yes,cellular,may,wed,439,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,entrepreneur,married,basic.6y,no,no,no,cellular,may,wed,119,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,may,wed,36,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +57,admin.,married,high.school,no,no,no,cellular,may,wed,644,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,services,married,high.school,no,no,yes,cellular,may,wed,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,34,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,single,basic.9y,no,yes,yes,cellular,may,wed,200,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,professional.course,no,yes,no,cellular,may,wed,145,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,professional.course,no,yes,no,cellular,may,wed,72,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,blue-collar,married,basic.6y,unknown,no,no,cellular,may,wed,19,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,272,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,professional.course,no,yes,no,cellular,may,wed,177,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,single,high.school,no,no,no,cellular,may,wed,90,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,may,wed,125,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,services,married,high.school,no,no,no,cellular,may,wed,339,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,single,high.school,no,no,no,cellular,may,wed,153,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,admin.,single,university.degree,unknown,yes,no,cellular,may,wed,530,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +31,blue-collar,single,high.school,no,yes,no,cellular,may,wed,291,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,admin.,single,university.degree,no,no,yes,cellular,may,wed,223,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,admin.,married,university.degree,no,no,no,cellular,may,wed,208,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,wed,54,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,management,married,basic.9y,no,yes,no,cellular,may,wed,503,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,technician,single,professional.course,no,no,no,cellular,may,wed,174,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,divorced,basic.9y,unknown,no,no,cellular,may,wed,95,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,single,high.school,no,no,no,cellular,may,wed,465,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,services,married,high.school,unknown,no,no,cellular,may,wed,257,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,168,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,services,married,high.school,unknown,yes,no,cellular,may,wed,404,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,student,single,university.degree,no,no,no,cellular,may,wed,253,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +43,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,wed,147,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +43,blue-collar,married,basic.4y,unknown,no,yes,cellular,may,wed,153,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,128,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,student,single,university.degree,no,no,no,cellular,may,wed,274,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,278,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,55,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +25,admin.,single,university.degree,no,no,no,cellular,may,wed,101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +49,admin.,married,high.school,no,yes,no,cellular,may,wed,115,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,single,basic.9y,no,yes,yes,cellular,may,wed,366,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,129,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +45,unemployed,divorced,high.school,no,no,no,cellular,may,wed,90,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,technician,single,high.school,no,yes,no,cellular,may,wed,576,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +25,admin.,single,university.degree,no,yes,no,cellular,may,wed,209,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,597,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +45,unemployed,divorced,high.school,no,yes,yes,cellular,may,wed,274,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,admin.,single,basic.9y,unknown,no,no,cellular,may,wed,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,basic.6y,unknown,no,no,cellular,may,wed,188,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,housemaid,married,basic.6y,unknown,no,no,cellular,may,wed,177,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,technician,married,professional.course,no,yes,yes,cellular,may,wed,137,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,single,basic.6y,unknown,no,yes,cellular,may,wed,42,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,services,single,high.school,no,yes,no,cellular,may,wed,305,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.4y,unknown,no,yes,cellular,may,wed,162,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,151,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,single,professional.course,no,no,no,cellular,may,wed,340,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,109,1,12,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +26,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,209,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.4y,no,no,yes,cellular,may,wed,170,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +47,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,569,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,technician,divorced,professional.course,no,yes,no,cellular,may,wed,597,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +48,technician,married,professional.course,unknown,yes,no,cellular,may,wed,274,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,services,married,basic.9y,no,no,no,cellular,may,wed,984,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +31,services,single,high.school,no,yes,no,cellular,may,wed,234,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,wed,156,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,technician,married,professional.course,no,no,no,cellular,may,wed,339,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,entrepreneur,married,university.degree,unknown,no,no,cellular,may,wed,205,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +43,management,married,university.degree,no,yes,no,cellular,may,wed,124,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,married,high.school,no,yes,no,cellular,may,wed,597,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +43,management,married,university.degree,no,no,yes,cellular,may,wed,226,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,143,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,181,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,services,divorced,basic.9y,no,no,no,cellular,may,wed,96,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,164,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,238,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +57,entrepreneur,divorced,basic.9y,no,yes,no,cellular,may,wed,236,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,admin.,single,high.school,no,no,no,cellular,may,wed,158,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,married,basic.9y,no,yes,yes,telephone,may,wed,26,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +20,blue-collar,single,high.school,no,yes,no,cellular,may,wed,159,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,basic.4y,no,yes,yes,cellular,may,wed,338,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,entrepreneur,married,university.degree,no,yes,no,cellular,may,wed,187,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,159,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,technician,single,professional.course,no,no,no,cellular,may,wed,116,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,technician,single,professional.course,no,yes,yes,cellular,may,wed,196,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,married,high.school,no,yes,no,cellular,may,wed,49,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +20,blue-collar,single,high.school,no,yes,no,cellular,may,wed,410,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,services,married,high.school,no,no,no,cellular,may,wed,990,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,technician,single,professional.course,no,yes,no,cellular,may,wed,244,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,single,basic.6y,unknown,no,no,cellular,may,wed,47,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,technician,divorced,professional.course,no,no,no,cellular,may,wed,258,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,267,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,unknown,no,yes,no,cellular,may,wed,123,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,admin.,married,university.degree,no,no,no,cellular,may,wed,37,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,blue-collar,married,high.school,no,yes,no,telephone,may,wed,186,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +53,admin.,married,university.degree,unknown,yes,no,cellular,may,wed,59,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +25,services,single,high.school,no,no,no,cellular,may,wed,333,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +58,retired,married,basic.9y,no,no,yes,cellular,may,wed,144,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,225,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,admin.,married,basic.9y,no,yes,no,cellular,may,wed,472,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,single,professional.course,no,no,no,cellular,may,wed,45,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,single,basic.4y,no,unknown,unknown,cellular,may,wed,1079,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,161,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,single,professional.course,no,no,no,cellular,may,wed,199,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,admin.,single,university.degree,no,no,no,cellular,may,wed,68,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,wed,60,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,wed,686,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,self-employed,married,university.degree,unknown,unknown,unknown,cellular,may,wed,64,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,admin.,single,high.school,no,unknown,unknown,cellular,may,wed,249,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,married,high.school,unknown,yes,no,cellular,may,wed,198,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,admin.,married,university.degree,no,unknown,unknown,cellular,may,wed,118,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,admin.,single,university.degree,no,no,no,cellular,may,wed,187,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +50,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,146,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,married,basic.6y,no,no,yes,cellular,may,wed,364,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,admin.,married,unknown,no,yes,no,cellular,may,wed,208,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +47,services,married,high.school,unknown,no,no,cellular,may,wed,378,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,technician,single,unknown,no,yes,no,cellular,may,wed,84,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,management,divorced,university.degree,no,no,no,telephone,may,wed,10,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,management,divorced,university.degree,no,yes,yes,telephone,may,wed,39,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,technician,married,professional.course,no,no,no,cellular,may,wed,66,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,may,wed,78,1,12,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,services,married,high.school,no,yes,no,cellular,may,wed,611,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +46,services,single,high.school,unknown,yes,no,cellular,may,wed,193,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,self-employed,married,basic.9y,no,yes,no,cellular,may,wed,155,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,318,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,admin.,married,high.school,no,yes,no,cellular,may,wed,175,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +57,management,married,university.degree,no,no,no,cellular,may,wed,1205,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +29,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,413,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +53,technician,divorced,university.degree,no,yes,no,cellular,may,wed,167,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,admin.,married,high.school,no,no,yes,cellular,may,wed,251,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,services,married,high.school,no,yes,yes,cellular,may,wed,270,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,211,1,10,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,blue-collar,married,basic.4y,no,yes,yes,cellular,may,wed,107,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,admin.,married,high.school,no,no,no,cellular,may,wed,124,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,technician,married,professional.course,no,no,yes,cellular,may,wed,17,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,477,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,may,wed,265,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,admin.,married,high.school,no,no,no,cellular,may,wed,159,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,blue-collar,married,basic.9y,no,no,yes,cellular,may,wed,837,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +33,technician,married,professional.course,no,yes,no,cellular,may,wed,221,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,married,basic.9y,no,unknown,unknown,cellular,may,wed,136,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,technician,married,professional.course,no,yes,no,cellular,may,wed,318,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,51,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,services,married,high.school,unknown,yes,no,cellular,may,wed,285,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,married,basic.6y,unknown,no,yes,cellular,may,wed,29,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,entrepreneur,married,university.degree,unknown,yes,no,cellular,may,wed,585,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,unknown,no,no,yes,cellular,may,wed,106,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,management,married,university.degree,unknown,no,no,telephone,may,wed,16,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,184,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,services,divorced,high.school,no,no,no,cellular,may,wed,52,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,admin.,married,high.school,no,yes,no,cellular,may,wed,128,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,282,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,self-employed,single,university.degree,no,yes,no,cellular,may,wed,57,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,married,high.school,unknown,yes,no,cellular,may,wed,839,2,7,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +36,management,married,basic.9y,no,no,no,cellular,may,wed,50,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,housemaid,divorced,basic.6y,no,no,yes,cellular,may,wed,457,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,technician,married,university.degree,unknown,yes,no,cellular,may,wed,301,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,technician,single,high.school,no,no,no,cellular,may,wed,37,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,services,single,basic.9y,no,no,yes,cellular,may,wed,148,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,admin.,married,high.school,no,yes,no,cellular,may,wed,72,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,single,basic.4y,no,yes,no,cellular,may,wed,203,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,basic.6y,unknown,no,no,cellular,may,wed,18,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,254,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,admin.,married,high.school,no,no,no,cellular,may,wed,204,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,451,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,334,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,428,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +59,admin.,married,high.school,no,no,no,cellular,may,wed,289,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,single,university.degree,no,yes,no,cellular,may,wed,317,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,153,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,services,single,high.school,no,no,no,cellular,may,wed,150,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +55,retired,married,basic.9y,unknown,no,no,cellular,may,wed,674,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,services,single,high.school,no,yes,no,cellular,may,wed,445,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +51,entrepreneur,single,basic.9y,no,no,no,cellular,may,wed,123,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,297,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,technician,single,university.degree,no,yes,no,telephone,may,wed,92,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,189,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +44,admin.,single,high.school,no,yes,no,cellular,may,wed,728,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,may,wed,127,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +43,blue-collar,married,basic.9y,no,no,yes,cellular,may,wed,179,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,98,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +49,admin.,single,basic.6y,unknown,no,no,cellular,may,wed,135,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,admin.,single,high.school,no,no,no,cellular,may,wed,251,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,1131,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,148,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,156,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,technician,single,professional.course,no,yes,no,cellular,may,wed,519,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +31,services,single,high.school,no,no,no,cellular,may,wed,343,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,admin.,married,high.school,no,no,no,cellular,may,wed,64,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,services,married,high.school,no,yes,no,cellular,may,wed,903,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,services,married,high.school,no,no,no,cellular,may,wed,106,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,459,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,admin.,single,university.degree,no,no,no,cellular,may,wed,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,unemployed,married,high.school,no,no,no,cellular,may,wed,100,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,unknown,university.degree,no,no,no,cellular,may,wed,139,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +47,blue-collar,single,basic.9y,unknown,no,no,cellular,may,wed,159,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +58,retired,married,professional.course,no,yes,no,cellular,may,wed,47,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,single,professional.course,no,yes,yes,cellular,may,wed,161,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,services,married,high.school,no,yes,no,cellular,may,wed,322,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +26,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,45,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,divorced,basic.6y,no,yes,no,cellular,may,wed,197,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,technician,single,professional.course,no,no,no,cellular,may,wed,687,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +51,entrepreneur,single,basic.9y,no,no,yes,cellular,may,wed,89,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,admin.,married,high.school,no,yes,yes,cellular,may,wed,231,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,230,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,married,basic.4y,no,yes,yes,cellular,may,wed,389,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +40,admin.,married,basic.9y,unknown,yes,yes,cellular,may,wed,323,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,single,high.school,no,yes,yes,cellular,may,wed,125,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,services,married,high.school,no,no,no,cellular,may,wed,174,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +49,technician,married,university.degree,no,yes,no,cellular,may,wed,89,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +58,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,wed,74,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,single,basic.9y,no,no,yes,cellular,may,wed,540,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +44,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,181,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +45,blue-collar,married,basic.4y,unknown,no,no,cellular,may,wed,193,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,288,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,admin.,married,university.degree,no,no,no,cellular,may,wed,305,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,353,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +47,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,169,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +47,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,139,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,management,divorced,university.degree,no,yes,no,cellular,may,wed,127,2,12,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,204,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,married,high.school,no,yes,no,cellular,may,wed,137,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,admin.,married,professional.course,no,yes,no,cellular,may,wed,827,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,wed,150,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,admin.,single,basic.6y,no,yes,no,cellular,may,wed,402,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,admin.,married,high.school,no,yes,no,cellular,may,wed,319,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,wed,203,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,unknown,high.school,no,no,no,cellular,may,wed,311,1,6,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,110,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,divorced,high.school,unknown,yes,no,cellular,may,wed,175,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,divorced,university.degree,no,no,no,cellular,may,wed,207,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,entrepreneur,married,university.degree,unknown,yes,no,cellular,may,wed,92,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +52,admin.,single,unknown,unknown,yes,no,cellular,may,wed,147,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,married,high.school,no,yes,no,telephone,may,wed,48,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,164,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +52,admin.,single,unknown,unknown,no,no,cellular,may,wed,321,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,management,single,high.school,no,no,no,cellular,may,wed,90,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,married,high.school,no,no,no,cellular,may,wed,191,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,services,married,high.school,no,yes,no,cellular,may,wed,130,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,services,married,high.school,no,no,no,cellular,may,wed,317,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,wed,138,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,wed,194,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,technician,married,professional.course,no,no,no,cellular,may,wed,550,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +34,admin.,married,high.school,no,no,yes,cellular,may,wed,811,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,admin.,single,basic.6y,no,yes,no,telephone,may,wed,125,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,430,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +53,admin.,married,university.degree,unknown,yes,no,cellular,may,wed,124,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,blue-collar,married,high.school,no,yes,yes,cellular,may,wed,184,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,services,single,high.school,unknown,yes,no,cellular,may,wed,124,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +40,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,182,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,blue-collar,married,high.school,unknown,yes,no,cellular,may,wed,118,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,79,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,138,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,technician,single,professional.course,no,no,yes,cellular,may,wed,289,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,divorced,basic.9y,unknown,no,no,cellular,may,wed,482,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,single,professional.course,unknown,no,no,cellular,may,wed,654,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,may,wed,198,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,145,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,116,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,wed,500,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,services,married,high.school,unknown,unknown,unknown,cellular,may,wed,141,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,68,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +44,admin.,married,high.school,no,yes,no,cellular,may,wed,346,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +40,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,wed,131,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,wed,220,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,181,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,housemaid,married,basic.6y,unknown,yes,yes,cellular,may,wed,756,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,309,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,technician,divorced,university.degree,no,no,no,cellular,may,wed,91,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,services,married,high.school,no,yes,yes,cellular,may,wed,323,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,may,wed,82,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,admin.,divorced,high.school,no,yes,yes,cellular,may,wed,316,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,283,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +24,student,single,basic.9y,no,no,no,cellular,may,wed,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,admin.,single,university.degree,no,yes,yes,cellular,may,wed,120,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,189,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +58,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,127,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +53,blue-collar,married,professional.course,unknown,yes,no,cellular,may,wed,251,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +27,technician,single,university.degree,no,yes,yes,cellular,may,wed,754,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +37,blue-collar,single,professional.course,no,no,no,cellular,may,wed,84,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,blue-collar,married,basic.6y,unknown,no,no,cellular,may,wed,320,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,unemployed,married,basic.9y,no,yes,no,cellular,may,wed,222,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,self-employed,single,university.degree,no,no,no,cellular,may,wed,554,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +32,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,302,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +52,blue-collar,married,basic.4y,unknown,no,no,cellular,may,wed,239,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,entrepreneur,single,basic.9y,no,yes,no,cellular,may,wed,396,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +58,self-employed,married,unknown,unknown,no,no,cellular,may,wed,250,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,technician,married,professional.course,unknown,no,no,cellular,may,wed,167,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +40,housemaid,divorced,high.school,no,yes,no,cellular,may,wed,136,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,housemaid,married,basic.6y,unknown,no,no,cellular,may,wed,322,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,technician,single,professional.course,no,yes,no,cellular,may,wed,97,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,206,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,admin.,single,university.degree,no,no,no,cellular,may,wed,51,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,services,single,high.school,no,no,no,cellular,may,wed,281,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,housemaid,married,high.school,unknown,yes,yes,cellular,may,wed,17,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,management,married,university.degree,unknown,no,no,cellular,may,wed,825,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,admin.,divorced,high.school,no,yes,no,telephone,may,wed,62,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,admin.,single,high.school,no,yes,yes,cellular,may,wed,253,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,entrepreneur,married,basic.9y,unknown,no,no,cellular,may,wed,487,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +49,admin.,married,university.degree,no,no,no,cellular,may,wed,155,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,wed,96,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,311,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,blue-collar,married,basic.9y,no,yes,no,telephone,may,wed,90,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,management,single,high.school,no,no,yes,cellular,may,wed,402,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,blue-collar,married,basic.9y,unknown,no,yes,cellular,may,wed,22,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,services,married,high.school,no,yes,no,cellular,may,wed,89,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,single,professional.course,unknown,yes,no,cellular,may,wed,228,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,married,high.school,no,no,no,cellular,may,wed,350,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,technician,divorced,professional.course,no,yes,no,telephone,may,wed,175,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,549,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,technician,married,professional.course,no,yes,yes,cellular,may,wed,160,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +43,management,married,university.degree,no,yes,no,cellular,may,wed,192,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,technician,divorced,basic.9y,no,yes,yes,cellular,may,wed,103,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,services,married,high.school,unknown,no,no,cellular,may,wed,765,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +40,blue-collar,married,unknown,no,yes,no,cellular,may,wed,88,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,admin.,divorced,high.school,no,yes,no,cellular,may,wed,422,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +47,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,74,6,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,admin.,married,university.degree,no,no,no,telephone,may,wed,149,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,services,single,high.school,unknown,yes,no,cellular,may,wed,70,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,blue-collar,single,professional.course,no,yes,no,cellular,may,wed,87,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,233,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +43,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,wed,28,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +52,admin.,single,unknown,unknown,no,yes,cellular,may,wed,346,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,management,married,university.degree,unknown,yes,yes,cellular,may,wed,172,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,services,married,basic.9y,no,yes,no,cellular,may,wed,523,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,management,single,university.degree,no,yes,yes,cellular,may,wed,147,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,management,divorced,university.degree,no,yes,yes,cellular,may,wed,265,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +54,technician,divorced,university.degree,no,yes,no,cellular,may,wed,57,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +40,services,married,high.school,no,no,no,cellular,may,wed,246,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,wed,82,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,entrepreneur,single,high.school,no,yes,yes,cellular,may,wed,328,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,admin.,single,high.school,no,no,no,cellular,may,wed,151,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,management,married,university.degree,no,yes,no,cellular,may,wed,85,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +51,management,divorced,university.degree,no,no,no,cellular,may,wed,345,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,168,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,entrepreneur,married,university.degree,no,yes,no,cellular,may,wed,239,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +52,services,married,basic.6y,no,yes,no,cellular,may,wed,169,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +58,retired,married,basic.4y,no,yes,no,cellular,may,wed,358,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,may,wed,116,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,222,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,technician,married,university.degree,no,no,no,cellular,may,wed,1489,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +33,entrepreneur,married,basic.9y,no,no,no,cellular,may,wed,349,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +30,services,married,high.school,unknown,no,yes,cellular,may,wed,102,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,admin.,single,university.degree,no,no,yes,cellular,may,wed,593,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,single,high.school,no,no,yes,cellular,may,wed,1347,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +28,admin.,single,university.degree,no,yes,no,cellular,may,wed,69,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,technician,single,university.degree,no,no,no,cellular,may,wed,307,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,242,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,self-employed,divorced,university.degree,no,no,no,cellular,may,wed,143,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,129,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,320,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,290,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +44,unemployed,married,basic.9y,no,yes,no,cellular,may,wed,206,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,self-employed,married,basic.9y,no,no,no,cellular,may,wed,270,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,entrepreneur,married,basic.6y,no,no,no,cellular,may,wed,1369,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,wed,456,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,married,basic.4y,unknown,no,yes,cellular,may,wed,17,3,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +49,services,single,high.school,no,no,yes,cellular,may,wed,231,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,admin.,married,high.school,no,yes,no,cellular,may,wed,293,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,services,married,high.school,no,no,no,cellular,may,wed,215,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,technician,married,professional.course,no,no,yes,cellular,may,wed,273,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,804,2,9,1,success,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,entrepreneur,single,professional.course,no,yes,no,cellular,may,wed,606,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,may,wed,142,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +44,admin.,married,basic.9y,unknown,no,no,cellular,may,wed,217,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +35,admin.,single,university.degree,no,no,no,cellular,may,wed,261,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +32,services,married,high.school,no,yes,no,telephone,may,wed,309,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +37,admin.,married,university.degree,no,no,no,cellular,may,wed,232,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.6y,unknown,no,yes,cellular,may,wed,152,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +50,admin.,divorced,university.degree,no,yes,no,cellular,may,wed,335,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +52,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,437,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,married,high.school,no,no,no,telephone,may,wed,167,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,140,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,458,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,may,wed,91,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,284,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +45,services,divorced,high.school,unknown,no,no,cellular,may,wed,185,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +28,blue-collar,single,basic.9y,unknown,no,no,cellular,may,wed,77,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +29,student,single,basic.9y,no,no,no,cellular,may,wed,467,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,187,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +45,entrepreneur,married,university.degree,no,yes,no,cellular,may,wed,1074,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +37,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,97,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,services,married,high.school,no,no,yes,cellular,may,wed,362,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,technician,divorced,professional.course,no,no,yes,cellular,may,wed,445,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +46,services,married,basic.9y,no,no,yes,cellular,may,wed,227,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,may,wed,281,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +52,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,667,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +33,blue-collar,married,basic.6y,no,yes,yes,cellular,may,wed,686,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,157,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +48,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,22,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,services,married,high.school,no,yes,no,telephone,may,wed,276,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,blue-collar,married,unknown,no,no,no,cellular,may,wed,232,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +43,unemployed,married,basic.4y,no,no,no,cellular,may,wed,117,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +59,admin.,married,high.school,no,no,no,cellular,may,wed,232,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +39,technician,single,professional.course,no,no,no,cellular,may,wed,940,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +42,services,married,high.school,no,yes,no,cellular,may,wed,337,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +34,housemaid,married,high.school,unknown,no,no,cellular,may,wed,361,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +31,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,796,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,no +38,technician,single,university.degree,no,yes,yes,cellular,may,wed,606,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.334,5099.1,yes +39,technician,married,professional.course,no,no,no,cellular,may,thu,31,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +57,admin.,married,high.school,unknown,yes,no,cellular,may,thu,55,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,technician,single,professional.course,no,no,no,cellular,may,thu,86,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,admin.,single,university.degree,no,no,no,cellular,may,thu,219,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,management,married,unknown,no,no,no,telephone,may,thu,25,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,blue-collar,married,basic.4y,unknown,no,no,cellular,may,thu,210,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,thu,16,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +51,services,married,professional.course,unknown,no,no,cellular,may,thu,113,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,315,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,services,married,basic.9y,unknown,yes,no,cellular,may,thu,343,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,management,married,basic.4y,no,no,no,cellular,may,thu,175,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,82,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,admin.,divorced,basic.9y,unknown,no,no,cellular,may,thu,270,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,technician,married,university.degree,no,yes,no,cellular,may,thu,83,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,57,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,management,married,basic.4y,no,yes,no,cellular,may,thu,124,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,admin.,single,high.school,no,yes,no,cellular,may,thu,240,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,413,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,technician,married,university.degree,no,yes,no,telephone,may,thu,755,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,admin.,single,high.school,no,yes,yes,cellular,may,thu,106,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,admin.,single,high.school,no,yes,no,cellular,may,thu,187,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,housemaid,single,high.school,no,yes,no,cellular,may,thu,633,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +50,blue-collar,married,professional.course,no,yes,no,cellular,may,thu,247,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,management,married,university.degree,no,no,no,cellular,may,thu,370,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,205,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +50,blue-collar,married,professional.course,unknown,yes,no,cellular,may,thu,51,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,may,thu,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +50,blue-collar,married,professional.course,unknown,yes,no,cellular,may,thu,157,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,531,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,technician,single,professional.course,no,yes,no,cellular,may,thu,512,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,admin.,married,high.school,no,yes,no,cellular,may,thu,155,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,263,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,204,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,98,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,82,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,31,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,admin.,single,high.school,no,no,no,cellular,may,thu,923,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +36,blue-collar,married,basic.4y,no,unknown,unknown,cellular,may,thu,92,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,47,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,admin.,single,basic.6y,no,no,no,cellular,may,thu,22,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,entrepreneur,divorced,basic.6y,no,no,yes,cellular,may,thu,149,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +54,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,98,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,may,thu,62,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,single,university.degree,unknown,no,no,cellular,may,thu,203,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +24,services,single,high.school,unknown,yes,no,cellular,may,thu,689,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,102,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,technician,married,professional.course,no,yes,no,cellular,may,thu,191,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,admin.,single,high.school,no,yes,no,cellular,may,thu,27,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,admin.,single,high.school,no,yes,no,cellular,may,thu,203,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,admin.,single,high.school,no,yes,yes,cellular,may,thu,277,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,may,thu,722,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,technician,married,professional.course,no,yes,no,cellular,may,thu,449,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,management,married,high.school,no,yes,no,telephone,may,thu,224,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,thu,189,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,services,married,high.school,no,yes,no,telephone,may,thu,45,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,thu,248,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,admin.,single,high.school,no,yes,yes,cellular,may,thu,127,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,admin.,single,university.degree,no,no,no,cellular,may,thu,189,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,549,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,admin.,single,professional.course,no,yes,yes,cellular,may,thu,104,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,entrepreneur,married,unknown,no,yes,yes,cellular,may,thu,85,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,single,basic.9y,no,no,yes,cellular,may,thu,252,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +54,technician,single,university.degree,no,yes,yes,cellular,may,thu,121,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,services,married,high.school,no,yes,no,cellular,may,thu,197,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,348,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +57,retired,divorced,high.school,no,yes,yes,cellular,may,thu,265,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +54,technician,single,university.degree,no,yes,no,cellular,may,thu,333,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,unknown,no,yes,no,cellular,may,thu,25,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,623,1,10,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +32,admin.,married,high.school,no,no,no,cellular,may,thu,84,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,unknown,no,yes,no,cellular,may,thu,131,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,high.school,no,yes,no,cellular,may,thu,132,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,high.school,no,no,no,cellular,may,thu,104,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,admin.,single,high.school,no,yes,no,cellular,may,thu,19,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,high.school,no,no,no,cellular,may,thu,187,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,entrepreneur,single,university.degree,no,no,no,cellular,may,thu,197,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,married,basic.9y,no,unknown,unknown,cellular,may,thu,50,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,201,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,thu,171,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,services,married,high.school,unknown,yes,no,cellular,may,thu,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,blue-collar,single,basic.9y,unknown,no,no,cellular,may,thu,183,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,admin.,married,basic.9y,no,no,no,cellular,may,thu,113,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,317,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,admin.,married,high.school,no,no,no,cellular,may,thu,329,1,6,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.6y,no,yes,yes,cellular,may,thu,95,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,services,married,basic.9y,no,yes,no,cellular,may,thu,144,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,1957,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,admin.,married,high.school,no,yes,no,cellular,may,thu,556,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,49,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,393,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,management,married,university.degree,unknown,yes,no,cellular,may,thu,383,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,may,thu,141,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,services,married,university.degree,no,no,no,cellular,may,thu,70,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,327,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,375,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +47,technician,divorced,university.degree,unknown,yes,no,cellular,may,thu,101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,self-employed,married,professional.course,no,yes,no,cellular,may,thu,46,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,services,single,high.school,no,no,no,cellular,may,thu,146,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,services,single,high.school,no,no,yes,cellular,may,thu,184,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,technician,single,professional.course,no,yes,no,cellular,may,thu,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,admin.,married,university.degree,no,yes,yes,cellular,may,thu,148,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +50,services,divorced,basic.9y,no,yes,no,cellular,may,thu,429,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +25,services,single,high.school,no,no,no,cellular,may,thu,213,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,technician,married,university.degree,no,yes,no,cellular,may,thu,402,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,married,basic.9y,no,unknown,unknown,cellular,may,thu,155,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,self-employed,divorced,university.degree,no,yes,no,cellular,may,thu,130,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,self-employed,divorced,university.degree,no,yes,no,cellular,may,thu,155,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,single,professional.course,no,no,no,cellular,may,thu,290,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +60,admin.,single,university.degree,no,yes,yes,cellular,may,thu,107,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +60,admin.,single,university.degree,no,no,no,cellular,may,thu,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,technician,single,high.school,unknown,yes,yes,cellular,may,thu,754,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,services,married,professional.course,no,yes,yes,telephone,may,thu,29,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,self-employed,divorced,university.degree,no,no,no,cellular,may,thu,345,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,services,married,professional.course,no,no,no,cellular,may,thu,48,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,services,married,professional.course,no,yes,no,cellular,may,thu,92,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,193,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,student,single,university.degree,unknown,no,no,telephone,may,thu,149,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,252,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +52,entrepreneur,married,high.school,no,yes,no,cellular,may,thu,69,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +52,entrepreneur,married,high.school,no,yes,no,cellular,may,thu,198,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,services,married,high.school,no,no,no,telephone,may,thu,63,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,admin.,single,unknown,no,yes,no,cellular,may,thu,172,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,83,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,blue-collar,married,university.degree,unknown,yes,no,cellular,may,thu,462,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,services,married,high.school,no,yes,no,cellular,may,thu,397,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,admin.,married,professional.course,no,no,no,cellular,may,thu,229,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,single,professional.course,no,yes,yes,cellular,may,thu,1046,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +32,admin.,single,professional.course,no,no,no,cellular,may,thu,1145,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,single,basic.6y,no,no,no,cellular,may,thu,159,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,services,married,high.school,unknown,no,no,cellular,may,thu,56,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,admin.,divorced,university.degree,no,yes,no,cellular,may,thu,1148,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +40,unemployed,married,professional.course,no,yes,no,cellular,may,thu,609,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +51,services,divorced,high.school,no,no,no,cellular,may,thu,502,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,162,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,technician,single,professional.course,no,yes,no,cellular,may,thu,855,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +30,blue-collar,single,basic.6y,no,yes,no,cellular,may,thu,542,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +35,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,91,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,unemployed,single,university.degree,no,yes,no,cellular,may,thu,245,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,123,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,blue-collar,divorced,unknown,no,yes,no,cellular,may,thu,40,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,234,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,blue-collar,divorced,unknown,no,no,no,cellular,may,thu,126,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,technician,single,high.school,no,yes,yes,cellular,may,thu,609,1,11,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +45,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,may,thu,219,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +57,retired,married,basic.6y,no,yes,no,cellular,may,thu,128,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +57,retired,married,basic.6y,no,no,yes,cellular,may,thu,93,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +57,retired,married,basic.6y,no,yes,no,cellular,may,thu,189,1,6,2,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,divorced,high.school,no,yes,no,cellular,may,thu,217,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,services,married,basic.9y,no,yes,no,cellular,may,thu,302,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,services,single,university.degree,no,yes,no,cellular,may,thu,223,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,102,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,11,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +55,self-employed,married,basic.9y,no,yes,no,cellular,may,thu,1191,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,406,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,thu,36,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,blue-collar,single,high.school,no,no,no,cellular,may,thu,16,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,services,single,university.degree,no,yes,no,cellular,may,thu,551,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,blue-collar,divorced,high.school,no,yes,no,cellular,may,thu,158,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,blue-collar,single,high.school,no,no,no,cellular,may,thu,278,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,blue-collar,divorced,high.school,no,no,no,cellular,may,thu,192,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,79,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,273,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,thu,143,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,blue-collar,married,basic.4y,no,no,yes,cellular,may,thu,346,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,blue-collar,divorced,high.school,no,yes,no,cellular,may,thu,272,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,blue-collar,divorced,high.school,no,no,no,cellular,may,thu,282,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,married,high.school,no,no,yes,cellular,may,thu,147,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,management,married,basic.4y,no,yes,no,cellular,may,thu,60,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.4y,unknown,no,yes,cellular,may,thu,50,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,management,married,university.degree,no,yes,no,cellular,may,thu,239,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,technician,married,university.degree,no,unknown,unknown,cellular,may,thu,86,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,management,married,basic.6y,unknown,no,no,cellular,may,thu,163,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,356,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,services,divorced,high.school,unknown,no,no,cellular,may,thu,124,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,technician,single,high.school,no,yes,no,cellular,may,thu,229,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,technician,single,high.school,no,yes,no,cellular,may,thu,208,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,services,divorced,high.school,unknown,yes,no,cellular,may,thu,236,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,management,married,university.degree,no,no,no,cellular,may,thu,647,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +36,technician,single,high.school,no,yes,no,cellular,may,thu,426,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,thu,625,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +38,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,259,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +51,services,divorced,basic.6y,no,no,yes,cellular,may,thu,122,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,admin.,married,high.school,no,yes,yes,cellular,may,thu,574,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +41,management,married,university.degree,no,no,yes,cellular,may,thu,35,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,unemployed,single,university.degree,no,no,no,cellular,may,thu,213,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,technician,married,professional.course,unknown,yes,no,cellular,may,thu,46,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,blue-collar,single,basic.4y,no,no,no,cellular,may,thu,128,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,management,married,university.degree,no,yes,no,cellular,may,thu,93,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,admin.,single,basic.9y,unknown,yes,no,cellular,may,thu,983,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +35,technician,single,professional.course,no,yes,no,cellular,may,thu,49,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +49,admin.,divorced,high.school,no,yes,no,cellular,may,thu,168,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,technician,single,professional.course,no,yes,no,cellular,may,thu,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,technician,divorced,professional.course,no,no,no,cellular,may,thu,31,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +47,management,married,university.degree,unknown,yes,no,cellular,may,thu,72,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,technician,married,professional.course,no,yes,no,cellular,may,thu,232,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,services,single,professional.course,unknown,yes,no,cellular,may,thu,199,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,admin.,married,basic.9y,no,yes,no,cellular,may,thu,279,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,314,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,282,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,282,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,technician,married,professional.course,no,yes,no,cellular,may,thu,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,391,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +48,blue-collar,married,basic.4y,no,unknown,unknown,cellular,may,thu,313,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +47,self-employed,married,basic.4y,unknown,no,no,cellular,may,thu,168,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,may,thu,199,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +47,services,married,high.school,no,no,no,cellular,may,thu,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,unknown,no,no,no,cellular,may,thu,446,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,thu,275,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,self-employed,married,basic.4y,no,no,no,cellular,may,thu,281,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,thu,143,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +24,student,single,university.degree,no,yes,no,cellular,may,thu,362,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,admin.,married,university.degree,no,yes,yes,cellular,may,thu,165,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,married,basic.6y,unknown,yes,yes,cellular,may,thu,65,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,thu,320,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,services,married,basic.9y,no,yes,no,cellular,may,thu,166,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,technician,married,university.degree,no,yes,no,cellular,may,thu,248,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,married,basic.6y,unknown,no,no,cellular,may,thu,170,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,blue-collar,single,basic.4y,no,no,yes,cellular,may,thu,54,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,technician,divorced,professional.course,no,no,no,cellular,may,thu,569,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,thu,220,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,services,married,high.school,no,no,no,cellular,may,thu,57,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,490,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,married,high.school,no,yes,no,cellular,may,thu,59,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,158,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,147,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.4y,no,yes,yes,cellular,may,thu,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,134,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,services,married,basic.9y,no,no,yes,cellular,may,thu,447,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,admin.,single,high.school,no,yes,no,cellular,may,thu,304,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,services,married,professional.course,no,no,no,cellular,may,thu,293,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,management,married,university.degree,no,no,yes,cellular,may,thu,130,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,services,married,high.school,no,yes,no,cellular,may,thu,1129,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +34,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,41,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,may,thu,242,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,technician,married,professional.course,no,yes,yes,cellular,may,thu,113,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,263,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,199,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +49,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,105,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,thu,332,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,management,married,unknown,no,no,no,cellular,may,thu,155,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,271,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,high.school,no,no,yes,cellular,may,thu,142,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,technician,single,high.school,no,yes,no,cellular,may,thu,491,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,thu,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,admin.,married,high.school,no,no,no,cellular,may,thu,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,admin.,married,high.school,no,no,yes,cellular,may,thu,154,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,blue-collar,married,professional.course,unknown,yes,no,cellular,may,thu,196,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,may,thu,290,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,technician,married,university.degree,no,yes,no,telephone,may,thu,309,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,technician,married,university.degree,no,yes,no,cellular,may,thu,69,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,admin.,single,high.school,unknown,yes,yes,cellular,may,thu,275,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,481,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +45,admin.,divorced,basic.9y,unknown,yes,no,cellular,may,thu,355,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,services,single,high.school,no,yes,no,cellular,may,thu,230,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,services,single,high.school,no,yes,no,telephone,may,thu,207,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,admin.,single,high.school,no,yes,yes,cellular,may,thu,326,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,blue-collar,single,basic.9y,no,yes,yes,cellular,may,thu,468,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,125,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +56,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,118,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,172,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +23,student,single,basic.9y,no,yes,yes,cellular,may,thu,6,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,management,married,university.degree,no,yes,no,cellular,may,thu,188,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,technician,married,professional.course,no,no,no,cellular,may,thu,55,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,management,single,university.degree,unknown,no,no,cellular,may,thu,412,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,management,married,university.degree,no,no,no,cellular,may,thu,245,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,blue-collar,single,basic.4y,no,no,yes,cellular,may,thu,213,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,may,thu,361,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,160,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,admin.,single,basic.9y,unknown,yes,no,cellular,may,thu,661,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +37,management,divorced,university.degree,no,no,no,cellular,may,thu,51,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,technician,married,professional.course,no,no,no,cellular,may,thu,183,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,thu,99,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,thu,110,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,blue-collar,single,basic.9y,unknown,yes,yes,cellular,may,thu,101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,technician,divorced,high.school,no,yes,no,cellular,may,thu,174,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,services,single,high.school,no,yes,no,cellular,may,thu,66,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,technician,married,university.degree,no,no,no,cellular,may,thu,191,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,services,single,high.school,no,yes,yes,cellular,may,thu,332,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,management,married,university.degree,no,yes,no,cellular,may,thu,162,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,management,married,university.degree,no,yes,no,cellular,may,thu,55,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,admin.,divorced,high.school,no,yes,no,cellular,may,thu,304,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,management,married,university.degree,no,yes,no,cellular,may,thu,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,unemployed,divorced,high.school,unknown,yes,no,cellular,may,thu,43,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,blue-collar,single,basic.9y,unknown,yes,yes,cellular,may,thu,623,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +32,services,married,high.school,no,no,no,cellular,may,thu,213,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,56,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,219,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,technician,single,basic.9y,no,yes,no,cellular,may,thu,263,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +50,admin.,married,basic.9y,no,unknown,unknown,cellular,may,thu,446,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,267,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,135,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,services,married,high.school,unknown,no,no,cellular,may,thu,67,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,228,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,476,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,118,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,blue-collar,married,high.school,unknown,no,no,cellular,may,thu,207,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,193,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,management,married,university.degree,no,no,no,cellular,may,thu,247,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,services,single,high.school,no,no,no,cellular,may,thu,122,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,services,married,professional.course,no,yes,no,cellular,may,thu,103,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,blue-collar,married,basic.4y,no,unknown,unknown,cellular,may,thu,67,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,single,university.degree,unknown,no,no,cellular,may,thu,159,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,technician,divorced,high.school,no,yes,no,cellular,may,thu,121,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,admin.,married,high.school,no,yes,no,cellular,may,thu,182,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,student,single,high.school,no,yes,no,cellular,may,thu,101,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,management,married,professional.course,no,yes,no,cellular,may,thu,156,1,6,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,services,single,high.school,no,no,no,cellular,may,thu,957,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +44,self-employed,divorced,professional.course,no,yes,no,cellular,may,thu,652,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,technician,married,professional.course,no,yes,no,cellular,may,thu,258,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,72,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,unknown,no,yes,no,cellular,may,thu,349,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,management,married,university.degree,unknown,yes,no,cellular,may,thu,281,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,self-employed,married,professional.course,no,yes,no,cellular,may,thu,104,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,management,single,university.degree,no,no,no,telephone,may,thu,287,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +51,management,divorced,university.degree,no,yes,no,cellular,may,thu,154,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,services,single,high.school,no,yes,no,cellular,may,thu,193,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +52,technician,married,professional.course,no,no,no,cellular,may,thu,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,services,single,high.school,no,yes,yes,cellular,may,thu,356,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,management,single,university.degree,no,no,no,cellular,may,thu,122,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,management,single,university.degree,no,yes,no,telephone,may,thu,140,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,technician,divorced,professional.course,no,yes,no,cellular,may,thu,135,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +59,retired,divorced,high.school,unknown,no,no,cellular,may,thu,97,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +48,admin.,divorced,university.degree,no,yes,no,cellular,may,thu,590,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,services,married,high.school,no,yes,no,cellular,may,thu,87,2,12,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,divorced,high.school,no,yes,no,cellular,may,thu,633,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,may,thu,92,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +48,blue-collar,married,basic.4y,no,no,yes,cellular,may,thu,370,2,1,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,blue-collar,single,basic.4y,no,yes,no,cellular,may,thu,560,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,admin.,single,unknown,no,yes,no,cellular,may,thu,473,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,352,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +51,services,divorced,high.school,unknown,yes,no,cellular,may,thu,295,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,entrepreneur,married,basic.6y,no,no,no,cellular,may,thu,121,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,admin.,single,high.school,no,yes,no,cellular,may,thu,360,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,blue-collar,married,basic.6y,no,yes,yes,cellular,may,thu,195,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,services,married,basic.9y,no,no,no,cellular,may,thu,225,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,single,university.degree,unknown,yes,no,cellular,may,thu,166,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,may,thu,589,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,unemployed,married,basic.4y,no,no,no,cellular,may,thu,228,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +58,technician,divorced,university.degree,no,no,no,cellular,may,thu,101,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,thu,102,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,may,thu,178,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,university.degree,no,no,no,cellular,may,thu,235,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,services,married,professional.course,unknown,yes,yes,cellular,may,thu,18,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,253,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,technician,married,professional.course,no,no,no,cellular,may,thu,347,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +40,technician,single,university.degree,no,no,no,telephone,may,thu,430,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,may,thu,100,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,married,university.degree,no,no,no,cellular,may,thu,1030,1,6,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +31,services,divorced,high.school,unknown,no,no,cellular,may,thu,45,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,127,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,56,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,technician,married,professional.course,no,yes,no,cellular,may,thu,1254,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +55,technician,married,university.degree,no,yes,yes,cellular,may,thu,895,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +28,services,married,basic.9y,unknown,yes,yes,cellular,may,thu,65,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,270,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,entrepreneur,married,high.school,no,no,no,telephone,may,thu,325,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,admin.,married,high.school,no,no,yes,cellular,may,thu,279,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,management,married,university.degree,unknown,no,yes,cellular,may,thu,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,entrepreneur,married,high.school,no,yes,no,cellular,may,thu,539,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,admin.,married,high.school,no,no,no,cellular,may,thu,643,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,blue-collar,married,basic.4y,unknown,no,yes,cellular,may,thu,262,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,self-employed,married,basic.9y,no,no,no,cellular,may,thu,54,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,admin.,married,high.school,no,yes,no,cellular,may,thu,798,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +36,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,115,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +50,admin.,married,basic.9y,no,no,no,cellular,may,thu,95,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,unemployed,married,basic.6y,no,yes,no,cellular,may,thu,425,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,blue-collar,married,professional.course,unknown,no,no,cellular,may,thu,153,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +38,admin.,single,university.degree,no,no,yes,cellular,may,thu,266,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,57,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,admin.,single,basic.9y,unknown,yes,no,cellular,may,thu,33,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,thu,330,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,management,married,university.degree,no,no,no,cellular,may,thu,304,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +27,blue-collar,single,high.school,no,no,yes,cellular,may,thu,308,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +54,admin.,married,high.school,no,yes,no,cellular,may,thu,594,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +56,blue-collar,married,basic.4y,unknown,no,no,cellular,may,thu,373,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,thu,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,married,basic.4y,unknown,unknown,unknown,cellular,may,thu,314,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,services,single,high.school,no,no,yes,cellular,may,thu,50,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,blue-collar,single,basic.6y,unknown,no,yes,cellular,may,thu,245,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,management,married,university.degree,no,yes,no,cellular,may,thu,247,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,management,married,university.degree,no,no,no,cellular,may,thu,437,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,management,married,university.degree,no,yes,no,cellular,may,thu,458,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,96,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +49,technician,single,high.school,no,no,yes,cellular,may,thu,253,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,admin.,married,professional.course,no,no,no,cellular,may,thu,271,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,services,married,high.school,no,no,no,cellular,may,thu,227,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,services,married,high.school,no,unknown,unknown,cellular,may,thu,582,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,technician,single,professional.course,no,no,yes,cellular,may,thu,423,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,entrepreneur,divorced,basic.6y,no,no,no,cellular,may,thu,422,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,single,university.degree,no,no,yes,cellular,may,thu,49,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,blue-collar,married,basic.6y,no,no,yes,cellular,may,thu,244,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,management,single,university.degree,no,yes,no,cellular,may,thu,924,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,126,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,services,married,professional.course,no,yes,no,cellular,may,thu,188,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +59,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,190,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,580,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,admin.,married,university.degree,no,no,no,cellular,may,thu,227,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +59,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,600,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,580,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,admin.,married,basic.9y,no,yes,yes,cellular,may,thu,639,2,10,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,244,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,admin.,married,university.degree,no,no,no,cellular,may,thu,245,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,single,basic.4y,no,no,yes,cellular,may,thu,178,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,212,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,technician,married,professional.course,no,unknown,unknown,cellular,may,thu,35,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,227,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,divorced,university.degree,no,no,yes,cellular,may,thu,201,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,services,married,basic.9y,no,yes,no,cellular,may,thu,158,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,admin.,married,high.school,no,no,yes,cellular,may,thu,198,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,1806,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +48,blue-collar,married,professional.course,no,no,no,cellular,may,thu,146,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +54,admin.,married,high.school,no,no,no,cellular,may,thu,202,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,556,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,728,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,technician,married,professional.course,no,no,no,cellular,may,thu,189,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,services,married,high.school,no,no,no,cellular,may,thu,262,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,admin.,single,high.school,unknown,no,no,cellular,may,thu,1391,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +30,services,single,high.school,no,no,no,cellular,may,thu,132,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,services,married,basic.9y,unknown,no,no,telephone,may,thu,11,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,166,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,unemployed,married,basic.9y,no,yes,yes,cellular,may,thu,217,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,single,basic.9y,no,no,yes,cellular,may,thu,1516,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +41,admin.,single,high.school,no,no,no,telephone,may,thu,202,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,technician,divorced,university.degree,no,yes,yes,cellular,may,thu,252,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,admin.,divorced,high.school,no,yes,no,cellular,may,thu,350,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,93,4,999,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,services,married,professional.course,unknown,yes,no,cellular,may,thu,428,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +24,student,single,university.degree,no,no,no,telephone,may,thu,908,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,student,single,basic.9y,unknown,yes,no,cellular,may,thu,246,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,140,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,admin.,single,professional.course,no,yes,no,cellular,may,thu,603,2,7,2,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,592,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,services,single,high.school,no,no,yes,cellular,may,thu,195,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,student,single,university.degree,unknown,yes,no,cellular,may,thu,191,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,technician,divorced,professional.course,no,yes,no,cellular,may,thu,245,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,entrepreneur,single,basic.9y,unknown,no,no,cellular,may,thu,300,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,services,married,high.school,no,yes,no,cellular,may,thu,739,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +56,admin.,married,basic.9y,no,no,yes,cellular,may,thu,225,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,429,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,management,married,university.degree,no,yes,no,cellular,may,thu,293,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,434,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,services,married,high.school,unknown,no,no,telephone,may,thu,79,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +40,services,married,high.school,unknown,no,no,cellular,may,thu,388,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,services,married,high.school,no,yes,no,cellular,may,thu,128,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,services,single,high.school,no,yes,yes,cellular,may,thu,269,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,services,married,high.school,no,yes,yes,cellular,may,thu,273,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +48,blue-collar,married,professional.course,no,no,yes,cellular,may,thu,291,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,364,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,unknown,no,no,no,cellular,may,thu,249,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,services,married,professional.course,no,yes,no,cellular,may,thu,109,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,services,single,high.school,no,no,no,cellular,may,thu,337,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,219,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,thu,235,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,unemployed,married,professional.course,no,yes,no,cellular,may,thu,700,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,admin.,single,basic.9y,unknown,yes,yes,cellular,may,thu,161,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,technician,single,professional.course,no,no,yes,cellular,may,thu,181,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,student,single,basic.9y,unknown,yes,yes,cellular,may,thu,432,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,technician,married,professional.course,unknown,yes,no,cellular,may,thu,476,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,blue-collar,divorced,basic.6y,unknown,no,no,cellular,may,thu,877,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +24,services,single,high.school,unknown,yes,no,cellular,may,thu,263,2,10,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,unknown,no,no,no,cellular,may,thu,156,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,792,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +49,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,589,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,services,married,high.school,no,unknown,unknown,cellular,may,thu,215,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,management,married,university.degree,no,yes,yes,cellular,may,thu,84,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,329,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +48,technician,married,basic.9y,no,no,no,cellular,may,thu,553,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +38,technician,married,university.degree,no,yes,no,cellular,may,thu,174,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +47,admin.,single,basic.9y,no,no,no,cellular,may,thu,253,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +47,management,married,university.degree,no,yes,no,cellular,may,thu,127,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,management,married,university.degree,no,yes,yes,cellular,may,thu,265,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,management,married,university.degree,no,no,no,cellular,may,thu,272,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,admin.,married,high.school,unknown,yes,no,cellular,may,thu,113,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,admin.,divorced,professional.course,no,no,no,cellular,may,thu,37,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,self-employed,married,basic.9y,no,yes,no,cellular,may,thu,1135,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +31,management,single,university.degree,no,yes,no,cellular,may,thu,239,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +53,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,376,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,admin.,single,university.degree,no,yes,no,cellular,may,thu,255,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +49,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,324,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,228,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,technician,married,professional.course,no,no,no,cellular,may,thu,20,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +37,blue-collar,married,basic.6y,unknown,no,no,cellular,may,thu,635,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,admin.,single,high.school,no,no,no,cellular,may,thu,209,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,management,single,university.degree,no,unknown,unknown,cellular,may,thu,274,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,technician,married,professional.course,no,no,yes,cellular,may,thu,831,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +34,services,single,high.school,no,yes,no,cellular,may,thu,541,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,blue-collar,unknown,unknown,no,no,no,cellular,may,thu,162,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,admin.,divorced,high.school,no,yes,yes,cellular,may,thu,892,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,admin.,married,basic.6y,no,yes,no,telephone,may,thu,123,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,technician,single,university.degree,unknown,yes,no,cellular,may,thu,63,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,thu,882,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +46,admin.,married,high.school,no,yes,no,telephone,may,thu,146,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,married,basic.4y,no,yes,yes,cellular,may,thu,463,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +51,self-employed,married,high.school,no,yes,no,cellular,may,thu,43,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +55,unemployed,divorced,university.degree,no,no,no,cellular,may,thu,190,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,services,married,high.school,no,no,no,cellular,may,thu,62,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,thu,350,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,273,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,thu,172,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,thu,304,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +33,admin.,married,university.degree,no,no,no,cellular,may,thu,245,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +49,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,411,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,251,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +26,services,single,high.school,no,yes,no,cellular,may,thu,177,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +25,services,single,high.school,no,yes,no,cellular,may,thu,239,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,technician,single,professional.course,no,yes,no,cellular,may,thu,100,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +42,admin.,married,high.school,no,unknown,unknown,cellular,may,thu,878,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +41,services,single,unknown,no,yes,no,cellular,may,thu,206,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +35,blue-collar,married,unknown,no,yes,no,cellular,may,thu,1262,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +35,management,married,university.degree,no,no,no,cellular,may,thu,597,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,yes +50,admin.,married,basic.9y,no,yes,no,telephone,may,thu,138,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +50,blue-collar,married,basic.4y,unknown,no,no,cellular,may,thu,857,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,admin.,divorced,basic.9y,unknown,no,no,cellular,may,thu,133,1,12,1,success,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +46,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,10,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,technician,married,professional.course,unknown,no,no,cellular,may,thu,681,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +29,services,married,professional.course,no,no,no,cellular,may,thu,1051,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,technician,single,university.degree,no,no,no,cellular,may,thu,235,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,admin.,single,high.school,no,no,no,cellular,may,thu,42,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,technician,single,university.degree,no,yes,no,cellular,may,thu,59,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +56,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,369,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,212,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,unknown,no,no,no,telephone,may,thu,55,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.4y,no,yes,yes,cellular,may,thu,490,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,227,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +48,services,married,high.school,no,no,no,cellular,may,thu,388,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +45,technician,married,professional.course,no,yes,yes,cellular,may,thu,702,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,1297,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +28,technician,married,university.degree,no,yes,no,cellular,may,thu,201,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,155,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,208,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,189,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +30,blue-collar,single,high.school,unknown,yes,no,cellular,may,thu,340,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +44,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,thu,148,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,services,married,basic.6y,unknown,yes,no,cellular,may,thu,378,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +58,technician,divorced,university.degree,no,no,no,cellular,may,thu,181,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,blue-collar,married,unknown,no,no,yes,cellular,may,thu,373,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +57,retired,married,basic.6y,no,no,no,cellular,may,thu,873,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.327,5099.1,no +41,technician,married,university.degree,no,yes,yes,cellular,may,fri,170,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,fri,141,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,blue-collar,married,basic.9y,unknown,no,no,cellular,may,fri,182,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +25,admin.,single,high.school,no,no,no,telephone,may,fri,128,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,management,divorced,university.degree,no,yes,no,cellular,may,fri,156,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +50,blue-collar,divorced,basic.9y,no,no,no,cellular,may,fri,262,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,single,basic.4y,no,no,yes,cellular,may,fri,328,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,blue-collar,married,basic.4y,unknown,no,no,telephone,may,fri,142,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,admin.,married,high.school,unknown,yes,no,telephone,may,fri,17,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,may,fri,143,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,technician,married,professional.course,unknown,yes,no,cellular,may,fri,608,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,admin.,single,university.degree,no,yes,no,cellular,may,fri,150,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,management,single,high.school,no,yes,yes,cellular,may,fri,130,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,admin.,single,university.degree,unknown,no,no,telephone,may,fri,145,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,single,unknown,no,yes,no,cellular,may,fri,191,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,management,single,university.degree,no,no,yes,cellular,may,fri,662,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +38,services,married,high.school,no,yes,yes,cellular,may,fri,302,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,admin.,single,university.degree,unknown,yes,yes,cellular,may,fri,440,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,41,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +48,admin.,married,basic.9y,no,no,no,cellular,may,fri,253,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,admin.,divorced,professional.course,no,no,yes,cellular,may,fri,132,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +49,admin.,divorced,university.degree,no,yes,no,cellular,may,fri,164,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.4y,no,yes,no,cellular,may,fri,906,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,admin.,married,high.school,no,no,no,cellular,may,fri,131,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,admin.,married,high.school,no,no,no,cellular,may,fri,127,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,fri,104,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,fri,317,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,admin.,married,high.school,no,yes,no,cellular,may,fri,263,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,high.school,unknown,no,no,cellular,may,fri,67,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,admin.,divorced,high.school,no,no,no,cellular,may,fri,11,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,married,high.school,no,yes,yes,cellular,may,fri,165,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +25,admin.,single,high.school,no,yes,yes,cellular,may,fri,795,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,services,single,high.school,no,no,no,cellular,may,fri,98,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,services,married,high.school,no,yes,no,cellular,may,fri,729,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +27,blue-collar,single,high.school,no,no,no,cellular,may,fri,80,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,138,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,admin.,married,basic.9y,no,yes,yes,cellular,may,fri,85,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,single,basic.6y,unknown,no,no,cellular,may,fri,39,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,admin.,married,basic.9y,no,no,no,cellular,may,fri,159,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,basic.6y,no,yes,yes,cellular,may,fri,298,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,admin.,single,high.school,no,yes,no,cellular,may,fri,57,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,services,married,high.school,no,yes,no,cellular,may,fri,76,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,fri,56,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +56,management,divorced,university.degree,no,no,no,cellular,may,fri,166,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,technician,single,professional.course,no,yes,no,cellular,may,fri,68,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,services,married,high.school,no,yes,no,cellular,may,fri,88,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,married,basic.9y,no,no,yes,cellular,may,fri,1077,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +32,technician,divorced,professional.course,no,no,yes,cellular,may,fri,168,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,technician,single,professional.course,no,no,no,cellular,may,fri,440,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,student,single,university.degree,no,no,no,cellular,may,fri,81,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,student,single,university.degree,no,yes,no,cellular,may,fri,126,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +60,management,married,basic.4y,unknown,no,no,cellular,may,fri,65,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,services,divorced,high.school,no,yes,no,cellular,may,fri,380,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,services,married,high.school,unknown,no,no,cellular,may,fri,114,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,high.school,unknown,yes,no,cellular,may,fri,181,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,may,fri,157,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,services,single,basic.9y,no,yes,no,cellular,may,fri,293,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,fri,1022,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,admin.,married,high.school,no,yes,no,cellular,may,fri,106,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,technician,single,professional.course,unknown,yes,no,cellular,may,fri,264,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,divorced,university.degree,unknown,yes,no,cellular,may,fri,84,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,72,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,admin.,married,high.school,no,yes,no,cellular,may,fri,364,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,technician,married,professional.course,no,yes,no,cellular,may,fri,108,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,services,single,high.school,no,no,no,cellular,may,fri,7,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,unemployed,married,basic.9y,no,yes,no,cellular,may,fri,105,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,high.school,no,yes,no,cellular,may,fri,26,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,admin.,single,university.degree,unknown,yes,no,cellular,may,fri,266,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,206,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,yes,yes,cellular,may,fri,197,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,high.school,no,yes,no,cellular,may,fri,103,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,yes,yes,cellular,may,fri,328,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,technician,married,university.degree,no,yes,no,cellular,may,fri,285,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,63,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,divorced,university.degree,unknown,no,no,cellular,may,fri,776,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +37,technician,married,professional.course,no,yes,yes,cellular,may,fri,132,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,211,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,management,married,university.degree,no,yes,no,cellular,may,fri,53,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,no,yes,cellular,may,fri,763,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +35,services,single,high.school,no,yes,yes,cellular,may,fri,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,married,high.school,no,yes,no,cellular,may,fri,213,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,high.school,no,yes,no,cellular,may,fri,475,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,housemaid,married,basic.4y,no,yes,no,cellular,may,fri,240,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,services,single,high.school,no,no,no,cellular,may,fri,198,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,housemaid,married,basic.4y,no,yes,yes,cellular,may,fri,340,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,fri,247,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,fri,191,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,high.school,no,yes,no,cellular,may,fri,154,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,122,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,high.school,no,yes,no,cellular,may,fri,232,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,65,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,self-employed,married,university.degree,no,yes,no,cellular,may,fri,279,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,high.school,no,yes,no,cellular,may,fri,130,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,services,single,high.school,no,yes,no,cellular,may,fri,557,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,entrepreneur,married,basic.9y,no,yes,no,telephone,may,fri,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,services,single,high.school,unknown,no,no,cellular,may,fri,77,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,self-employed,married,university.degree,no,no,no,cellular,may,fri,395,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +46,admin.,divorced,basic.9y,no,yes,no,cellular,may,fri,275,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,admin.,single,university.degree,no,yes,yes,cellular,may,fri,171,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,entrepreneur,married,university.degree,no,no,no,cellular,may,fri,17,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,blue-collar,married,unknown,unknown,no,no,cellular,may,fri,265,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,40,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +57,retired,single,university.degree,no,no,no,cellular,may,fri,208,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,management,divorced,high.school,no,yes,no,cellular,may,fri,163,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,married,high.school,no,no,no,cellular,may,fri,240,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +58,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,74,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +49,blue-collar,single,unknown,unknown,yes,no,cellular,may,fri,49,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,technician,single,professional.course,no,yes,no,cellular,may,fri,70,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,university.degree,no,no,yes,cellular,may,fri,208,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,services,single,high.school,no,no,no,cellular,may,fri,103,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,self-employed,single,university.degree,no,no,no,cellular,may,fri,302,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +50,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,103,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,75,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,services,married,high.school,no,yes,no,cellular,may,fri,97,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,technician,divorced,professional.course,unknown,yes,no,cellular,may,fri,14,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +25,admin.,single,high.school,no,yes,yes,cellular,may,fri,137,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,services,married,high.school,unknown,yes,yes,cellular,may,fri,19,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,management,married,university.degree,no,yes,no,cellular,may,fri,144,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,entrepreneur,married,basic.6y,no,yes,yes,cellular,may,fri,158,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,services,single,basic.6y,unknown,no,yes,cellular,may,fri,307,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,self-employed,married,university.degree,no,no,no,cellular,may,fri,182,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,married,high.school,no,yes,no,cellular,may,fri,1281,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +51,blue-collar,married,university.degree,no,no,no,cellular,may,fri,153,4,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +24,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,389,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,technician,married,professional.course,no,no,no,cellular,may,fri,290,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,technician,married,professional.course,no,yes,yes,cellular,may,fri,134,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,fri,153,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,851,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,single,basic.6y,no,unknown,unknown,cellular,may,fri,295,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,entrepreneur,married,university.degree,no,yes,no,telephone,may,fri,139,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,services,single,high.school,unknown,no,no,cellular,may,fri,182,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,self-employed,married,university.degree,no,no,no,cellular,may,fri,704,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +33,technician,married,professional.course,no,yes,yes,cellular,may,fri,500,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,blue-collar,married,high.school,no,no,yes,cellular,may,fri,168,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,self-employed,single,university.degree,no,no,yes,cellular,may,fri,101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +55,entrepreneur,divorced,university.degree,unknown,no,no,cellular,may,fri,56,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +25,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,299,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,married,high.school,no,yes,no,cellular,may,fri,6,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,fri,159,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,services,single,high.school,no,no,no,cellular,may,fri,318,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,self-employed,single,university.degree,no,no,no,cellular,may,fri,263,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,single,basic.6y,no,unknown,unknown,telephone,may,fri,833,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +53,admin.,married,high.school,no,yes,no,cellular,may,fri,291,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,student,single,university.degree,no,no,no,cellular,may,fri,209,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +49,blue-collar,married,basic.4y,no,yes,no,cellular,may,fri,86,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,may,fri,80,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,52,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,technician,married,professional.course,no,yes,no,cellular,may,fri,346,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,813,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +44,management,divorced,university.degree,no,unknown,unknown,cellular,may,fri,47,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,technician,married,professional.course,no,no,no,cellular,may,fri,1014,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,612,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,144,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,single,university.degree,no,unknown,unknown,cellular,may,fri,498,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,232,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +51,management,married,university.degree,no,no,no,cellular,may,fri,203,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,management,single,university.degree,no,yes,no,cellular,may,fri,268,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,210,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +22,student,single,high.school,no,no,no,cellular,may,fri,312,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,management,married,university.degree,no,no,no,cellular,may,fri,364,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,technician,single,university.degree,no,unknown,unknown,cellular,may,fri,31,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,single,university.degree,no,no,no,cellular,may,fri,561,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,admin.,divorced,university.degree,no,no,no,telephone,may,fri,44,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,212,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,basic.9y,no,no,yes,cellular,may,fri,49,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +55,blue-collar,divorced,basic.4y,no,no,no,cellular,may,fri,278,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,single,university.degree,no,no,no,cellular,may,fri,763,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +56,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,50,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,admin.,married,university.degree,no,no,no,cellular,may,fri,402,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,349,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,technician,married,high.school,no,no,no,cellular,may,fri,134,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,services,married,high.school,no,no,yes,cellular,may,fri,343,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,services,married,high.school,no,yes,no,cellular,may,fri,120,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,services,married,high.school,no,yes,no,telephone,may,fri,128,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,fri,191,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,admin.,married,university.degree,unknown,yes,no,cellular,may,fri,114,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,services,single,high.school,unknown,no,no,cellular,may,fri,239,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,111,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,single,high.school,no,no,yes,cellular,may,fri,93,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,admin.,single,high.school,no,yes,no,cellular,may,fri,92,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,43,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,301,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,fri,88,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,87,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,student,single,university.degree,no,yes,yes,cellular,may,fri,108,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +46,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,577,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +46,admin.,married,basic.9y,unknown,no,no,cellular,may,fri,175,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,married,high.school,no,no,no,telephone,may,fri,396,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,98,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +49,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,86,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,single,unknown,unknown,no,no,cellular,may,fri,936,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,39,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +25,admin.,single,university.degree,no,yes,no,cellular,may,fri,80,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +57,services,divorced,unknown,no,no,no,cellular,may,fri,144,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,high.school,unknown,yes,no,cellular,may,fri,310,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,management,married,university.degree,no,no,no,cellular,may,fri,525,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,services,single,high.school,no,yes,no,cellular,may,fri,127,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +51,blue-collar,married,university.degree,no,yes,no,cellular,may,fri,99,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,services,single,basic.9y,no,yes,no,cellular,may,fri,501,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +37,admin.,single,university.degree,no,yes,no,cellular,may,fri,105,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,may,fri,414,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,318,2,11,1,success,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,single,university.degree,no,no,no,cellular,may,fri,445,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,may,fri,374,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,blue-collar,married,high.school,no,yes,no,cellular,may,fri,191,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,management,married,university.degree,no,yes,no,cellular,may,fri,1276,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +34,technician,married,university.degree,no,no,no,cellular,may,fri,51,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,services,married,basic.4y,unknown,no,no,cellular,may,fri,139,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,services,married,basic.4y,unknown,yes,no,cellular,may,fri,237,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +23,student,single,basic.9y,no,no,no,cellular,may,fri,145,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,single,high.school,no,no,no,cellular,may,fri,136,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,services,married,basic.4y,unknown,no,no,cellular,may,fri,308,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,self-employed,single,university.degree,no,no,no,cellular,may,fri,1243,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,management,single,university.degree,no,yes,no,cellular,may,fri,52,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,77,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,management,single,university.degree,no,no,yes,cellular,may,fri,217,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,may,fri,197,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,services,married,high.school,no,unknown,unknown,cellular,may,fri,55,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,single,high.school,no,unknown,unknown,cellular,may,fri,579,2,10,1,success,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +35,services,married,high.school,no,no,no,cellular,may,fri,125,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +58,management,single,university.degree,no,no,no,cellular,may,fri,90,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +58,management,single,university.degree,no,no,yes,cellular,may,fri,131,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,171,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,services,married,high.school,no,yes,no,cellular,may,fri,478,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,may,fri,70,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,services,married,high.school,no,yes,no,cellular,may,fri,424,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,120,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,326,1,11,1,success,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,fri,1080,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +34,admin.,single,university.degree,no,no,yes,cellular,may,fri,398,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,blue-collar,married,basic.9y,no,no,yes,cellular,may,fri,157,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +24,technician,single,basic.9y,no,no,no,cellular,may,fri,87,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,services,divorced,professional.course,no,no,no,cellular,may,fri,196,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,blue-collar,married,basic.6y,no,yes,no,cellular,may,fri,164,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,137,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,single,high.school,no,yes,no,cellular,may,fri,56,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,basic.4y,no,no,yes,cellular,may,fri,269,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,married,high.school,no,yes,yes,cellular,may,fri,159,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +27,admin.,single,high.school,no,yes,no,cellular,may,fri,340,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,94,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,admin.,divorced,university.degree,no,no,no,cellular,may,fri,308,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +35,admin.,married,university.degree,no,yes,no,cellular,may,fri,763,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +41,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,fri,140,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,may,fri,132,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,fri,261,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,technician,married,high.school,no,no,no,cellular,may,fri,56,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,66,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,technician,married,high.school,unknown,yes,no,cellular,may,fri,197,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,254,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,157,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,management,single,university.degree,no,yes,no,cellular,may,fri,468,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,451,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,single,university.degree,no,no,no,cellular,may,fri,55,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +55,blue-collar,married,unknown,unknown,no,no,cellular,may,fri,9,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +26,blue-collar,single,basic.6y,no,yes,yes,cellular,may,fri,191,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +49,blue-collar,married,basic.4y,no,yes,no,cellular,may,fri,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,services,married,high.school,no,no,no,cellular,may,fri,301,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,may,fri,662,1,12,1,success,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +39,blue-collar,married,high.school,no,yes,no,telephone,may,fri,101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +54,technician,married,university.degree,unknown,no,no,cellular,may,fri,56,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,high.school,no,no,yes,cellular,may,fri,248,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,high.school,no,yes,yes,cellular,may,fri,273,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,78,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,18,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +56,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,705,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,self-employed,single,basic.9y,no,yes,no,cellular,may,fri,82,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +52,services,married,high.school,no,yes,no,cellular,may,fri,207,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +24,services,single,high.school,no,yes,no,cellular,may,fri,53,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,568,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +37,admin.,married,university.degree,no,yes,yes,cellular,may,fri,364,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,blue-collar,married,basic.6y,no,no,yes,cellular,may,fri,67,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,high.school,unknown,no,no,cellular,may,fri,131,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,technician,married,university.degree,no,no,no,cellular,may,fri,186,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,212,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,306,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,blue-collar,married,basic.9y,no,yes,yes,cellular,may,fri,198,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +57,management,married,high.school,no,yes,no,cellular,may,fri,129,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,services,single,high.school,no,yes,no,cellular,may,fri,161,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,admin.,married,high.school,no,yes,no,cellular,may,fri,579,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,491,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,married,high.school,no,yes,no,cellular,may,fri,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +27,admin.,single,high.school,no,yes,no,cellular,may,fri,1448,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +33,blue-collar,married,basic.9y,no,yes,yes,cellular,may,fri,99,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,management,married,university.degree,no,yes,no,cellular,may,fri,69,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,392,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,high.school,no,yes,no,cellular,may,fri,142,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,428,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,admin.,married,university.degree,no,no,no,cellular,may,fri,209,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,656,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +33,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,728,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +38,blue-collar,single,high.school,no,yes,no,cellular,may,fri,81,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,720,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +37,blue-collar,married,high.school,no,no,no,cellular,may,fri,171,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,may,fri,291,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,single,high.school,no,yes,no,cellular,may,fri,435,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,single,university.degree,no,no,no,cellular,may,fri,272,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +52,services,married,high.school,no,yes,no,cellular,may,fri,121,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,admin.,divorced,university.degree,no,yes,no,cellular,may,fri,243,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,164,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,married,basic.9y,no,no,no,cellular,may,fri,144,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,339,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +52,retired,divorced,basic.6y,no,no,no,cellular,may,fri,154,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,high.school,no,no,no,cellular,may,fri,319,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,married,professional.course,no,no,no,cellular,may,fri,218,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,services,married,high.school,no,no,no,telephone,may,fri,125,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +46,technician,married,professional.course,no,no,no,cellular,may,fri,124,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +22,student,single,high.school,no,no,no,cellular,may,fri,87,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,services,single,high.school,unknown,no,no,cellular,may,fri,87,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,services,married,high.school,no,yes,no,cellular,may,fri,151,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +58,admin.,married,high.school,no,yes,no,cellular,may,fri,67,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,married,university.degree,no,no,no,cellular,may,fri,89,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,university.degree,no,yes,yes,cellular,may,fri,183,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,entrepreneur,married,university.degree,no,no,no,cellular,may,fri,270,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,services,married,high.school,no,no,yes,cellular,may,fri,196,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,fri,247,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,fri,206,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,self-employed,married,basic.9y,unknown,no,no,cellular,may,fri,73,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,services,married,basic.4y,unknown,yes,no,cellular,may,fri,85,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,fri,325,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,180,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,self-employed,single,professional.course,no,yes,no,cellular,may,fri,76,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,services,single,professional.course,no,yes,no,cellular,may,fri,279,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +26,student,single,basic.9y,unknown,yes,no,cellular,may,fri,682,2,3,2,success,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,services,single,professional.course,no,no,no,cellular,may,fri,462,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +25,admin.,single,high.school,no,yes,no,cellular,may,fri,238,6,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,may,fri,81,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +21,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,279,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,basic.9y,no,unknown,unknown,cellular,may,fri,68,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +51,management,married,university.degree,no,no,no,cellular,may,fri,127,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,management,married,university.degree,no,no,no,cellular,may,fri,238,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,technician,married,professional.course,no,no,no,cellular,may,fri,158,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,services,single,high.school,no,no,no,cellular,may,fri,1642,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,basic.9y,unknown,no,no,cellular,may,fri,69,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,fri,356,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,25,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,146,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,264,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,management,single,high.school,no,yes,no,cellular,may,fri,345,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,single,basic.6y,no,yes,no,cellular,may,fri,474,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +54,admin.,divorced,professional.course,no,yes,no,telephone,may,fri,75,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,services,single,high.school,unknown,yes,no,cellular,may,fri,77,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,married,high.school,no,no,yes,cellular,may,fri,254,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,219,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,management,single,university.degree,no,yes,no,cellular,may,fri,175,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,management,single,university.degree,no,no,no,cellular,may,fri,261,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,fri,456,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,services,single,professional.course,no,yes,no,cellular,may,fri,241,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,297,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +51,admin.,married,high.school,unknown,no,no,cellular,may,fri,117,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,blue-collar,single,basic.6y,unknown,no,no,cellular,may,fri,103,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +55,management,married,basic.4y,no,no,no,cellular,may,fri,95,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,fri,198,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,182,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,fri,226,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +55,entrepreneur,divorced,university.degree,unknown,no,no,cellular,may,fri,133,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,admin.,married,high.school,no,no,no,cellular,may,fri,123,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,blue-collar,single,basic.6y,unknown,no,no,cellular,may,fri,211,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,services,single,high.school,no,yes,no,telephone,may,fri,473,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,26,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,137,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,single,basic.9y,unknown,no,no,cellular,may,fri,85,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +25,blue-collar,single,basic.9y,no,yes,yes,cellular,may,fri,238,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,management,married,university.degree,no,no,no,cellular,may,fri,316,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,services,single,high.school,no,yes,no,cellular,may,fri,408,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,144,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,technician,married,high.school,no,no,no,cellular,may,fri,428,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,services,single,high.school,unknown,no,no,cellular,may,fri,422,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,44,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,294,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +41,admin.,married,university.degree,unknown,yes,no,telephone,may,fri,288,3,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +48,admin.,married,basic.9y,no,no,no,cellular,may,fri,311,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,admin.,single,university.degree,no,yes,no,cellular,may,fri,273,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,single,basic.6y,no,yes,no,cellular,may,fri,91,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,36,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,married,professional.course,no,yes,no,telephone,may,fri,37,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,technician,married,high.school,unknown,yes,no,cellular,may,fri,104,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +40,admin.,married,high.school,unknown,no,yes,cellular,may,fri,326,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,management,married,professional.course,no,no,yes,cellular,may,fri,376,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,university.degree,no,yes,no,cellular,may,fri,44,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,admin.,single,university.degree,no,no,no,cellular,may,fri,104,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,high.school,unknown,no,no,cellular,may,fri,323,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,309,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +49,blue-collar,single,unknown,unknown,yes,no,cellular,may,fri,347,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,married,high.school,no,yes,no,cellular,may,fri,247,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,married,high.school,no,no,no,cellular,may,fri,217,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,technician,married,university.degree,no,yes,no,cellular,may,fri,47,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,207,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,services,married,high.school,no,no,no,cellular,may,fri,130,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,single,high.school,no,no,no,cellular,may,fri,455,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,management,married,professional.course,no,unknown,unknown,cellular,may,fri,154,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,202,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,married,basic.9y,no,yes,no,telephone,may,fri,147,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +27,services,single,high.school,no,yes,no,cellular,may,fri,86,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +46,admin.,married,high.school,no,no,no,cellular,may,fri,318,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,admin.,married,high.school,unknown,yes,no,cellular,may,fri,503,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,262,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,technician,married,professional.course,no,no,no,cellular,may,fri,83,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,177,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,services,married,high.school,unknown,yes,yes,telephone,may,fri,186,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,may,fri,334,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,services,married,basic.9y,no,no,yes,cellular,may,fri,274,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,admin.,single,high.school,no,no,yes,cellular,may,fri,154,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,admin.,married,university.degree,no,yes,no,cellular,may,fri,286,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +31,self-employed,single,high.school,no,yes,no,cellular,may,fri,187,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,557,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,services,divorced,high.school,no,unknown,unknown,cellular,may,fri,186,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,single,university.degree,no,no,no,cellular,may,fri,134,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,services,married,high.school,no,yes,no,cellular,may,fri,237,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,high.school,unknown,no,yes,telephone,may,fri,367,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,services,married,high.school,no,yes,no,cellular,may,fri,104,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,612,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,technician,married,professional.course,no,no,yes,cellular,may,fri,40,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,services,married,high.school,no,no,yes,cellular,may,fri,506,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,telephone,may,fri,191,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,high.school,unknown,no,no,cellular,may,fri,267,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +46,services,married,basic.4y,no,yes,no,cellular,may,fri,187,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,high.school,unknown,no,yes,cellular,may,fri,296,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,single,university.degree,no,no,yes,cellular,may,fri,174,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +27,technician,married,professional.course,no,no,yes,cellular,may,fri,224,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +49,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,235,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,128,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,services,single,high.school,unknown,yes,no,cellular,may,fri,55,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,blue-collar,married,basic.6y,no,yes,no,cellular,may,fri,156,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +58,management,single,university.degree,no,yes,no,cellular,may,fri,685,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +45,blue-collar,single,professional.course,no,yes,no,cellular,may,fri,1954,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,admin.,divorced,high.school,no,yes,yes,cellular,may,fri,211,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +39,blue-collar,married,basic.9y,unknown,no,no,cellular,may,fri,143,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,admin.,married,high.school,no,no,no,cellular,may,fri,129,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,management,divorced,high.school,no,no,no,cellular,may,fri,13,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,admin.,married,high.school,no,unknown,unknown,cellular,may,fri,295,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +52,services,married,high.school,no,no,yes,cellular,may,fri,38,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,basic.4y,no,yes,yes,cellular,may,fri,456,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +54,technician,married,university.degree,unknown,no,no,cellular,may,fri,217,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,technician,single,university.degree,no,no,no,cellular,may,fri,216,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,entrepreneur,married,university.degree,no,yes,yes,cellular,may,fri,152,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,may,fri,1024,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +57,services,divorced,unknown,no,no,no,cellular,may,fri,405,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,518,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,admin.,married,high.school,no,yes,no,cellular,may,fri,438,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,admin.,married,university.degree,no,yes,no,cellular,may,fri,129,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +25,admin.,single,high.school,no,no,no,cellular,may,fri,682,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +44,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,361,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +45,technician,single,university.degree,no,no,no,cellular,may,fri,311,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,fri,1094,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,fri,746,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,married,university.degree,no,yes,no,cellular,may,fri,348,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,entrepreneur,divorced,basic.6y,no,yes,no,cellular,may,fri,53,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,management,married,university.degree,no,yes,no,telephone,may,fri,283,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,services,single,high.school,no,yes,no,cellular,may,fri,583,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +54,technician,married,university.degree,unknown,yes,no,telephone,may,fri,265,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,admin.,single,university.degree,no,no,no,cellular,may,fri,146,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +42,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,114,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,487,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,services,married,high.school,no,no,no,cellular,may,fri,1049,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +50,blue-collar,married,basic.4y,no,yes,no,telephone,may,fri,213,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,blue-collar,married,high.school,no,yes,no,cellular,may,fri,466,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,married,university.degree,no,yes,no,cellular,may,fri,348,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,services,married,high.school,no,no,no,cellular,may,fri,263,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +59,admin.,married,university.degree,no,yes,no,cellular,may,fri,324,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,83,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,admin.,married,university.degree,no,no,yes,telephone,may,fri,267,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,fri,340,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,may,fri,418,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,admin.,single,high.school,no,no,no,cellular,may,fri,553,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,admin.,married,university.degree,no,no,no,telephone,may,fri,546,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +30,technician,married,professional.course,no,yes,no,cellular,may,fri,156,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,288,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +49,technician,married,professional.course,no,yes,no,cellular,may,fri,364,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,fri,219,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +37,unemployed,married,basic.9y,no,yes,yes,cellular,may,fri,129,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +35,admin.,single,high.school,no,no,no,cellular,may,fri,282,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,services,married,high.school,unknown,no,no,cellular,may,fri,89,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,basic.9y,no,yes,no,cellular,may,fri,152,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,services,divorced,high.school,no,yes,no,cellular,may,fri,323,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,services,married,high.school,unknown,no,no,cellular,may,fri,311,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +36,services,married,high.school,unknown,yes,yes,cellular,may,fri,108,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +29,services,divorced,high.school,no,yes,no,cellular,may,fri,548,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,199,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,63,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,fri,173,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,fri,177,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,383,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +47,blue-collar,married,high.school,no,yes,yes,telephone,may,fri,72,6,6,1,success,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,26,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +38,blue-collar,married,professional.course,no,yes,no,telephone,may,fri,713,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +33,blue-collar,married,professional.course,no,yes,no,telephone,may,fri,15,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,423,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,yes +52,admin.,married,high.school,no,yes,yes,cellular,may,fri,81,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +32,blue-collar,single,basic.6y,no,yes,no,cellular,may,fri,211,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,322,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +28,unemployed,married,basic.9y,no,yes,no,cellular,may,fri,349,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,admin.,married,basic.9y,no,unknown,unknown,cellular,may,fri,248,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.3130000000000002,5099.1,no +34,technician,married,basic.9y,no,yes,yes,cellular,may,mon,142,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,self-employed,single,university.degree,no,yes,no,cellular,may,mon,102,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +53,self-employed,divorced,basic.4y,no,no,no,cellular,may,mon,82,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,84,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +41,housemaid,single,university.degree,no,yes,no,telephone,may,mon,9,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,mon,20,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,entrepreneur,married,basic.4y,unknown,no,no,cellular,may,mon,332,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,technician,married,professional.course,no,no,no,cellular,may,mon,13,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,unemployed,single,high.school,no,yes,no,telephone,may,mon,21,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,blue-collar,single,high.school,no,yes,no,cellular,may,mon,62,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,single,professional.course,no,yes,no,cellular,may,mon,240,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,management,married,high.school,unknown,no,no,cellular,may,mon,229,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,management,married,university.degree,no,yes,no,cellular,may,mon,61,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,entrepreneur,single,university.degree,no,yes,no,telephone,may,mon,30,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +50,blue-collar,married,unknown,unknown,yes,yes,telephone,may,mon,10,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,admin.,married,high.school,no,no,no,cellular,may,mon,88,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,services,single,high.school,no,yes,no,cellular,may,mon,14,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +56,services,divorced,high.school,unknown,yes,no,cellular,may,mon,125,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,admin.,married,university.degree,no,yes,no,cellular,may,mon,156,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,services,married,basic.9y,no,yes,no,cellular,may,mon,50,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,married,university.degree,no,yes,no,cellular,may,mon,15,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,single,high.school,no,no,no,cellular,may,mon,80,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,services,married,basic.9y,no,yes,yes,cellular,may,mon,304,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,services,divorced,professional.course,no,no,no,cellular,may,mon,108,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +45,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,295,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.9y,unknown,no,no,cellular,may,mon,259,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,management,married,basic.6y,no,yes,no,cellular,may,mon,54,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,single,professional.course,no,no,no,cellular,may,mon,573,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,652,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,admin.,married,university.degree,no,yes,no,cellular,may,mon,443,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,admin.,married,basic.9y,no,yes,no,cellular,may,mon,55,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,mon,67,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,mon,206,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +25,blue-collar,single,high.school,unknown,yes,no,cellular,may,mon,23,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,249,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,blue-collar,married,basic.4y,unknown,unknown,unknown,cellular,may,mon,485,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +40,technician,married,professional.course,no,yes,no,cellular,may,mon,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,single,high.school,no,yes,no,telephone,may,mon,26,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,309,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,194,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,may,mon,657,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,313,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,services,married,high.school,no,yes,no,cellular,may,mon,577,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,457,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,admin.,married,high.school,unknown,no,no,cellular,may,mon,547,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,management,single,university.degree,no,unknown,unknown,cellular,may,mon,246,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,210,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,admin.,married,high.school,no,yes,no,cellular,may,mon,27,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +53,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,mon,267,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,technician,married,university.degree,no,yes,no,cellular,may,mon,502,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,139,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,admin.,single,university.degree,no,yes,no,cellular,may,mon,57,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,212,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +24,services,single,high.school,no,yes,yes,cellular,may,mon,590,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,services,single,high.school,no,yes,no,cellular,may,mon,7,5,999,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,divorced,basic.9y,no,no,no,cellular,may,mon,81,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,admin.,married,high.school,no,yes,yes,cellular,may,mon,528,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,may,mon,195,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,married,high.school,no,yes,no,cellular,may,mon,106,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,admin.,single,university.degree,no,yes,yes,cellular,may,mon,9,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,admin.,single,high.school,no,yes,no,cellular,may,mon,156,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,admin.,single,high.school,no,yes,no,cellular,may,mon,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,mon,351,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,student,single,high.school,no,yes,no,cellular,may,mon,73,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,admin.,single,high.school,no,yes,no,cellular,may,mon,313,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,self-employed,single,university.degree,no,yes,no,cellular,may,mon,66,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,admin.,single,university.degree,no,no,no,cellular,may,mon,143,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,student,single,high.school,no,yes,no,cellular,may,mon,255,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,self-employed,single,university.degree,no,no,no,cellular,may,mon,164,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,55,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,197,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,management,single,basic.9y,no,yes,no,cellular,may,mon,189,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,management,single,basic.9y,no,no,no,cellular,may,mon,261,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,165,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +40,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,84,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,entrepreneur,married,university.degree,no,no,yes,cellular,may,mon,117,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,mon,288,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,58,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +25,admin.,married,university.degree,no,no,no,cellular,may,mon,496,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +48,technician,married,basic.9y,no,yes,no,cellular,may,mon,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,services,married,high.school,no,no,no,telephone,may,mon,108,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +23,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,285,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,entrepreneur,married,basic.9y,no,no,no,cellular,may,mon,69,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,207,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,admin.,divorced,high.school,no,no,no,cellular,may,mon,128,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,entrepreneur,married,basic.9y,no,no,no,cellular,may,mon,277,1,9,1,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,1038,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +23,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,657,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +35,blue-collar,married,unknown,no,yes,no,cellular,may,mon,40,8,10,1,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,entrepreneur,married,basic.9y,no,yes,no,cellular,may,mon,346,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,single,university.degree,no,yes,no,cellular,may,mon,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +53,self-employed,married,basic.4y,unknown,yes,no,cellular,may,mon,62,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,telephone,may,mon,65,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,admin.,married,high.school,no,yes,no,cellular,may,mon,689,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +47,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,mon,341,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +41,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,mon,12,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,services,single,high.school,no,yes,no,telephone,may,mon,32,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,admin.,divorced,high.school,no,no,no,cellular,may,mon,344,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,admin.,divorced,high.school,no,yes,no,cellular,may,mon,469,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,58,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,admin.,married,high.school,no,yes,no,cellular,may,mon,155,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,single,university.degree,no,no,no,cellular,may,mon,629,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +52,services,married,high.school,unknown,yes,no,telephone,may,mon,243,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,admin.,married,high.school,no,no,no,telephone,may,mon,42,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,admin.,married,high.school,no,yes,yes,cellular,may,mon,12,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,460,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,technician,single,professional.course,no,yes,no,cellular,may,mon,183,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,technician,single,professional.course,no,yes,no,cellular,may,mon,242,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,admin.,married,university.degree,no,no,no,cellular,may,mon,112,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,8,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +45,technician,unknown,basic.6y,no,no,no,cellular,may,mon,197,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,student,single,basic.4y,no,no,yes,cellular,may,mon,802,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +31,technician,single,university.degree,no,yes,no,cellular,may,mon,1514,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +40,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,15,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +52,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,182,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,may,mon,934,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +36,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,mon,422,1,12,1,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,blue-collar,married,basic.4y,unknown,no,no,cellular,may,mon,214,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,152,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,248,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,self-employed,married,university.degree,no,yes,no,cellular,may,mon,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,mon,67,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,housemaid,single,basic.9y,no,yes,no,cellular,may,mon,279,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,mon,188,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,management,married,high.school,unknown,yes,no,cellular,may,mon,254,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,135,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,entrepreneur,divorced,university.degree,no,yes,no,telephone,may,mon,231,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,entrepreneur,divorced,university.degree,no,yes,no,cellular,may,mon,212,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,entrepreneur,divorced,university.degree,no,no,no,cellular,may,mon,227,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,85,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,single,basic.9y,no,yes,yes,cellular,may,mon,75,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,220,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,admin.,single,university.degree,no,yes,yes,cellular,may,mon,80,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +53,admin.,married,university.degree,no,yes,no,cellular,may,mon,202,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,technician,single,university.degree,no,yes,no,cellular,may,mon,340,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,549,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,admin.,divorced,high.school,no,yes,no,cellular,may,mon,472,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,admin.,single,university.degree,no,no,no,cellular,may,mon,409,1,1,1,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,admin.,divorced,high.school,no,no,no,cellular,may,mon,479,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +48,blue-collar,married,basic.9y,unknown,no,no,cellular,may,mon,236,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,technician,single,professional.course,no,yes,no,cellular,may,mon,308,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,mon,91,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,mon,90,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,blue-collar,married,basic.6y,unknown,no,no,cellular,may,mon,15,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +52,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,186,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,200,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,services,married,high.school,no,no,no,cellular,may,mon,161,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,technician,married,university.degree,no,yes,no,cellular,may,mon,262,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,services,married,high.school,no,yes,no,cellular,may,mon,49,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,services,single,high.school,no,no,yes,cellular,may,mon,369,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,mon,471,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,services,married,high.school,no,yes,no,cellular,may,mon,198,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,management,married,university.degree,no,yes,no,cellular,may,mon,568,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,services,married,high.school,no,no,no,cellular,may,mon,410,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.9y,no,no,yes,cellular,may,mon,116,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +55,blue-collar,divorced,basic.4y,unknown,yes,yes,cellular,may,mon,163,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,blue-collar,married,unknown,no,yes,no,cellular,may,mon,100,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,entrepreneur,married,professional.course,unknown,no,no,cellular,may,mon,59,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +41,technician,single,professional.course,no,no,no,cellular,may,mon,686,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,technician,single,high.school,no,no,no,telephone,may,mon,28,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,entrepreneur,married,professional.course,unknown,no,no,cellular,may,mon,256,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,entrepreneur,married,professional.course,unknown,no,no,cellular,may,mon,295,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,management,single,university.degree,no,no,yes,cellular,may,mon,114,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +57,technician,married,university.degree,no,no,no,cellular,may,mon,200,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,married,university.degree,no,no,no,cellular,may,mon,733,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +29,technician,single,basic.9y,no,yes,no,cellular,may,mon,170,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,technician,single,basic.9y,no,yes,no,cellular,may,mon,214,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,474,1,9,1,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +47,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,101,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,blue-collar,married,high.school,unknown,yes,no,cellular,may,mon,306,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,115,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,106,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,231,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,admin.,single,university.degree,no,no,yes,cellular,may,mon,14,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +56,management,married,professional.course,no,yes,no,cellular,may,mon,240,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,technician,single,basic.9y,no,no,yes,cellular,may,mon,701,1,12,1,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +46,technician,married,university.degree,no,yes,no,cellular,may,mon,231,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,666,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +31,admin.,married,university.degree,no,yes,no,cellular,may,mon,712,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,239,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,admin.,single,high.school,no,no,no,cellular,may,mon,219,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,services,married,basic.6y,unknown,yes,no,cellular,may,mon,102,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,single,high.school,no,no,no,cellular,may,mon,75,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,services,single,high.school,no,unknown,unknown,cellular,may,mon,216,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +45,blue-collar,divorced,basic.4y,no,yes,no,cellular,may,mon,190,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,181,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,single,high.school,no,yes,yes,cellular,may,mon,178,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,blue-collar,single,basic.6y,no,no,no,cellular,may,mon,204,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,single,high.school,no,yes,yes,cellular,may,mon,405,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,services,single,high.school,no,yes,no,cellular,may,mon,274,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +48,admin.,divorced,basic.4y,no,yes,no,cellular,may,mon,227,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,single,basic.4y,unknown,yes,yes,cellular,may,mon,46,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,services,single,high.school,no,yes,no,cellular,may,mon,360,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,blue-collar,married,basic.9y,unknown,no,no,cellular,may,mon,7,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,admin.,single,professional.course,no,yes,no,cellular,may,mon,74,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,mon,490,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,services,married,university.degree,no,yes,no,cellular,may,mon,105,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,divorced,basic.9y,no,yes,no,cellular,may,mon,226,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,services,married,university.degree,no,no,no,cellular,may,mon,189,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,87,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,admin.,single,university.degree,no,no,no,cellular,may,mon,386,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,admin.,married,basic.9y,unknown,yes,no,cellular,may,mon,18,6,6,2,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,married,professional.course,no,no,no,cellular,may,mon,149,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +40,admin.,single,high.school,unknown,yes,no,cellular,may,mon,222,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,management,married,basic.9y,no,no,yes,cellular,may,mon,131,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,married,high.school,no,yes,no,cellular,may,mon,225,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,mon,21,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,married,high.school,no,no,no,cellular,may,mon,40,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,blue-collar,married,high.school,unknown,no,no,cellular,may,mon,627,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,mon,151,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,admin.,single,professional.course,no,yes,no,cellular,may,mon,105,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,may,mon,8,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +55,retired,married,basic.9y,unknown,no,no,telephone,may,mon,114,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,281,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,married,high.school,no,no,no,cellular,may,mon,347,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,unknown,single,high.school,unknown,yes,yes,cellular,may,mon,154,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,married,basic.9y,no,no,no,cellular,may,mon,103,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,married,basic.9y,no,yes,no,cellular,may,mon,95,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,214,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,services,married,high.school,unknown,no,no,cellular,may,mon,323,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +50,blue-collar,married,basic.4y,no,yes,yes,cellular,may,mon,197,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,unknown,single,high.school,unknown,yes,yes,cellular,may,mon,628,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,services,divorced,basic.9y,no,yes,no,cellular,may,mon,465,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,admin.,single,high.school,no,no,no,cellular,may,mon,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,admin.,single,university.degree,no,no,yes,cellular,may,mon,553,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,225,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,blue-collar,married,professional.course,unknown,no,no,cellular,may,mon,388,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,no,yes,cellular,may,mon,49,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,technician,single,professional.course,no,yes,no,cellular,may,mon,59,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,services,married,high.school,no,no,no,telephone,may,mon,86,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,unemployed,married,basic.9y,no,yes,yes,cellular,may,mon,21,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,99,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,services,married,high.school,no,yes,no,cellular,may,mon,165,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,unemployed,married,basic.9y,no,no,no,cellular,may,mon,123,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,54,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,technician,married,university.degree,no,no,no,cellular,may,mon,41,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +45,admin.,single,high.school,no,no,no,cellular,may,mon,1487,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,653,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +37,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,327,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,177,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,management,single,university.degree,no,yes,yes,cellular,may,mon,68,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,management,single,university.degree,no,yes,no,cellular,may,mon,125,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,technician,married,university.degree,no,yes,no,cellular,may,mon,42,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,single,basic.9y,no,no,no,cellular,may,mon,79,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,technician,single,professional.course,no,yes,yes,cellular,may,mon,214,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,admin.,single,university.degree,no,yes,no,cellular,may,mon,85,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +50,blue-collar,divorced,basic.6y,no,yes,no,cellular,may,mon,82,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,239,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,single,professional.course,no,yes,yes,cellular,may,mon,187,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,technician,married,high.school,no,yes,no,cellular,may,mon,329,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,mon,29,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,may,mon,234,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,admin.,single,high.school,no,no,no,cellular,may,mon,610,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +31,technician,single,professional.course,no,yes,yes,cellular,may,mon,282,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,144,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,admin.,unknown,university.degree,no,no,no,cellular,may,mon,257,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,may,mon,75,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +41,services,divorced,high.school,no,yes,no,cellular,may,mon,622,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,admin.,unknown,university.degree,no,yes,yes,cellular,may,mon,56,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,student,single,university.degree,unknown,no,no,cellular,may,mon,489,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,102,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,583,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +34,admin.,unknown,university.degree,no,yes,no,cellular,may,mon,304,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +24,services,married,high.school,no,yes,no,cellular,may,mon,278,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,technician,divorced,professional.course,no,no,no,cellular,may,mon,66,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,admin.,married,high.school,no,no,no,cellular,may,mon,68,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,may,mon,432,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,divorced,high.school,no,yes,yes,cellular,may,mon,78,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,technician,married,professional.course,no,yes,no,cellular,may,mon,275,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,technician,single,professional.course,no,unknown,unknown,cellular,may,mon,146,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,admin.,single,university.degree,no,yes,yes,cellular,may,mon,292,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,blue-collar,single,high.school,no,yes,no,cellular,may,mon,134,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,313,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,333,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,admin.,single,high.school,no,no,no,cellular,may,mon,1114,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,50,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,entrepreneur,married,university.degree,no,yes,no,cellular,may,mon,207,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,672,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +31,technician,single,high.school,no,no,no,cellular,may,mon,552,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,management,married,university.degree,no,yes,no,cellular,may,mon,249,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,services,married,basic.6y,no,yes,no,cellular,may,mon,72,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,admin.,married,high.school,unknown,yes,no,cellular,may,mon,412,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,single,professional.course,no,no,no,cellular,may,mon,299,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,admin.,married,high.school,no,yes,yes,cellular,may,mon,124,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,admin.,married,high.school,no,yes,yes,cellular,may,mon,109,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,blue-collar,single,basic.4y,no,yes,no,cellular,may,mon,251,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,400,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.6y,no,yes,yes,cellular,may,mon,101,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,admin.,married,high.school,no,yes,yes,cellular,may,mon,82,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,entrepreneur,married,basic.4y,unknown,no,no,cellular,may,mon,494,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +52,services,married,high.school,unknown,yes,no,cellular,may,mon,930,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +28,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,146,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,admin.,married,basic.6y,no,yes,no,cellular,may,mon,262,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,single,basic.9y,no,no,no,cellular,may,mon,177,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,124,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,admin.,divorced,university.degree,no,no,no,cellular,may,mon,239,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,158,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,admin.,married,university.degree,no,no,no,cellular,may,mon,91,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,52,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,blue-collar,married,basic.9y,no,no,yes,telephone,may,mon,159,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,services,married,high.school,no,no,no,cellular,may,mon,294,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,175,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,technician,married,professional.course,no,no,no,cellular,may,mon,132,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,married,university.degree,no,yes,no,cellular,may,mon,282,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,services,divorced,basic.9y,no,no,yes,cellular,may,mon,295,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +48,admin.,divorced,high.school,unknown,no,no,cellular,may,mon,146,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,505,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,married,university.degree,no,yes,no,cellular,may,mon,580,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +55,management,married,university.degree,no,yes,no,cellular,may,mon,90,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,housemaid,married,basic.6y,no,no,no,cellular,may,mon,608,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +48,admin.,divorced,high.school,unknown,yes,yes,cellular,may,mon,466,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +25,admin.,married,high.school,no,no,no,cellular,may,mon,261,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,entrepreneur,married,basic.6y,unknown,yes,yes,cellular,may,mon,330,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,mon,148,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,management,married,basic.6y,no,yes,yes,telephone,may,mon,26,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,admin.,single,university.degree,no,yes,no,cellular,may,mon,76,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.4y,no,no,yes,cellular,may,mon,255,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,blue-collar,married,basic.6y,no,no,no,cellular,may,mon,193,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,services,married,high.school,no,yes,no,cellular,may,mon,643,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,475,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +57,technician,married,high.school,no,yes,no,cellular,may,mon,74,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.6y,unknown,no,no,cellular,may,mon,68,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,single,high.school,no,yes,no,telephone,may,mon,41,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,mon,168,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,93,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +51,admin.,married,basic.6y,no,no,yes,cellular,may,mon,228,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +57,technician,married,high.school,no,no,yes,cellular,may,mon,161,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,services,divorced,university.degree,no,yes,no,cellular,may,mon,215,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,management,married,basic.6y,no,no,no,cellular,may,mon,966,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +57,technician,married,high.school,no,yes,no,cellular,may,mon,758,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +50,admin.,single,basic.9y,unknown,no,yes,telephone,may,mon,52,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +57,technician,married,high.school,no,no,yes,cellular,may,mon,371,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,technician,single,high.school,no,yes,yes,cellular,may,mon,426,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,369,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,management,married,basic.4y,unknown,yes,no,cellular,may,mon,264,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,technician,married,professional.course,no,yes,no,cellular,may,mon,246,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +53,self-employed,married,basic.4y,unknown,yes,no,cellular,may,mon,145,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,admin.,married,high.school,no,yes,no,cellular,may,mon,329,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,divorced,high.school,no,no,no,cellular,may,mon,159,2,11,1,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,mon,242,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,77,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +40,services,divorced,high.school,no,yes,no,cellular,may,mon,262,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.9y,unknown,unknown,unknown,telephone,may,mon,267,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,entrepreneur,married,basic.4y,unknown,yes,no,telephone,may,mon,224,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,184,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,mon,289,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,blue-collar,single,basic.9y,unknown,yes,yes,cellular,may,mon,143,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +45,management,married,basic.9y,unknown,yes,no,cellular,may,mon,288,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +41,services,single,high.school,unknown,yes,no,cellular,may,mon,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +45,management,married,basic.9y,unknown,yes,no,cellular,may,mon,305,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,386,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,entrepreneur,married,high.school,no,yes,no,cellular,may,mon,101,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,married,basic.9y,no,yes,no,cellular,may,mon,35,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,629,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +53,admin.,married,high.school,no,yes,yes,cellular,may,mon,186,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,unknown,single,high.school,unknown,yes,no,cellular,may,mon,334,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +40,admin.,married,university.degree,no,yes,no,cellular,may,mon,174,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,married,high.school,no,yes,yes,cellular,may,mon,296,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,may,mon,79,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,entrepreneur,single,professional.course,no,yes,no,cellular,may,mon,240,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.6y,no,yes,yes,cellular,may,mon,261,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,admin.,married,basic.6y,unknown,no,yes,cellular,may,mon,270,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,admin.,divorced,basic.9y,no,yes,no,cellular,may,mon,47,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,technician,single,basic.9y,no,no,no,cellular,may,mon,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,technician,single,basic.9y,no,yes,no,cellular,may,mon,112,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,blue-collar,married,high.school,no,yes,yes,cellular,may,mon,57,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,technician,single,professional.course,no,yes,no,cellular,may,mon,77,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +57,technician,married,professional.course,no,yes,no,cellular,may,mon,190,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,blue-collar,single,university.degree,unknown,yes,no,cellular,may,mon,321,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,200,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +56,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,161,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,may,mon,188,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,blue-collar,married,basic.9y,unknown,no,yes,cellular,may,mon,204,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,blue-collar,married,basic.9y,unknown,no,yes,cellular,may,mon,290,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,services,divorced,high.school,no,yes,no,cellular,may,mon,254,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,mon,232,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,services,married,university.degree,no,yes,no,cellular,may,mon,97,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,technician,single,professional.course,no,yes,no,telephone,may,mon,296,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +48,admin.,divorced,high.school,unknown,no,no,cellular,may,mon,263,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,admin.,married,university.degree,no,no,no,cellular,may,mon,98,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +57,technician,married,high.school,no,yes,no,cellular,may,mon,228,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,admin.,divorced,high.school,no,yes,no,cellular,may,mon,274,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,management,married,university.degree,no,yes,no,cellular,may,mon,306,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.6y,no,yes,yes,cellular,may,mon,429,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +52,admin.,single,basic.4y,no,no,no,cellular,may,mon,776,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,mon,51,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,services,divorced,high.school,no,no,no,cellular,may,mon,150,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,admin.,married,basic.6y,unknown,yes,no,cellular,may,mon,275,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +25,student,single,high.school,unknown,yes,no,cellular,may,mon,160,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,entrepreneur,married,university.degree,no,yes,no,cellular,may,mon,153,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,146,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +38,services,married,high.school,unknown,no,no,cellular,may,mon,171,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,admin.,married,high.school,no,yes,yes,cellular,may,mon,142,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,blue-collar,single,high.school,no,yes,no,cellular,may,mon,430,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,technician,single,basic.9y,no,no,yes,cellular,may,mon,189,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,technician,single,high.school,no,no,no,cellular,may,mon,236,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,technician,married,basic.9y,no,no,no,cellular,may,mon,798,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,mon,65,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,single,university.degree,no,no,no,cellular,may,mon,66,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,34,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,single,professional.course,no,yes,no,cellular,may,mon,333,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +58,technician,divorced,basic.9y,no,no,no,cellular,may,mon,128,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,entrepreneur,married,high.school,no,yes,yes,cellular,may,mon,102,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,services,married,basic.9y,no,no,no,cellular,may,mon,400,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,175,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,admin.,married,university.degree,no,no,yes,cellular,may,mon,69,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +55,management,married,university.degree,no,yes,no,cellular,may,mon,126,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,married,basic.4y,no,no,yes,cellular,may,mon,285,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,327,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,admin.,single,university.degree,no,yes,no,telephone,may,mon,168,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,127,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,blue-collar,single,high.school,unknown,no,no,cellular,may,mon,314,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,technician,married,professional.course,no,yes,no,cellular,may,mon,147,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,student,single,high.school,no,no,no,cellular,may,mon,472,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,admin.,married,high.school,no,yes,no,cellular,may,mon,246,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,mon,213,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,173,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,services,married,basic.9y,no,yes,no,cellular,may,mon,220,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,blue-collar,single,basic.9y,unknown,no,no,cellular,may,mon,130,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,299,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,247,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +24,technician,single,basic.9y,no,yes,no,cellular,may,mon,111,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,entrepreneur,married,basic.9y,no,yes,no,cellular,may,mon,195,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,admin.,single,high.school,no,yes,no,cellular,may,mon,148,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,married,high.school,no,no,no,cellular,may,mon,286,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +50,blue-collar,married,unknown,unknown,yes,no,cellular,may,mon,96,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,services,divorced,professional.course,no,no,no,telephone,may,mon,75,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,blue-collar,married,basic.9y,no,yes,yes,telephone,may,mon,386,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.6y,no,yes,no,telephone,may,mon,544,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,127,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,may,mon,155,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,entrepreneur,married,basic.9y,no,no,no,cellular,may,mon,184,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,entrepreneur,married,basic.4y,unknown,no,no,cellular,may,mon,120,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +56,services,single,basic.4y,unknown,yes,no,cellular,may,mon,480,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,management,married,high.school,unknown,no,no,cellular,may,mon,194,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +39,blue-collar,married,basic.6y,unknown,no,no,cellular,may,mon,1232,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +35,services,married,basic.9y,unknown,no,no,cellular,may,mon,69,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,blue-collar,single,basic.6y,unknown,no,no,cellular,may,mon,133,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,admin.,married,high.school,no,no,no,telephone,may,mon,193,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,telephone,may,mon,70,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,206,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,blue-collar,divorced,unknown,unknown,no,no,cellular,may,mon,152,2,10,1,success,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,243,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,services,married,basic.9y,no,yes,yes,telephone,may,mon,437,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,admin.,single,university.degree,no,no,no,telephone,may,mon,259,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +40,services,married,high.school,unknown,yes,no,cellular,may,mon,182,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,admin.,unknown,university.degree,no,yes,no,cellular,may,mon,447,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,entrepreneur,married,basic.9y,no,no,no,cellular,may,mon,238,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,410,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,mon,472,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,mon,83,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,technician,single,professional.course,no,yes,no,cellular,may,mon,254,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,admin.,married,high.school,no,yes,yes,cellular,may,mon,56,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +50,services,married,high.school,unknown,no,no,cellular,may,mon,204,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,102,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,housemaid,divorced,basic.9y,unknown,yes,no,telephone,may,mon,226,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +55,self-employed,married,university.degree,unknown,no,no,cellular,may,mon,217,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +49,blue-collar,single,high.school,no,yes,yes,cellular,may,mon,217,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,entrepreneur,married,basic.6y,unknown,yes,no,cellular,may,mon,379,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,145,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,74,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,technician,single,university.degree,no,yes,no,cellular,may,mon,271,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,0,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,admin.,single,basic.9y,no,yes,no,cellular,may,mon,258,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,services,married,basic.9y,no,unknown,unknown,cellular,may,mon,180,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,technician,single,professional.course,no,yes,no,cellular,may,mon,196,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,135,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +25,blue-collar,single,high.school,unknown,yes,no,telephone,may,mon,300,3,999,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,347,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,blue-collar,married,basic.4y,unknown,no,no,cellular,may,mon,1001,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,technician,married,professional.course,no,no,no,cellular,may,mon,72,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,blue-collar,single,university.degree,unknown,yes,no,cellular,may,mon,498,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +44,blue-collar,married,high.school,no,unknown,unknown,cellular,may,mon,279,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,married,university.degree,no,yes,no,cellular,may,mon,50,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,services,single,high.school,no,no,yes,cellular,may,mon,171,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,admin.,single,high.school,no,yes,no,cellular,may,mon,211,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,entrepreneur,married,basic.4y,unknown,no,no,telephone,may,mon,567,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,blue-collar,married,basic.9y,unknown,unknown,unknown,cellular,may,mon,170,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +41,services,single,high.school,unknown,unknown,unknown,cellular,may,mon,772,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +26,services,single,high.school,no,no,no,cellular,may,mon,298,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,single,university.degree,no,yes,no,cellular,may,mon,120,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +36,technician,married,university.degree,no,yes,no,cellular,may,mon,219,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +27,blue-collar,married,basic.4y,unknown,no,no,cellular,may,mon,877,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,mon,214,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +35,admin.,divorced,high.school,no,yes,yes,telephone,may,mon,82,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +25,technician,single,university.degree,no,no,yes,cellular,may,mon,304,3,12,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,273,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,471,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +41,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,mon,133,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,mon,301,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +23,services,single,basic.9y,unknown,yes,no,cellular,may,mon,350,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,mon,86,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +40,unemployed,single,high.school,unknown,yes,no,cellular,may,mon,94,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,1388,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +35,entrepreneur,married,high.school,no,yes,no,cellular,may,mon,508,3,999,2,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,blue-collar,married,basic.4y,unknown,no,no,telephone,may,mon,338,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,mon,208,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,student,single,unknown,no,no,no,telephone,may,mon,1143,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,services,single,high.school,no,no,no,cellular,may,mon,503,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +37,services,married,high.school,unknown,yes,no,telephone,may,mon,58,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,management,married,basic.6y,no,yes,no,cellular,may,mon,142,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +45,admin.,single,high.school,no,yes,no,cellular,may,mon,276,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +24,services,single,high.school,no,yes,no,cellular,may,mon,201,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +53,blue-collar,married,basic.4y,unknown,unknown,unknown,cellular,may,mon,63,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,services,divorced,high.school,no,no,no,cellular,may,mon,222,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +32,admin.,married,professional.course,no,no,no,cellular,may,mon,168,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +40,technician,married,university.degree,no,no,no,cellular,may,mon,192,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +47,admin.,single,high.school,no,yes,no,cellular,may,mon,911,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,yes +35,admin.,single,university.degree,no,yes,yes,cellular,may,mon,439,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,163,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +54,management,married,high.school,unknown,no,no,cellular,may,mon,273,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +33,technician,single,university.degree,no,no,no,cellular,may,mon,284,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +29,technician,single,basic.9y,no,yes,no,cellular,may,mon,288,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +31,technician,single,university.degree,no,yes,no,telephone,may,mon,136,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +30,services,married,professional.course,no,no,no,cellular,may,mon,66,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +43,self-employed,single,university.degree,no,yes,no,cellular,may,mon,445,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,management,married,university.degree,no,no,no,cellular,may,mon,123,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +41,entrepreneur,married,basic.9y,no,no,yes,cellular,may,mon,285,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +46,technician,divorced,professional.course,unknown,no,no,cellular,may,mon,927,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2990000000000002,5099.1,no +28,services,single,high.school,no,unknown,unknown,cellular,may,tue,48,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,technician,married,university.degree,no,no,no,cellular,may,tue,164,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,blue-collar,single,high.school,no,no,no,cellular,may,tue,81,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,single,university.degree,no,no,no,cellular,may,tue,89,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,tue,278,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,214,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,student,single,university.degree,unknown,yes,no,cellular,may,tue,116,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,self-employed,married,basic.4y,no,no,no,telephone,may,tue,16,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,services,single,basic.6y,no,yes,no,cellular,may,tue,546,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +23,blue-collar,married,basic.6y,unknown,no,no,cellular,may,tue,8,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,167,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,admin.,married,university.degree,no,no,no,cellular,may,tue,72,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,services,divorced,high.school,no,yes,no,cellular,may,tue,75,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,services,married,high.school,no,yes,no,telephone,may,tue,14,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,single,basic.4y,no,yes,no,telephone,may,tue,200,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,single,high.school,no,yes,no,cellular,may,tue,13,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,technician,married,high.school,unknown,yes,no,cellular,may,tue,312,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,management,single,professional.course,no,no,no,cellular,may,tue,134,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,services,married,high.school,no,yes,no,telephone,may,tue,34,12,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,services,married,high.school,no,yes,yes,cellular,may,tue,15,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,may,tue,188,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,admin.,single,professional.course,no,yes,no,cellular,may,tue,788,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +40,blue-collar,married,basic.4y,no,yes,yes,cellular,may,tue,103,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,married,university.degree,no,yes,yes,cellular,may,tue,106,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,services,single,university.degree,no,yes,no,cellular,may,tue,25,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,52,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,admin.,single,high.school,unknown,yes,no,cellular,may,tue,41,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +47,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,234,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,services,divorced,basic.9y,no,yes,no,cellular,may,tue,255,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,single,high.school,no,yes,yes,cellular,may,tue,200,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,217,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,housemaid,single,university.degree,no,yes,no,cellular,may,tue,9,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,admin.,married,high.school,no,no,no,cellular,may,tue,315,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,married,unknown,no,yes,no,cellular,may,tue,128,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +51,blue-collar,divorced,high.school,no,yes,yes,cellular,may,tue,10,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,single,high.school,no,yes,yes,telephone,may,tue,352,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,admin.,married,high.school,no,no,no,cellular,may,tue,97,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,yes,cellular,may,tue,54,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +45,admin.,single,high.school,unknown,unknown,unknown,cellular,may,tue,7,12,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +50,management,divorced,university.degree,no,no,no,telephone,may,tue,63,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +50,unknown,married,basic.4y,unknown,no,yes,cellular,may,tue,77,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,services,married,basic.6y,no,no,no,cellular,may,tue,117,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,self-employed,married,professional.course,no,no,no,cellular,may,tue,34,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,104,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,admin.,single,university.degree,no,yes,yes,cellular,may,tue,15,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,divorced,university.degree,no,yes,no,cellular,may,tue,14,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,services,single,basic.6y,no,yes,no,cellular,may,tue,208,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,married,basic.9y,no,no,yes,telephone,may,tue,11,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,technician,single,professional.course,no,yes,no,cellular,may,tue,160,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,admin.,single,high.school,no,no,no,cellular,may,tue,197,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,blue-collar,married,high.school,unknown,yes,no,cellular,may,tue,151,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +51,blue-collar,divorced,high.school,no,no,no,cellular,may,tue,131,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,basic.6y,no,yes,no,cellular,may,tue,731,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +43,blue-collar,married,unknown,no,yes,no,cellular,may,tue,756,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,tue,12,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,technician,married,high.school,no,yes,no,cellular,may,tue,114,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +50,unknown,married,basic.4y,unknown,yes,no,cellular,may,tue,12,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,management,single,professional.course,no,no,no,cellular,may,tue,365,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +37,blue-collar,divorced,professional.course,no,yes,no,cellular,may,tue,304,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,married,unknown,no,no,yes,telephone,may,tue,11,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,blue-collar,married,high.school,no,yes,no,cellular,may,tue,20,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,married,high.school,no,yes,no,cellular,may,tue,109,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +54,blue-collar,divorced,basic.4y,no,yes,no,cellular,may,tue,138,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,services,single,high.school,no,yes,yes,cellular,may,tue,6,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,admin.,single,professional.course,no,yes,no,cellular,may,tue,200,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +40,services,married,basic.9y,no,yes,yes,cellular,may,tue,271,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,technician,single,professional.course,no,yes,no,cellular,may,tue,42,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,341,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,admin.,single,high.school,no,yes,no,cellular,may,tue,100,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +51,admin.,married,high.school,no,no,no,cellular,may,tue,40,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,services,single,basic.9y,no,no,no,cellular,may,tue,114,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,150,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.6y,no,no,yes,cellular,may,tue,431,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,admin.,divorced,university.degree,unknown,yes,no,telephone,may,tue,11,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,admin.,single,high.school,no,yes,no,cellular,may,tue,91,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,admin.,single,high.school,no,yes,yes,cellular,may,tue,52,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,blue-collar,married,unknown,no,no,no,telephone,may,tue,257,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,99,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +40,services,divorced,high.school,no,no,no,cellular,may,tue,49,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,technician,single,university.degree,no,no,no,cellular,may,tue,882,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +31,blue-collar,single,basic.9y,no,no,no,cellular,may,tue,7,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,services,single,basic.9y,no,no,yes,cellular,may,tue,515,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +59,services,divorced,basic.6y,no,yes,no,cellular,may,tue,158,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,259,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,blue-collar,single,basic.4y,no,yes,no,cellular,may,tue,206,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,high.school,no,yes,no,cellular,may,tue,25,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,blue-collar,single,basic.4y,no,no,no,cellular,may,tue,300,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,services,single,high.school,no,yes,no,telephone,may,tue,246,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,high.school,no,yes,yes,cellular,may,tue,178,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +59,services,divorced,basic.6y,no,yes,no,cellular,may,tue,318,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,high.school,no,yes,no,cellular,may,tue,201,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +47,admin.,divorced,high.school,no,yes,no,cellular,may,tue,105,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +44,admin.,divorced,high.school,no,no,no,cellular,may,tue,214,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +45,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,67,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,tue,85,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,82,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,services,married,basic.6y,no,unknown,unknown,cellular,may,tue,142,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +45,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,187,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,admin.,married,basic.9y,no,yes,no,cellular,may,tue,69,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,technician,married,basic.9y,no,no,no,cellular,may,tue,580,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +48,technician,divorced,basic.9y,unknown,yes,no,cellular,may,tue,62,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,blue-collar,single,basic.4y,no,yes,no,cellular,may,tue,1203,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +45,services,married,basic.6y,no,no,no,cellular,may,tue,58,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,64,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,631,1,11,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,blue-collar,married,basic.4y,unknown,no,no,cellular,may,tue,658,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +35,blue-collar,married,high.school,no,yes,no,cellular,may,tue,942,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +45,services,married,basic.6y,no,no,no,cellular,may,tue,207,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,admin.,single,university.degree,no,yes,no,cellular,may,tue,104,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,technician,single,professional.course,no,yes,no,cellular,may,tue,377,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,housemaid,married,basic.4y,no,no,no,cellular,may,tue,66,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,housemaid,married,basic.4y,no,yes,no,cellular,may,tue,128,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +54,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,291,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +46,entrepreneur,married,high.school,no,yes,no,cellular,may,tue,115,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,524,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,admin.,married,university.degree,no,yes,no,cellular,may,tue,358,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +46,entrepreneur,married,high.school,no,no,no,cellular,may,tue,366,1,6,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,admin.,single,university.degree,no,yes,yes,cellular,may,tue,23,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,services,married,basic.9y,no,no,yes,cellular,may,tue,560,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +43,admin.,single,university.degree,no,yes,no,telephone,may,tue,52,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,entrepreneur,single,university.degree,no,yes,yes,cellular,may,tue,347,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,admin.,single,university.degree,no,no,no,cellular,may,tue,107,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,admin.,single,university.degree,no,yes,no,telephone,may,tue,48,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,entrepreneur,married,unknown,unknown,yes,no,cellular,may,tue,145,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +54,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,74,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +58,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,tue,451,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,student,single,high.school,unknown,no,no,cellular,may,tue,53,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,entrepreneur,single,university.degree,no,no,no,cellular,may,tue,612,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +43,admin.,single,university.degree,no,yes,no,cellular,may,tue,305,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,single,university.degree,no,yes,no,cellular,may,tue,104,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,blue-collar,single,basic.4y,no,no,no,cellular,may,tue,176,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,technician,divorced,university.degree,no,yes,no,cellular,may,tue,507,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,management,single,university.degree,no,yes,no,cellular,may,tue,103,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +59,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,242,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,137,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,services,married,high.school,no,yes,no,cellular,may,tue,223,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,services,married,high.school,no,no,no,cellular,may,tue,124,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,may,tue,63,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +24,student,single,basic.4y,no,yes,no,cellular,may,tue,137,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,tue,23,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,may,tue,22,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,admin.,single,high.school,no,yes,no,cellular,may,tue,59,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +50,blue-collar,divorced,basic.4y,no,yes,no,cellular,may,tue,703,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +34,admin.,married,high.school,no,yes,yes,cellular,may,tue,179,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +59,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,690,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +41,management,married,high.school,unknown,yes,no,cellular,may,tue,85,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,high.school,unknown,no,no,telephone,may,tue,25,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,management,single,university.degree,no,no,no,cellular,may,tue,11,12,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,entrepreneur,married,unknown,unknown,no,no,cellular,may,tue,1272,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +57,retired,divorced,basic.9y,no,yes,no,cellular,may,tue,69,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,management,married,high.school,unknown,no,no,cellular,may,tue,256,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,married,high.school,no,yes,no,cellular,may,tue,300,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,256,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,single,university.degree,no,no,no,cellular,may,tue,7,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,admin.,married,university.degree,no,yes,yes,cellular,may,tue,43,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,student,divorced,unknown,no,no,no,cellular,may,tue,244,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,admin.,divorced,university.degree,no,no,no,cellular,may,tue,1062,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +33,blue-collar,single,basic.6y,no,yes,no,cellular,may,tue,22,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,divorced,professional.course,no,yes,yes,cellular,may,tue,429,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +44,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,tue,494,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +44,management,married,basic.9y,no,no,no,cellular,may,tue,296,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +55,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,tue,92,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,17,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +45,admin.,married,university.degree,no,yes,yes,cellular,may,tue,826,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +39,blue-collar,single,basic.4y,no,yes,no,cellular,may,tue,243,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,married,high.school,no,yes,yes,cellular,may,tue,184,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,245,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,entrepreneur,married,high.school,no,unknown,unknown,cellular,may,tue,198,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,360,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,services,single,university.degree,no,yes,no,telephone,may,tue,139,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,54,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,232,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,single,high.school,no,yes,no,cellular,may,tue,517,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +40,blue-collar,single,high.school,unknown,no,no,cellular,may,tue,418,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,technician,married,basic.9y,no,yes,no,cellular,may,tue,153,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,admin.,single,high.school,no,yes,no,cellular,may,tue,116,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,single,university.degree,no,no,no,telephone,may,tue,168,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,technician,married,basic.9y,no,no,no,cellular,may,tue,261,1,12,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,single,university.degree,no,no,no,cellular,may,tue,69,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,admin.,single,high.school,unknown,no,no,cellular,may,tue,212,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +54,management,divorced,professional.course,no,yes,no,cellular,may,tue,121,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,divorced,high.school,no,no,no,cellular,may,tue,23,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,306,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,single,high.school,no,yes,yes,cellular,may,tue,202,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,342,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,22,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,blue-collar,married,basic.6y,no,no,yes,cellular,may,tue,455,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,self-employed,single,university.degree,no,yes,no,cellular,may,tue,245,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,33,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,services,married,high.school,no,yes,no,cellular,may,tue,58,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,student,single,high.school,no,yes,no,cellular,may,tue,41,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,360,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,admin.,married,university.degree,no,yes,no,cellular,may,tue,179,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,single,basic.9y,no,yes,yes,cellular,may,tue,174,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,services,married,basic.9y,no,no,no,telephone,may,tue,43,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +21,services,single,high.school,no,no,no,cellular,may,tue,68,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,services,married,basic.9y,no,no,no,cellular,may,tue,212,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,single,basic.9y,no,yes,no,telephone,may,tue,38,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,services,single,university.degree,no,yes,yes,cellular,may,tue,639,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,single,basic.9y,no,yes,no,cellular,may,tue,483,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +53,unemployed,married,basic.9y,unknown,no,no,cellular,may,tue,205,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,services,married,basic.9y,no,no,no,cellular,may,tue,344,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,self-employed,single,high.school,no,no,no,cellular,may,tue,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,self-employed,single,high.school,no,yes,yes,cellular,may,tue,113,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +46,technician,married,professional.course,no,no,no,cellular,may,tue,87,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,self-employed,single,high.school,no,no,no,cellular,may,tue,238,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,services,single,high.school,unknown,yes,no,cellular,may,tue,27,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +51,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,155,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,self-employed,single,high.school,no,yes,no,cellular,may,tue,337,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,services,single,high.school,no,yes,no,telephone,may,tue,24,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,365,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,technician,married,professional.course,no,no,no,cellular,may,tue,37,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,divorced,university.degree,no,yes,no,cellular,may,tue,25,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,tue,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,admin.,married,high.school,no,yes,no,cellular,may,tue,152,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,unemployed,single,high.school,no,yes,no,telephone,may,tue,179,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,divorced,university.degree,no,yes,no,cellular,may,tue,118,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,high.school,unknown,no,no,cellular,may,tue,272,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,may,tue,30,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,services,single,university.degree,no,yes,no,cellular,may,tue,79,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +47,admin.,divorced,high.school,no,no,no,cellular,may,tue,324,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,technician,married,university.degree,unknown,unknown,unknown,cellular,may,tue,426,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +53,technician,single,professional.course,unknown,no,no,cellular,may,tue,196,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,151,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,services,single,university.degree,no,yes,no,cellular,may,tue,366,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +51,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,tue,211,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,admin.,single,university.degree,no,no,no,cellular,may,tue,43,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +47,admin.,divorced,high.school,no,yes,no,cellular,may,tue,816,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,189,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,590,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +42,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,tue,315,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,131,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,basic.6y,no,yes,no,cellular,may,tue,78,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,97,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,blue-collar,married,basic.4y,no,no,yes,cellular,may,tue,337,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,services,married,high.school,no,yes,no,cellular,may,tue,185,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,admin.,single,professional.course,no,yes,no,cellular,may,tue,78,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,may,tue,55,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,442,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +50,technician,married,basic.6y,unknown,no,no,cellular,may,tue,36,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,74,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,may,tue,326,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,unknown,basic.9y,no,no,no,telephone,may,tue,81,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,tue,179,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,management,married,high.school,unknown,yes,no,cellular,may,tue,527,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,admin.,divorced,university.degree,no,yes,no,cellular,may,tue,918,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +41,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,225,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,high.school,no,yes,no,cellular,may,tue,787,10,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +39,technician,single,professional.course,no,no,no,telephone,may,tue,15,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,married,basic.4y,no,yes,yes,cellular,may,tue,279,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,services,married,high.school,no,no,yes,cellular,may,tue,416,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,technician,single,professional.course,no,yes,no,cellular,may,tue,83,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,technician,single,professional.course,no,yes,no,telephone,may,tue,25,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,technician,single,university.degree,no,no,yes,cellular,may,tue,542,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,technician,single,professional.course,no,yes,no,cellular,may,tue,256,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,technician,single,professional.course,no,no,no,cellular,may,tue,189,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,technician,single,professional.course,no,no,no,cellular,may,tue,251,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +50,services,married,university.degree,unknown,no,no,cellular,may,tue,116,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,technician,single,university.degree,no,no,yes,telephone,may,tue,1100,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,technician,married,high.school,no,yes,no,cellular,may,tue,451,4,3,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,basic.4y,no,yes,no,cellular,may,tue,184,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,admin.,married,university.degree,no,no,yes,telephone,may,tue,232,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,basic.4y,no,no,no,cellular,may,tue,209,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,admin.,married,high.school,no,yes,no,cellular,may,tue,16,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,may,tue,340,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,basic.4y,no,no,no,cellular,may,tue,313,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,services,single,basic.9y,unknown,yes,no,cellular,may,tue,191,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,may,tue,7,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,technician,divorced,professional.course,no,yes,no,cellular,may,tue,493,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,1182,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +28,unemployed,married,high.school,unknown,no,no,cellular,may,tue,216,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +47,entrepreneur,divorced,basic.9y,no,no,no,cellular,may,tue,184,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +53,technician,single,professional.course,unknown,no,no,telephone,may,tue,360,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +55,admin.,married,high.school,unknown,no,no,cellular,may,tue,165,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,161,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +46,blue-collar,married,basic.9y,unknown,no,no,cellular,may,tue,84,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,housemaid,married,basic.9y,no,yes,no,cellular,may,tue,61,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,technician,single,professional.course,no,no,no,cellular,may,tue,267,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,services,divorced,basic.6y,no,unknown,unknown,cellular,may,tue,351,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +55,blue-collar,married,basic.9y,unknown,no,no,cellular,may,tue,183,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,services,unknown,high.school,no,no,no,cellular,may,tue,516,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,management,married,basic.9y,no,yes,no,cellular,may,tue,393,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,may,tue,286,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,blue-collar,married,high.school,no,no,no,cellular,may,tue,87,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,services,married,basic.9y,no,no,yes,cellular,may,tue,277,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,technician,single,university.degree,no,yes,no,cellular,may,tue,200,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,management,married,basic.9y,no,yes,no,cellular,may,tue,725,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +33,technician,divorced,high.school,no,no,no,cellular,may,tue,204,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,technician,divorced,high.school,no,yes,no,cellular,may,tue,175,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,technician,divorced,high.school,no,yes,no,cellular,may,tue,247,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,basic.9y,unknown,no,no,cellular,may,tue,136,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +40,blue-collar,single,basic.4y,no,no,no,cellular,may,tue,218,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +56,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,may,tue,59,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,services,married,professional.course,no,yes,no,cellular,may,tue,146,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +45,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,77,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,management,single,university.degree,no,yes,no,cellular,may,tue,245,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,single,basic.6y,no,no,no,cellular,may,tue,482,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,56,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,blue-collar,married,basic.6y,unknown,no,yes,cellular,may,tue,354,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,may,tue,396,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,may,tue,136,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +50,entrepreneur,married,university.degree,no,no,no,cellular,may,tue,549,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,admin.,single,basic.9y,no,no,no,cellular,may,tue,17,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,439,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,single,high.school,unknown,yes,no,cellular,may,tue,107,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,management,married,university.degree,no,unknown,unknown,cellular,may,tue,369,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,unemployed,married,professional.course,no,unknown,unknown,cellular,may,tue,356,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,services,single,high.school,no,no,no,cellular,may,tue,561,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,admin.,single,basic.9y,no,no,yes,cellular,may,tue,175,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,309,1,10,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +54,retired,divorced,professional.course,no,yes,no,telephone,may,tue,139,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,services,married,high.school,unknown,no,no,cellular,may,tue,148,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +55,admin.,married,high.school,unknown,yes,no,cellular,may,tue,139,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,admin.,single,basic.9y,no,no,yes,cellular,may,tue,549,1,10,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +36,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,395,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,blue-collar,married,high.school,no,yes,yes,cellular,may,tue,145,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,may,tue,119,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,88,2,6,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,management,married,basic.6y,unknown,yes,no,cellular,may,tue,463,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +55,admin.,married,high.school,unknown,yes,no,cellular,may,tue,232,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,admin.,married,high.school,no,yes,no,cellular,may,tue,57,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,blue-collar,married,basic.4y,no,no,yes,cellular,may,tue,300,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,tue,83,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,technician,single,professional.course,no,no,no,cellular,may,tue,200,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,basic.4y,no,unknown,unknown,cellular,may,tue,225,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,technician,single,professional.course,no,no,no,cellular,may,tue,844,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,293,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,services,divorced,high.school,no,no,no,cellular,may,tue,262,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,married,high.school,no,yes,no,cellular,may,tue,137,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +59,housemaid,divorced,basic.6y,unknown,yes,no,cellular,may,tue,130,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,tue,387,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,technician,single,university.degree,no,yes,no,cellular,may,tue,211,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,technician,single,university.degree,no,no,yes,cellular,may,tue,246,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,blue-collar,single,basic.6y,no,yes,no,cellular,may,tue,357,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,technician,single,university.degree,no,yes,no,cellular,may,tue,322,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,services,married,basic.9y,no,no,no,cellular,may,tue,584,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,self-employed,married,university.degree,no,yes,no,cellular,may,tue,240,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,may,tue,374,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +44,unemployed,married,high.school,no,yes,no,cellular,may,tue,215,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,may,tue,22,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,blue-collar,married,basic.6y,no,yes,yes,telephone,may,tue,207,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,technician,single,university.degree,no,no,no,cellular,may,tue,183,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,100,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,management,married,basic.9y,no,yes,yes,cellular,may,tue,955,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +34,admin.,single,university.degree,no,no,no,cellular,may,tue,146,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,31,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,334,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,single,university.degree,no,no,no,cellular,may,tue,271,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,housemaid,married,basic.6y,no,yes,no,cellular,may,tue,223,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,services,married,basic.6y,no,yes,yes,cellular,may,tue,95,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,admin.,single,high.school,no,yes,no,cellular,may,tue,106,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,blue-collar,single,basic.4y,no,yes,no,cellular,may,tue,36,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,admin.,single,basic.9y,no,yes,no,cellular,may,tue,458,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +29,admin.,single,high.school,no,yes,yes,cellular,may,tue,53,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,retired,married,basic.4y,unknown,yes,no,cellular,may,tue,148,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,retired,married,basic.4y,unknown,no,no,cellular,may,tue,179,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,technician,single,basic.9y,no,no,no,cellular,may,tue,223,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,services,single,basic.9y,unknown,yes,no,cellular,may,tue,165,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +25,technician,married,university.degree,no,yes,no,cellular,may,tue,127,1,12,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +25,technician,married,university.degree,no,no,no,cellular,may,tue,158,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,technician,single,basic.9y,no,yes,no,cellular,may,tue,409,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +33,technician,single,university.degree,no,yes,no,cellular,may,tue,165,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,single,basic.9y,no,unknown,unknown,cellular,may,tue,88,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,may,tue,536,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,services,married,high.school,no,yes,yes,cellular,may,tue,380,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,technician,single,high.school,no,yes,no,cellular,may,tue,1531,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +35,admin.,single,high.school,no,no,no,cellular,may,tue,107,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,admin.,single,high.school,unknown,yes,no,cellular,may,tue,132,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,technician,divorced,professional.course,no,yes,no,cellular,may,tue,406,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,technician,divorced,professional.course,no,no,no,cellular,may,tue,240,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,admin.,single,high.school,no,no,no,cellular,may,tue,278,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +45,admin.,married,high.school,unknown,no,yes,cellular,may,tue,908,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,may,tue,706,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +57,housemaid,married,basic.4y,unknown,yes,no,cellular,may,tue,215,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,161,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +51,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,370,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +25,technician,single,professional.course,no,yes,no,cellular,may,tue,157,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,technician,single,professional.course,no,no,no,cellular,may,tue,209,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,blue-collar,married,basic.6y,unknown,no,no,cellular,may,tue,399,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +56,admin.,married,university.degree,no,yes,no,cellular,may,tue,1925,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +55,blue-collar,married,basic.9y,unknown,no,yes,cellular,may,tue,829,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +28,management,married,basic.9y,no,yes,no,cellular,may,tue,328,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +55,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,tue,109,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,blue-collar,married,basic.6y,unknown,no,yes,cellular,may,tue,178,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,entrepreneur,married,university.degree,no,no,no,cellular,may,tue,242,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,services,single,high.school,no,no,yes,cellular,may,tue,450,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,technician,single,university.degree,no,yes,yes,cellular,may,tue,485,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,technician,single,basic.9y,no,yes,no,cellular,may,tue,76,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,self-employed,married,basic.9y,no,unknown,unknown,cellular,may,tue,328,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,technician,single,university.degree,no,no,no,cellular,may,tue,289,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,technician,single,professional.course,no,no,no,cellular,may,tue,163,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +47,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,118,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,admin.,divorced,university.degree,no,no,no,cellular,may,tue,53,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +22,blue-collar,married,basic.9y,no,unknown,unknown,cellular,may,tue,453,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,admin.,single,high.school,no,yes,no,cellular,may,tue,324,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,blue-collar,single,basic.9y,no,yes,yes,cellular,may,tue,637,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +35,admin.,single,basic.9y,no,yes,no,cellular,may,tue,301,3,9,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,admin.,single,university.degree,no,no,no,cellular,may,tue,139,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +50,blue-collar,married,basic.9y,unknown,no,yes,cellular,may,tue,118,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,unemployed,married,professional.course,no,yes,no,cellular,may,tue,32,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,admin.,married,high.school,no,no,no,cellular,may,tue,278,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,student,single,high.school,no,no,no,cellular,may,tue,112,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,technician,single,professional.course,no,no,no,telephone,may,tue,34,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,technician,married,professional.course,no,yes,no,cellular,may,tue,80,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,609,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +48,blue-collar,married,basic.9y,no,no,yes,cellular,may,tue,276,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,married,basic.9y,unknown,no,no,cellular,may,tue,548,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +45,blue-collar,married,basic.6y,no,yes,no,telephone,may,tue,291,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,management,single,university.degree,no,yes,no,cellular,may,tue,1710,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +27,blue-collar,single,basic.9y,no,yes,no,telephone,may,tue,217,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,192,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +40,services,single,high.school,no,yes,no,cellular,may,tue,208,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,technician,single,professional.course,no,no,no,cellular,may,tue,415,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,technician,married,professional.course,no,no,no,cellular,may,tue,278,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,management,single,university.degree,unknown,yes,yes,telephone,may,tue,326,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +44,admin.,divorced,high.school,no,yes,no,cellular,may,tue,173,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,tue,306,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +53,technician,married,professional.course,no,no,no,cellular,may,tue,350,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,may,tue,614,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +45,blue-collar,married,basic.4y,no,yes,no,cellular,may,tue,224,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,technician,divorced,professional.course,no,yes,yes,cellular,may,tue,668,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +24,admin.,single,high.school,unknown,no,no,telephone,may,tue,748,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,services,married,basic.6y,no,no,no,cellular,may,tue,474,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +40,services,single,high.school,no,yes,no,cellular,may,tue,143,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +57,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,tue,168,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,married,basic.4y,no,yes,yes,cellular,may,tue,317,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,married,high.school,no,yes,no,cellular,may,tue,106,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,technician,married,professional.course,no,no,no,cellular,may,tue,234,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,314,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,897,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +31,services,married,high.school,no,yes,no,cellular,may,tue,398,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +33,technician,single,professional.course,no,yes,no,telephone,may,tue,422,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,technician,divorced,professional.course,no,yes,no,cellular,may,tue,130,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,technician,single,university.degree,no,no,no,cellular,may,tue,61,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,services,married,high.school,no,no,no,cellular,may,tue,863,4,1,2,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +35,admin.,single,university.degree,no,yes,no,cellular,may,tue,255,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,single,high.school,no,yes,yes,cellular,may,tue,259,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,29,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,tue,750,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +38,blue-collar,married,basic.6y,no,no,yes,cellular,may,tue,306,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,basic.4y,no,yes,no,cellular,may,tue,266,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +51,blue-collar,divorced,basic.4y,no,yes,no,cellular,may,tue,314,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,student,single,university.degree,no,yes,no,cellular,may,tue,775,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +32,technician,single,university.degree,no,yes,yes,cellular,may,tue,181,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,services,single,high.school,no,yes,no,cellular,may,tue,178,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,technician,single,university.degree,unknown,yes,no,cellular,may,tue,254,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,housemaid,single,high.school,no,no,no,cellular,may,tue,351,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,admin.,married,high.school,no,yes,yes,cellular,may,tue,373,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,high.school,no,no,no,cellular,may,tue,180,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,student,single,university.degree,unknown,no,no,cellular,may,tue,135,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +59,housemaid,divorced,basic.6y,unknown,yes,no,cellular,may,tue,216,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,blue-collar,married,unknown,no,yes,no,cellular,may,tue,86,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,blue-collar,single,university.degree,no,yes,no,cellular,may,tue,85,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,entrepreneur,married,high.school,no,yes,no,cellular,may,tue,325,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,may,tue,187,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,463,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,services,married,basic.6y,no,no,no,cellular,may,tue,142,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,280,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,tue,398,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +57,retired,divorced,basic.9y,no,yes,no,telephone,may,tue,149,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,services,divorced,basic.9y,no,no,no,cellular,may,tue,191,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,management,single,university.degree,no,yes,no,cellular,may,tue,193,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,services,single,high.school,no,yes,no,cellular,may,tue,302,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,married,basic.9y,no,yes,yes,cellular,may,tue,317,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,services,divorced,high.school,no,yes,no,cellular,may,tue,211,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,student,single,university.degree,unknown,yes,no,cellular,may,tue,101,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,services,married,high.school,no,yes,no,cellular,may,tue,172,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,technician,single,university.degree,no,yes,no,cellular,may,tue,464,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,blue-collar,single,professional.course,no,no,no,cellular,may,tue,343,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,self-employed,married,professional.course,no,yes,no,cellular,may,tue,98,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +45,admin.,married,university.degree,no,no,no,cellular,may,tue,198,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,technician,single,high.school,no,yes,no,cellular,may,tue,361,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,management,married,university.degree,no,yes,no,telephone,may,tue,345,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,technician,single,high.school,no,no,no,telephone,may,tue,114,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,technician,divorced,high.school,no,yes,no,cellular,may,tue,210,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,services,divorced,basic.6y,no,yes,no,telephone,may,tue,556,2,10,1,success,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +32,management,single,professional.course,no,yes,no,cellular,may,tue,68,10,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,technician,married,professional.course,no,yes,no,cellular,may,tue,239,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +46,admin.,married,basic.9y,unknown,no,no,cellular,may,tue,349,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,112,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +46,technician,married,professional.course,no,yes,no,telephone,may,tue,34,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,admin.,divorced,high.school,no,yes,no,cellular,may,tue,181,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +47,blue-collar,divorced,basic.4y,unknown,no,no,cellular,may,tue,178,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,may,tue,206,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,services,single,high.school,no,yes,no,cellular,may,tue,194,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,admin.,single,high.school,no,yes,yes,cellular,may,tue,209,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +46,management,married,high.school,unknown,no,no,cellular,may,tue,692,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +46,blue-collar,married,basic.9y,unknown,no,no,telephone,may,tue,210,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +54,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,206,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +48,admin.,divorced,university.degree,no,no,no,telephone,may,tue,355,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,single,high.school,no,no,no,telephone,may,tue,339,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,services,married,high.school,no,yes,no,cellular,may,tue,737,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,yes +50,entrepreneur,married,university.degree,no,yes,no,cellular,may,tue,191,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +41,technician,single,professional.course,no,yes,no,cellular,may,tue,175,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,services,divorced,basic.9y,no,no,no,cellular,may,tue,286,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.4y,no,no,no,cellular,may,tue,93,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,technician,single,professional.course,no,no,no,cellular,may,tue,170,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +44,admin.,divorced,high.school,no,yes,no,cellular,may,tue,173,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +36,technician,married,professional.course,no,no,no,cellular,may,tue,541,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,telephone,may,tue,89,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,admin.,married,high.school,no,unknown,unknown,cellular,may,tue,213,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,self-employed,single,university.degree,no,yes,no,cellular,may,tue,194,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +59,admin.,divorced,university.degree,unknown,unknown,unknown,cellular,may,tue,158,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,technician,married,basic.9y,no,no,no,telephone,may,tue,472,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,blue-collar,married,high.school,no,unknown,unknown,cellular,may,tue,135,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,professional.course,no,no,no,cellular,may,tue,304,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,management,married,basic.9y,unknown,yes,no,cellular,may,tue,275,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +28,unemployed,married,high.school,unknown,yes,no,telephone,may,tue,155,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +29,technician,single,professional.course,no,no,no,telephone,may,tue,125,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,admin.,single,high.school,no,no,no,cellular,may,tue,96,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,services,divorced,basic.6y,no,no,no,telephone,may,tue,175,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +26,self-employed,married,basic.4y,no,yes,no,cellular,may,tue,134,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,services,married,high.school,unknown,no,yes,cellular,may,tue,22,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,single,basic.4y,no,no,yes,cellular,may,tue,807,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.6y,no,yes,no,cellular,may,tue,235,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +53,technician,married,basic.6y,unknown,yes,no,cellular,may,tue,673,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,tue,124,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +53,technician,married,professional.course,no,yes,no,cellular,may,tue,57,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,admin.,divorced,university.degree,no,no,no,cellular,may,tue,225,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,may,tue,144,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +49,blue-collar,married,high.school,no,yes,no,cellular,may,tue,177,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,self-employed,divorced,high.school,no,yes,no,cellular,may,tue,455,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,264,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,technician,married,high.school,unknown,no,no,telephone,may,tue,295,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,may,tue,285,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,married,high.school,no,no,no,cellular,may,tue,166,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,services,single,high.school,no,yes,no,cellular,may,tue,456,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,married,basic.4y,no,no,yes,telephone,may,tue,101,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,telephone,may,tue,256,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +37,services,married,high.school,no,no,no,cellular,may,tue,497,5,999,2,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +53,self-employed,married,basic.9y,no,yes,no,cellular,may,tue,600,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +38,student,divorced,unknown,no,yes,no,cellular,may,tue,268,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,blue-collar,married,basic.9y,unknown,yes,yes,telephone,may,tue,899,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,may,tue,339,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,tue,220,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +25,student,single,university.degree,no,yes,yes,cellular,may,tue,700,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,blue-collar,married,basic.6y,no,no,no,cellular,may,tue,150,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,admin.,single,high.school,no,no,no,cellular,may,tue,147,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +35,blue-collar,single,high.school,no,yes,yes,telephone,may,tue,236,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +55,blue-collar,divorced,basic.9y,no,no,no,cellular,may,tue,133,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +34,admin.,married,high.school,no,yes,no,telephone,may,tue,58,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +31,technician,married,high.school,unknown,yes,yes,telephone,may,tue,234,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +43,technician,married,basic.4y,no,yes,no,telephone,may,tue,1388,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.291,5099.1,no +47,admin.,divorced,university.degree,unknown,no,no,cellular,may,wed,130,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,entrepreneur,married,university.degree,no,yes,no,cellular,may,wed,57,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,services,single,basic.6y,no,yes,no,cellular,may,wed,70,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,admin.,divorced,university.degree,unknown,yes,no,cellular,may,wed,31,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,technician,single,professional.course,no,yes,no,cellular,may,wed,50,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,married,basic.4y,no,no,yes,cellular,may,wed,496,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +26,blue-collar,single,basic.9y,no,yes,yes,cellular,may,wed,94,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,technician,single,high.school,no,yes,no,telephone,may,wed,83,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +26,student,single,high.school,no,no,no,telephone,may,wed,29,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,admin.,married,basic.9y,unknown,yes,no,telephone,may,wed,16,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,single,high.school,no,yes,yes,cellular,may,wed,46,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,wed,20,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +25,admin.,married,high.school,no,yes,no,cellular,may,wed,152,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +26,student,single,high.school,no,yes,yes,telephone,may,wed,61,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,single,university.degree,no,yes,yes,cellular,may,wed,389,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +55,management,married,basic.4y,no,yes,yes,cellular,may,wed,1108,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,blue-collar,single,basic.9y,no,yes,yes,cellular,may,wed,8,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,technician,single,university.degree,no,yes,yes,cellular,may,wed,310,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,self-employed,married,basic.9y,no,yes,yes,cellular,may,wed,197,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,services,married,high.school,no,yes,yes,cellular,may,wed,21,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,management,divorced,basic.9y,no,yes,yes,cellular,may,wed,117,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,services,married,high.school,no,yes,no,telephone,may,wed,413,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,services,divorced,basic.6y,unknown,yes,no,cellular,may,wed,24,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +55,blue-collar,divorced,basic.4y,unknown,yes,no,cellular,may,wed,254,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,single,basic.9y,no,yes,no,telephone,may,wed,65,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,divorced,basic.9y,no,no,no,cellular,may,wed,53,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +57,admin.,married,basic.4y,unknown,yes,no,cellular,may,wed,164,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,housemaid,married,basic.9y,no,yes,no,cellular,may,wed,321,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +47,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,wed,5,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,single,high.school,no,yes,no,cellular,may,wed,82,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,81,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,services,divorced,basic.6y,unknown,unknown,unknown,cellular,may,wed,136,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,self-employed,divorced,basic.9y,no,yes,no,cellular,may,wed,133,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,may,wed,14,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,blue-collar,single,unknown,no,yes,no,cellular,may,wed,320,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,services,married,high.school,no,yes,yes,cellular,may,wed,77,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,divorced,basic.9y,unknown,no,no,cellular,may,wed,211,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,admin.,married,high.school,no,yes,no,cellular,may,wed,129,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,self-employed,married,basic.9y,no,yes,no,telephone,may,wed,26,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,admin.,married,high.school,no,yes,no,cellular,may,wed,200,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,38,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +26,student,single,high.school,no,no,no,telephone,may,wed,95,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,49,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,210,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,single,basic.6y,no,no,no,cellular,may,wed,863,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +29,blue-collar,single,basic.9y,no,yes,no,telephone,may,wed,15,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,admin.,divorced,university.degree,unknown,yes,no,cellular,may,wed,259,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +55,blue-collar,divorced,basic.4y,unknown,no,no,cellular,may,wed,130,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,services,married,basic.9y,unknown,yes,no,telephone,may,wed,211,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,wed,87,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,self-employed,single,professional.course,no,yes,no,cellular,may,wed,774,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +35,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,15,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,single,basic.9y,no,yes,yes,cellular,may,wed,348,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,divorced,basic.9y,no,no,no,cellular,may,wed,129,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,technician,married,professional.course,no,no,no,cellular,may,wed,44,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,technician,single,professional.course,no,yes,no,cellular,may,wed,231,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,wed,155,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,blue-collar,married,high.school,no,unknown,unknown,cellular,may,wed,74,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.4y,no,yes,yes,cellular,may,wed,135,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,217,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,blue-collar,single,high.school,no,no,no,cellular,may,wed,22,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,technician,single,university.degree,no,no,no,telephone,may,wed,32,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +23,student,single,high.school,no,yes,no,cellular,may,wed,435,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,high.school,no,yes,no,telephone,may,wed,25,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +23,services,married,high.school,no,no,no,cellular,may,wed,370,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,divorced,basic.9y,no,yes,yes,cellular,may,wed,201,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +25,blue-collar,single,basic.6y,unknown,no,no,cellular,may,wed,793,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,152,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,high.school,no,yes,no,cellular,may,wed,66,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,wed,213,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +44,admin.,married,high.school,no,yes,no,cellular,may,wed,150,3,999,2,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,364,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,wed,329,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,282,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +58,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,wed,173,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +48,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,51,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,68,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,self-employed,single,high.school,no,yes,no,cellular,may,wed,109,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,technician,married,basic.9y,no,yes,no,cellular,may,wed,23,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,admin.,married,high.school,no,yes,no,cellular,may,wed,1073,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +35,self-employed,single,high.school,no,yes,no,cellular,may,wed,207,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,services,married,high.school,no,yes,no,cellular,may,wed,193,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,wed,134,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,technician,married,basic.9y,no,yes,no,cellular,may,wed,224,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,high.school,no,yes,no,cellular,may,wed,173,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,technician,married,professional.course,no,yes,no,telephone,may,wed,67,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,single,high.school,no,yes,yes,cellular,may,wed,149,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,divorced,basic.9y,no,no,yes,cellular,may,wed,29,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,technician,single,high.school,no,yes,yes,cellular,may,wed,610,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +29,admin.,single,basic.9y,no,no,yes,cellular,may,wed,118,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,management,married,high.school,no,yes,no,cellular,may,wed,95,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,self-employed,married,basic.9y,no,yes,no,cellular,may,wed,84,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,admin.,married,basic.4y,no,yes,no,cellular,may,wed,43,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,93,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,172,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,married,basic.9y,no,no,yes,cellular,may,wed,161,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,single,basic.9y,unknown,no,no,cellular,may,wed,785,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,student,single,high.school,no,yes,no,cellular,may,wed,628,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,retired,divorced,university.degree,no,yes,no,cellular,may,wed,172,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,200,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,admin.,married,university.degree,no,yes,yes,cellular,may,wed,134,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,unemployed,single,university.degree,no,yes,no,cellular,may,wed,51,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,single,high.school,no,yes,no,cellular,may,wed,850,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +55,retired,divorced,basic.4y,unknown,no,no,cellular,may,wed,526,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +43,admin.,married,high.school,no,no,no,cellular,may,wed,140,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,wed,93,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,services,single,high.school,no,yes,yes,cellular,may,wed,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,admin.,married,university.degree,no,yes,yes,cellular,may,wed,318,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,services,married,high.school,no,yes,no,telephone,may,wed,9,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,services,single,basic.6y,unknown,yes,yes,telephone,may,wed,19,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,may,wed,157,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,self-employed,single,high.school,unknown,no,no,cellular,may,wed,79,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,technician,single,high.school,no,yes,no,cellular,may,wed,9,12,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,technician,single,professional.course,no,yes,no,cellular,may,wed,19,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,659,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +34,blue-collar,single,high.school,no,yes,no,cellular,may,wed,39,1,10,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,services,divorced,high.school,no,yes,no,cellular,may,wed,502,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,admin.,divorced,basic.9y,no,yes,no,cellular,may,wed,113,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +44,technician,married,professional.course,unknown,yes,yes,cellular,may,wed,267,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,technician,divorced,professional.course,no,yes,yes,telephone,may,wed,30,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,self-employed,married,basic.9y,no,no,yes,telephone,may,wed,355,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,unemployed,married,basic.9y,no,yes,no,telephone,may,wed,43,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,wed,240,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.6y,unknown,yes,yes,cellular,may,wed,10,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,management,married,university.degree,no,yes,no,cellular,may,wed,17,13,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,divorced,university.degree,no,yes,no,telephone,may,wed,47,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,single,high.school,no,yes,no,cellular,may,wed,296,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.4y,no,no,yes,cellular,may,wed,69,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,blue-collar,divorced,basic.6y,no,no,no,cellular,may,wed,323,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,technician,married,professional.course,no,no,yes,cellular,may,wed,167,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,unemployed,married,basic.9y,no,no,no,cellular,may,wed,570,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +28,blue-collar,single,high.school,no,yes,no,cellular,may,wed,516,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +40,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,220,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,single,high.school,no,yes,yes,cellular,may,wed,177,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +44,blue-collar,married,basic.4y,unknown,no,no,cellular,may,wed,388,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,services,married,basic.9y,no,no,no,cellular,may,wed,61,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,entrepreneur,married,university.degree,no,no,no,cellular,may,wed,585,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +33,admin.,divorced,university.degree,no,no,no,cellular,may,wed,699,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,high.school,no,yes,no,cellular,may,wed,133,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,may,wed,6,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,96,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,management,married,university.degree,no,no,yes,telephone,may,wed,318,5,6,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +23,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,413,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,student,single,high.school,no,yes,yes,cellular,may,wed,66,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,high.school,no,no,no,cellular,may,wed,590,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +38,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,272,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +57,services,married,high.school,unknown,no,no,cellular,may,wed,88,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,services,single,high.school,no,no,no,cellular,may,wed,15,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,technician,single,university.degree,no,yes,no,cellular,may,wed,152,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,single,basic.4y,no,no,no,cellular,may,wed,902,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +31,management,single,university.degree,no,yes,no,cellular,may,wed,294,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,admin.,divorced,high.school,no,yes,no,telephone,may,wed,15,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,single,high.school,no,no,no,cellular,may,wed,290,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,management,married,university.degree,no,yes,no,cellular,may,wed,12,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +44,housemaid,married,basic.4y,no,yes,no,cellular,may,wed,31,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,wed,135,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,management,married,university.degree,no,no,no,cellular,may,wed,142,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,student,single,high.school,no,no,no,cellular,may,wed,669,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +31,technician,single,professional.course,no,yes,yes,cellular,may,wed,123,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,housemaid,single,high.school,no,no,no,cellular,may,wed,391,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +37,services,single,basic.6y,no,yes,no,cellular,may,wed,93,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,divorced,high.school,no,no,no,cellular,may,wed,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,divorced,high.school,no,yes,no,cellular,may,wed,99,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,256,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,married,high.school,no,yes,no,cellular,may,wed,394,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +33,services,single,basic.6y,unknown,no,no,cellular,may,wed,74,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,services,married,high.school,no,yes,no,cellular,may,wed,67,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,single,high.school,no,no,no,cellular,may,wed,131,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,single,high.school,no,yes,no,cellular,may,wed,149,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,married,university.degree,no,no,no,cellular,may,wed,27,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,single,high.school,no,no,no,cellular,may,wed,152,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,116,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,single,basic.9y,no,yes,no,telephone,may,wed,41,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,admin.,married,basic.9y,no,yes,no,cellular,may,wed,302,1,10,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +33,blue-collar,single,university.degree,unknown,no,no,cellular,may,wed,275,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,married,university.degree,no,no,no,cellular,may,wed,128,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +23,student,single,high.school,no,yes,no,cellular,may,wed,78,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,services,single,basic.6y,no,yes,yes,cellular,may,wed,11,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,married,university.degree,no,no,no,cellular,may,wed,101,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,management,married,university.degree,no,no,no,cellular,may,wed,147,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +25,blue-collar,single,high.school,no,yes,no,cellular,may,wed,262,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,services,single,high.school,no,no,no,cellular,may,wed,46,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,technician,single,professional.course,no,no,no,cellular,may,wed,546,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +33,services,married,high.school,no,yes,no,cellular,may,wed,1512,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +35,entrepreneur,married,university.degree,no,no,no,cellular,may,wed,104,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,services,single,basic.6y,unknown,no,no,cellular,may,wed,85,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,technician,single,university.degree,no,yes,no,telephone,may,wed,119,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +52,admin.,married,basic.9y,no,no,no,cellular,may,wed,423,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,self-employed,married,basic.9y,no,no,no,cellular,may,wed,315,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,78,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,single,university.degree,no,no,no,cellular,may,wed,9,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,44,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,admin.,married,high.school,no,no,no,cellular,may,wed,75,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +59,admin.,divorced,high.school,no,unknown,unknown,telephone,may,wed,157,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +46,admin.,married,high.school,unknown,yes,no,cellular,may,wed,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,technician,married,basic.9y,no,yes,no,cellular,may,wed,66,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,may,wed,7,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,single,high.school,no,yes,no,cellular,may,wed,529,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +48,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,349,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,divorced,basic.6y,unknown,no,no,cellular,may,wed,101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,basic.6y,no,no,no,cellular,may,wed,127,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,technician,divorced,professional.course,no,no,yes,cellular,may,wed,83,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,may,wed,333,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +39,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,may,wed,408,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +58,retired,married,basic.4y,unknown,yes,no,cellular,may,wed,205,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,158,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +55,blue-collar,married,basic.4y,unknown,unknown,unknown,telephone,may,wed,18,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,entrepreneur,married,university.degree,no,yes,no,cellular,may,wed,276,1,12,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,264,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,technician,divorced,professional.course,no,no,no,cellular,may,wed,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,self-employed,married,basic.9y,no,no,yes,cellular,may,wed,234,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,115,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,services,single,basic.6y,no,yes,no,cellular,may,wed,272,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,technician,divorced,professional.course,no,no,no,cellular,may,wed,329,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,155,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.4y,no,no,yes,cellular,may,wed,589,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,admin.,divorced,basic.9y,no,no,no,telephone,may,wed,363,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,951,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +38,technician,married,university.degree,no,yes,no,cellular,may,wed,172,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,may,wed,53,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,professional.course,no,no,no,telephone,may,wed,34,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,management,single,university.degree,no,no,no,cellular,may,wed,82,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,services,single,high.school,no,yes,no,telephone,may,wed,155,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,unemployed,married,basic.9y,no,yes,no,cellular,may,wed,788,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,528,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,married,basic.4y,unknown,no,no,cellular,may,wed,296,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,114,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,wed,314,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.4y,unknown,no,no,cellular,may,wed,249,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,services,single,high.school,no,yes,yes,cellular,may,wed,562,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +36,services,single,professional.course,no,yes,no,cellular,may,wed,112,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,204,1,11,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,self-employed,married,basic.9y,no,unknown,unknown,cellular,may,wed,168,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +23,blue-collar,single,basic.9y,no,yes,no,telephone,may,wed,60,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,services,single,basic.6y,no,yes,no,cellular,may,wed,734,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +31,admin.,single,basic.9y,no,no,no,telephone,may,wed,80,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,single,university.degree,unknown,no,no,cellular,may,wed,60,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,services,single,high.school,no,yes,no,cellular,may,wed,281,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,admin.,divorced,basic.9y,no,yes,no,cellular,may,wed,321,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,149,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,155,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +47,blue-collar,single,basic.6y,unknown,no,no,cellular,may,wed,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,blue-collar,single,high.school,no,yes,no,cellular,may,wed,49,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,services,married,high.school,no,no,no,cellular,may,wed,354,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,294,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +47,services,married,professional.course,no,yes,no,cellular,may,wed,137,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,admin.,divorced,high.school,no,yes,no,cellular,may,wed,191,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,wed,172,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,55,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,single,high.school,no,no,no,cellular,may,wed,167,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,entrepreneur,married,unknown,no,no,no,cellular,may,wed,85,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,management,married,university.degree,no,yes,no,cellular,may,wed,92,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +48,admin.,divorced,unknown,no,yes,no,cellular,may,wed,16,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,single,high.school,no,no,no,telephone,may,wed,444,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,may,wed,132,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,technician,married,professional.course,no,yes,no,cellular,may,wed,10,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,technician,single,unknown,no,yes,yes,cellular,may,wed,324,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +22,student,single,high.school,no,yes,no,cellular,may,wed,315,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,divorced,basic.9y,no,no,no,cellular,may,wed,64,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,110,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +26,services,single,high.school,no,yes,no,telephone,may,wed,421,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,services,divorced,basic.6y,unknown,no,no,cellular,may,wed,79,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,174,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,257,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,technician,divorced,high.school,no,yes,no,cellular,may,wed,228,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,296,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,wed,9,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,wed,337,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,married,high.school,no,yes,no,cellular,may,wed,476,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +28,technician,single,professional.course,no,yes,no,telephone,may,wed,185,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,104,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,technician,single,professional.course,no,yes,no,cellular,may,wed,244,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,wed,152,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,married,professional.course,unknown,yes,no,cellular,may,wed,573,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +44,admin.,married,high.school,no,no,no,cellular,may,wed,231,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +58,management,married,basic.4y,no,yes,yes,cellular,may,wed,184,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,124,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,21,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,single,basic.9y,unknown,no,no,cellular,may,wed,233,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +45,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,96,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,99,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,single,basic.9y,no,yes,no,cellular,may,wed,117,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,services,single,high.school,no,yes,no,cellular,may,wed,53,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,married,university.degree,no,no,yes,cellular,may,wed,261,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,technician,single,professional.course,no,yes,no,cellular,may,wed,201,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,married,university.degree,no,no,no,cellular,may,wed,155,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,wed,43,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,services,married,basic.9y,no,yes,no,cellular,may,wed,53,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,services,single,high.school,no,unknown,unknown,cellular,may,wed,363,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,married,high.school,no,yes,no,cellular,may,wed,14,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,56,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +23,admin.,single,high.school,no,yes,no,cellular,may,wed,108,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,wed,459,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +50,blue-collar,single,professional.course,no,no,no,cellular,may,wed,425,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,200,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,married,basic.6y,no,no,yes,cellular,may,wed,223,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +58,housemaid,married,basic.4y,no,yes,no,cellular,may,wed,413,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,services,married,high.school,no,no,yes,cellular,may,wed,747,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +47,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,177,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,wed,66,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,716,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +34,services,married,university.degree,no,yes,yes,cellular,may,wed,253,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,14,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,married,high.school,no,no,no,cellular,may,wed,316,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,services,single,high.school,no,yes,no,cellular,may,wed,152,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,basic.6y,no,no,yes,telephone,may,wed,137,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,management,single,university.degree,no,no,yes,cellular,may,wed,155,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +56,blue-collar,divorced,basic.6y,unknown,no,no,cellular,may,wed,154,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,admin.,married,high.school,no,yes,yes,cellular,may,wed,165,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,blue-collar,married,professional.course,no,yes,no,cellular,may,wed,466,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,1101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +48,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,368,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,admin.,married,high.school,no,yes,no,cellular,may,wed,201,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,single,high.school,no,yes,yes,cellular,may,wed,146,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,married,high.school,no,yes,yes,cellular,may,wed,77,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,single,high.school,no,no,no,cellular,may,wed,157,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,may,wed,96,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,single,university.degree,no,no,no,telephone,may,wed,104,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +52,admin.,married,basic.9y,no,yes,no,cellular,may,wed,38,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +48,services,married,high.school,no,yes,yes,cellular,may,wed,154,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +55,blue-collar,divorced,basic.4y,unknown,no,no,telephone,may,wed,148,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,services,married,high.school,no,yes,no,cellular,may,wed,342,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,technician,single,professional.course,no,yes,yes,telephone,may,wed,43,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +44,technician,single,high.school,unknown,no,no,cellular,may,wed,394,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +29,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,68,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,self-employed,single,high.school,unknown,no,no,cellular,may,wed,364,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,blue-collar,single,unknown,no,yes,no,telephone,may,wed,125,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,single,basic.9y,no,yes,yes,cellular,may,wed,179,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,427,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,technician,single,high.school,no,no,no,cellular,may,wed,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +22,admin.,single,high.school,no,yes,no,cellular,may,wed,197,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,single,basic.4y,no,yes,yes,cellular,may,wed,409,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +55,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,299,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,divorced,basic.9y,no,no,no,cellular,may,wed,323,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +45,services,divorced,basic.9y,no,no,no,cellular,may,wed,215,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,student,single,high.school,unknown,yes,no,cellular,may,wed,290,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,admin.,single,basic.9y,no,yes,yes,cellular,may,wed,147,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,technician,single,professional.course,no,no,no,cellular,may,wed,143,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,admin.,married,university.degree,no,yes,no,cellular,may,wed,541,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,admin.,single,high.school,no,no,yes,cellular,may,wed,172,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,single,basic.6y,no,yes,yes,cellular,may,wed,309,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +59,retired,divorced,professional.course,no,no,no,cellular,may,wed,69,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,student,single,university.degree,no,yes,no,cellular,may,wed,79,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,single,high.school,no,no,no,cellular,may,wed,299,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,housemaid,divorced,university.degree,no,yes,no,cellular,may,wed,213,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,196,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,54,1,6,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,married,high.school,no,no,no,cellular,may,wed,54,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,wed,247,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,wed,426,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,technician,single,professional.course,no,yes,no,cellular,may,wed,404,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,wed,80,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,may,wed,135,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,may,wed,162,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,wed,130,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,high.school,no,no,no,cellular,may,wed,341,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,366,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +33,technician,single,university.degree,no,no,yes,cellular,may,wed,118,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,management,married,basic.9y,no,yes,yes,cellular,may,wed,168,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,services,single,basic.9y,no,no,no,cellular,may,wed,308,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,unemployed,married,university.degree,no,no,no,cellular,may,wed,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,wed,300,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +45,blue-collar,single,basic.4y,no,no,no,cellular,may,wed,223,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,single,basic.6y,unknown,no,no,cellular,may,wed,35,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,blue-collar,married,basic.4y,no,no,yes,cellular,may,wed,199,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +56,housemaid,married,basic.4y,unknown,no,no,cellular,may,wed,206,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +45,blue-collar,single,basic.4y,no,yes,no,cellular,may,wed,721,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,technician,married,university.degree,no,yes,no,cellular,may,wed,641,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,single,basic.6y,unknown,no,no,cellular,may,wed,163,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,may,wed,234,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,divorced,basic.4y,no,no,no,cellular,may,wed,86,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,180,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,technician,single,high.school,no,no,no,cellular,may,wed,68,4,12,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,single,high.school,no,no,no,cellular,may,wed,103,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,services,single,high.school,no,no,no,cellular,may,wed,102,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,may,wed,239,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,admin.,single,university.degree,no,yes,no,cellular,may,wed,325,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,services,single,high.school,no,no,no,cellular,may,wed,234,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,technician,married,professional.course,no,no,no,cellular,may,wed,194,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,134,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,management,married,university.degree,no,yes,no,cellular,may,wed,77,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,admin.,married,basic.9y,no,yes,yes,cellular,may,wed,674,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +36,services,single,high.school,no,yes,no,telephone,may,wed,216,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +48,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,122,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +58,retired,married,university.degree,no,no,no,cellular,may,wed,109,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,622,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +29,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,1966,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,blue-collar,married,university.degree,no,no,yes,cellular,may,wed,131,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,entrepreneur,married,university.degree,no,no,no,cellular,may,wed,140,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,basic.6y,no,no,yes,cellular,may,wed,281,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,technician,married,basic.6y,no,yes,no,cellular,may,wed,156,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +45,blue-collar,single,basic.4y,no,yes,no,cellular,may,wed,161,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,married,university.degree,no,yes,yes,cellular,may,wed,44,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,technician,single,high.school,no,yes,no,cellular,may,wed,240,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,172,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,technician,married,professional.course,no,no,no,cellular,may,wed,127,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,management,single,professional.course,no,no,no,cellular,may,wed,248,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,technician,single,professional.course,no,yes,no,cellular,may,wed,115,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +26,admin.,single,high.school,no,yes,no,cellular,may,wed,38,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,services,married,basic.9y,no,yes,no,cellular,may,wed,201,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,technician,single,professional.course,no,no,no,cellular,may,wed,341,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,married,basic.6y,no,yes,no,cellular,may,wed,298,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,services,married,high.school,no,yes,no,cellular,may,wed,314,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +23,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,52,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +23,services,married,high.school,no,yes,no,cellular,may,wed,77,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,blue-collar,divorced,unknown,no,no,no,cellular,may,wed,390,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,unemployed,married,basic.4y,unknown,yes,no,cellular,may,wed,804,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,blue-collar,divorced,basic.9y,no,no,no,cellular,may,wed,417,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,361,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,married,high.school,no,yes,no,cellular,may,wed,809,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +31,blue-collar,divorced,high.school,no,no,no,cellular,may,wed,156,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,may,wed,44,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,admin.,married,high.school,no,no,no,cellular,may,wed,166,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,services,married,high.school,no,yes,no,cellular,may,wed,58,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,76,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,married,high.school,no,yes,yes,cellular,may,wed,312,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,married,high.school,no,yes,no,cellular,may,wed,298,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,retired,single,basic.6y,unknown,yes,no,cellular,may,wed,466,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,divorced,high.school,no,yes,no,cellular,may,wed,829,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +37,admin.,divorced,university.degree,unknown,yes,no,cellular,may,wed,291,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,wed,484,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,entrepreneur,married,university.degree,no,yes,no,cellular,may,wed,204,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,single,university.degree,unknown,no,no,cellular,may,wed,169,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,admin.,single,high.school,no,yes,no,cellular,may,wed,437,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,unemployed,single,high.school,no,yes,no,cellular,may,wed,937,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +31,blue-collar,single,basic.9y,no,no,yes,cellular,may,wed,37,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,193,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,single,high.school,no,no,no,cellular,may,wed,230,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,blue-collar,divorced,high.school,no,yes,no,cellular,may,wed,204,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,wed,163,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +58,management,married,basic.6y,unknown,no,no,cellular,may,wed,159,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,unemployed,single,high.school,no,yes,no,cellular,may,wed,1970,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +32,blue-collar,single,high.school,no,no,yes,cellular,may,wed,358,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,may,wed,195,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,unknown,unknown,yes,no,telephone,may,wed,1302,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +31,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,wed,96,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +44,blue-collar,divorced,basic.4y,no,no,no,cellular,may,wed,154,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,self-employed,married,basic.9y,no,no,no,telephone,may,wed,246,2,12,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,student,single,university.degree,unknown,yes,yes,cellular,may,wed,122,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,blue-collar,married,basic.4y,unknown,no,no,telephone,may,wed,276,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,may,wed,151,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,297,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,wed,119,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,management,married,university.degree,no,yes,no,cellular,may,wed,172,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,management,married,university.degree,no,yes,yes,cellular,may,wed,74,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,wed,187,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,wed,141,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,technician,married,professional.course,no,no,no,cellular,may,wed,124,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,186,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,1975,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +29,services,single,basic.6y,no,yes,yes,cellular,may,wed,252,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,services,single,high.school,no,no,no,cellular,may,wed,248,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,married,high.school,no,yes,yes,cellular,may,wed,85,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,199,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,self-employed,married,basic.9y,no,no,yes,cellular,may,wed,482,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +30,technician,married,basic.9y,no,no,no,cellular,may,wed,226,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,98,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,wed,358,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +37,blue-collar,married,basic.6y,no,no,yes,cellular,may,wed,158,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,admin.,married,university.degree,no,yes,yes,cellular,may,wed,194,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,self-employed,single,university.degree,no,no,no,cellular,may,wed,340,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,blue-collar,single,basic.9y,no,yes,yes,telephone,may,wed,325,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +47,blue-collar,single,basic.6y,unknown,no,no,cellular,may,wed,408,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +48,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,88,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,management,married,university.degree,no,no,no,cellular,may,wed,323,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,divorced,university.degree,no,yes,no,cellular,may,wed,275,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,admin.,single,university.degree,no,yes,no,cellular,may,wed,177,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,admin.,married,high.school,unknown,no,no,cellular,may,wed,431,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,single,university.degree,no,yes,no,cellular,may,wed,53,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,396,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,management,divorced,university.degree,no,no,no,cellular,may,wed,157,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,blue-collar,married,high.school,unknown,yes,yes,cellular,may,wed,65,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,married,university.degree,no,yes,no,cellular,may,wed,954,2,10,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +41,blue-collar,married,unknown,no,yes,yes,cellular,may,wed,612,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,services,married,high.school,no,no,no,cellular,may,wed,251,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +45,admin.,single,high.school,unknown,no,no,cellular,may,wed,537,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,services,single,high.school,no,no,no,cellular,may,wed,402,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,services,single,high.school,no,no,no,cellular,may,wed,1298,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +36,admin.,single,university.degree,no,no,yes,cellular,may,wed,1119,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +52,technician,divorced,high.school,no,no,yes,cellular,may,wed,191,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,technician,single,professional.course,no,yes,yes,cellular,may,wed,94,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,499,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,services,single,high.school,no,yes,no,cellular,may,wed,66,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +26,blue-collar,single,professional.course,no,yes,no,cellular,may,wed,197,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,high.school,no,no,no,telephone,may,wed,56,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,technician,married,high.school,no,no,no,cellular,may,wed,195,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,services,single,high.school,no,no,no,telephone,may,wed,65,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,technician,single,professional.course,no,yes,no,cellular,may,wed,38,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,wed,168,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,services,married,university.degree,no,yes,no,cellular,may,wed,154,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,housemaid,married,basic.9y,no,no,no,cellular,may,wed,45,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,wed,107,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,admin.,married,high.school,no,yes,no,telephone,may,wed,121,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,entrepreneur,single,university.degree,no,yes,no,cellular,may,wed,318,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,255,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +41,housemaid,married,high.school,no,no,no,cellular,may,wed,174,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,single,basic.9y,no,no,yes,telephone,may,wed,53,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,admin.,single,university.degree,no,no,no,cellular,may,wed,196,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,173,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,married,university.degree,no,no,yes,telephone,may,wed,65,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,136,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,divorced,basic.9y,no,yes,yes,cellular,may,wed,444,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,married,high.school,no,yes,no,cellular,may,wed,308,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,admin.,single,high.school,no,no,no,cellular,may,wed,698,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +31,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,wed,228,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,technician,single,professional.course,no,yes,no,cellular,may,wed,562,2,6,1,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,entrepreneur,married,university.degree,no,yes,no,cellular,may,wed,272,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,entrepreneur,married,basic.9y,no,yes,no,cellular,may,wed,419,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +46,housemaid,married,basic.4y,unknown,yes,no,cellular,may,wed,369,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +55,services,single,high.school,no,no,yes,cellular,may,wed,107,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,single,university.degree,no,yes,no,cellular,may,wed,173,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,technician,single,professional.course,no,no,no,cellular,may,wed,62,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,management,married,university.degree,no,yes,no,cellular,may,wed,129,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +57,services,married,high.school,unknown,yes,no,cellular,may,wed,76,7,1,2,success,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,technician,married,professional.course,no,no,no,cellular,may,wed,65,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,blue-collar,married,high.school,no,unknown,unknown,cellular,may,wed,805,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,married,basic.9y,unknown,no,no,telephone,may,wed,97,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,technician,single,high.school,no,yes,no,cellular,may,wed,202,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,wed,777,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,378,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,654,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +35,services,single,high.school,no,yes,no,cellular,may,wed,185,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,single,basic.4y,no,yes,yes,cellular,may,wed,1805,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,technician,single,professional.course,no,yes,no,cellular,may,wed,367,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,married,university.degree,no,no,no,cellular,may,wed,12,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,married,basic.6y,unknown,no,no,cellular,may,wed,139,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,single,basic.9y,no,no,yes,cellular,may,wed,222,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,wed,122,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,services,single,high.school,no,no,no,cellular,may,wed,649,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +49,blue-collar,married,high.school,unknown,yes,no,cellular,may,wed,168,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,services,married,high.school,no,yes,no,cellular,may,wed,237,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +45,unemployed,divorced,basic.6y,no,unknown,unknown,cellular,may,wed,135,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,technician,single,professional.course,no,yes,no,cellular,may,wed,102,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,professional.course,unknown,no,no,cellular,may,wed,65,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +59,retired,divorced,professional.course,no,yes,no,cellular,may,wed,281,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +56,blue-collar,married,basic.4y,no,yes,yes,cellular,may,wed,80,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,services,married,basic.9y,no,no,yes,cellular,may,wed,36,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,basic.6y,no,yes,yes,cellular,may,wed,143,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +44,unemployed,divorced,basic.9y,no,no,no,telephone,may,wed,259,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,221,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,high.school,no,yes,no,cellular,may,wed,177,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,admin.,single,university.degree,no,yes,yes,cellular,may,wed,84,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,admin.,married,high.school,no,no,no,cellular,may,wed,406,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,services,married,high.school,no,no,no,cellular,may,wed,185,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,self-employed,married,basic.9y,no,yes,no,cellular,may,wed,155,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,yes,cellular,may,wed,190,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,53,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,technician,single,professional.course,no,no,no,telephone,may,wed,99,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +51,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,254,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,technician,single,professional.course,no,no,no,cellular,may,wed,531,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +29,admin.,single,basic.9y,no,yes,no,cellular,may,wed,256,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,entrepreneur,married,basic.4y,unknown,yes,no,cellular,may,wed,217,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +48,blue-collar,married,basic.6y,no,no,no,telephone,may,wed,25,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,253,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +26,student,single,high.school,no,yes,no,cellular,may,wed,277,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,single,basic.6y,no,yes,no,cellular,may,wed,125,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,services,single,high.school,no,no,no,cellular,may,wed,151,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,unemployed,single,high.school,no,no,no,telephone,may,wed,127,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,admin.,married,university.degree,no,no,no,cellular,may,wed,449,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +57,blue-collar,married,basic.6y,unknown,no,no,cellular,may,wed,97,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,blue-collar,divorced,basic.6y,no,yes,no,cellular,may,wed,16,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +46,housemaid,single,basic.9y,unknown,no,no,cellular,may,wed,388,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,self-employed,single,university.degree,no,no,no,cellular,may,wed,134,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,265,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +40,technician,married,professional.course,no,yes,no,cellular,may,wed,32,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,self-employed,married,basic.9y,no,yes,no,cellular,may,wed,285,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +39,services,married,high.school,no,no,no,cellular,may,wed,383,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,blue-collar,single,basic.4y,no,yes,no,telephone,may,wed,179,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,single,university.degree,no,yes,no,telephone,may,wed,51,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,technician,single,high.school,no,yes,no,cellular,may,wed,446,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,management,single,university.degree,no,no,yes,cellular,may,wed,136,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,single,high.school,unknown,yes,no,cellular,may,wed,420,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +53,retired,married,basic.9y,no,no,no,cellular,may,wed,133,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +21,student,single,high.school,no,no,no,cellular,may,wed,513,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +36,technician,single,professional.course,no,yes,no,cellular,may,wed,225,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,single,high.school,no,no,yes,cellular,may,wed,204,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,services,single,high.school,no,yes,no,cellular,may,wed,240,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,blue-collar,married,basic.4y,no,no,yes,cellular,may,wed,135,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,admin.,single,basic.9y,no,no,no,cellular,may,wed,245,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,married,high.school,no,yes,no,cellular,may,wed,119,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,married,basic.6y,no,yes,no,cellular,may,wed,1279,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +44,admin.,divorced,professional.course,no,no,yes,telephone,may,wed,38,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,single,basic.9y,no,no,yes,cellular,may,wed,331,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,unemployed,married,basic.4y,unknown,no,no,cellular,may,wed,771,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +49,entrepreneur,married,basic.4y,unknown,yes,no,cellular,may,wed,491,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,housemaid,divorced,university.degree,no,yes,no,cellular,may,wed,873,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +51,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,440,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +36,services,divorced,high.school,no,no,yes,telephone,may,wed,992,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +58,housemaid,married,basic.4y,no,no,no,telephone,may,wed,689,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +29,admin.,single,high.school,no,yes,no,cellular,may,wed,443,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +37,admin.,divorced,university.degree,unknown,yes,no,cellular,may,wed,302,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,technician,single,university.degree,no,yes,no,cellular,may,wed,75,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,admin.,married,university.degree,no,no,yes,cellular,may,wed,72,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,single,basic.9y,no,no,yes,telephone,may,wed,418,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,324,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,divorced,high.school,no,no,no,cellular,may,wed,69,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +38,self-employed,married,basic.9y,no,no,no,cellular,may,wed,1130,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +52,admin.,married,university.degree,no,no,no,cellular,may,wed,429,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,yes +34,blue-collar,married,high.school,no,yes,no,cellular,may,wed,96,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,310,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +35,admin.,single,university.degree,no,no,no,cellular,may,wed,149,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +28,student,single,high.school,no,no,no,cellular,may,wed,182,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,no,cellular,may,wed,1309,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,364,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,management,married,university.degree,no,yes,yes,cellular,may,wed,36,9,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,unknown,yes,no,telephone,may,wed,337,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +46,blue-collar,divorced,basic.9y,no,no,no,cellular,may,wed,426,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +45,services,married,high.school,unknown,yes,no,cellular,may,wed,25,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,single,high.school,no,yes,yes,cellular,may,wed,196,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,may,wed,126,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +25,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,201,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +42,blue-collar,divorced,basic.9y,no,no,yes,cellular,may,wed,300,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +32,blue-collar,married,basic.6y,unknown,no,no,telephone,may,wed,630,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,telephone,may,wed,48,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,189,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +30,blue-collar,single,basic.9y,no,no,no,cellular,may,wed,305,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.281,5099.1,no +27,admin.,married,professional.course,no,no,no,cellular,may,thu,68,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,65,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,thu,115,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,247,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,services,single,high.school,no,yes,no,cellular,may,thu,164,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,technician,single,university.degree,no,yes,yes,cellular,may,thu,178,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,technician,single,professional.course,no,no,no,telephone,may,thu,19,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,housemaid,single,basic.4y,no,no,yes,cellular,may,thu,9,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,services,single,basic.4y,unknown,yes,no,cellular,may,thu,24,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,management,single,university.degree,no,yes,no,cellular,may,thu,165,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,high.school,no,no,no,cellular,may,thu,14,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,high.school,no,yes,no,telephone,may,thu,36,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +59,admin.,divorced,basic.9y,no,yes,no,cellular,may,thu,8,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,thu,33,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,single,basic.4y,no,no,no,cellular,may,thu,121,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,management,married,university.degree,no,yes,no,telephone,may,thu,921,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,services,married,high.school,no,yes,yes,cellular,may,thu,436,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,professional.course,no,no,no,cellular,may,thu,119,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,technician,single,basic.9y,no,yes,no,telephone,may,thu,13,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,self-employed,married,high.school,no,yes,yes,cellular,may,thu,181,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,technician,married,basic.9y,no,yes,no,telephone,may,thu,7,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,16,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,technician,single,university.degree,no,yes,no,cellular,may,thu,259,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,102,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,admin.,single,university.degree,no,yes,no,cellular,may,thu,19,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,113,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,high.school,unknown,yes,no,cellular,may,thu,152,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +47,blue-collar,married,basic.4y,unknown,no,no,cellular,may,thu,14,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,student,single,high.school,no,yes,no,cellular,may,thu,21,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,may,thu,17,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,divorced,basic.9y,no,no,yes,telephone,may,thu,18,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,blue-collar,single,basic.9y,unknown,yes,yes,cellular,may,thu,17,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,services,married,high.school,unknown,yes,no,cellular,may,thu,13,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,technician,married,professional.course,no,yes,no,cellular,may,thu,99,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,services,single,high.school,no,unknown,unknown,cellular,may,thu,11,15,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,admin.,single,high.school,no,yes,no,cellular,may,thu,24,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,technician,married,university.degree,no,yes,no,cellular,may,thu,164,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,services,single,basic.9y,no,yes,no,cellular,may,thu,78,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,may,thu,29,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,student,single,high.school,no,yes,no,telephone,may,thu,9,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,married,professional.course,no,yes,no,cellular,may,thu,465,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,blue-collar,married,basic.6y,unknown,yes,yes,cellular,may,thu,263,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,university.degree,no,no,no,cellular,may,thu,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +43,blue-collar,married,basic.4y,no,no,yes,cellular,may,thu,722,2,11,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +33,admin.,married,professional.course,no,no,yes,cellular,may,thu,178,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,may,thu,6,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,technician,married,basic.6y,no,no,no,cellular,may,thu,25,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,services,married,high.school,no,yes,no,cellular,may,thu,348,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,may,thu,30,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,management,divorced,university.degree,unknown,no,no,cellular,may,thu,33,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,222,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,single,high.school,no,no,no,cellular,may,thu,325,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +43,services,married,high.school,unknown,yes,no,cellular,may,thu,974,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +23,self-employed,single,basic.9y,no,no,no,cellular,may,thu,254,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,married,university.degree,unknown,no,no,cellular,may,thu,344,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,925,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,467,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +27,entrepreneur,divorced,university.degree,unknown,no,no,telephone,may,thu,9,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,15,11,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,12,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +20,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,thu,42,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,services,divorced,high.school,no,no,no,cellular,may,thu,186,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,technician,married,professional.course,no,yes,no,cellular,may,thu,580,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,40,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,services,single,high.school,no,no,no,cellular,may,thu,350,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,720,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.4y,no,unknown,unknown,cellular,may,thu,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,management,married,university.degree,no,no,no,cellular,may,thu,11,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,services,single,high.school,no,yes,yes,cellular,may,thu,10,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,services,divorced,high.school,no,yes,no,cellular,may,thu,533,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +45,self-employed,married,high.school,no,yes,no,cellular,may,thu,21,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,management,single,university.degree,no,yes,yes,cellular,may,thu,146,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,services,married,high.school,no,yes,yes,cellular,may,thu,189,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.4y,no,yes,yes,cellular,may,thu,365,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,91,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,management,married,university.degree,no,no,no,cellular,may,thu,84,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,single,high.school,no,yes,yes,telephone,may,thu,22,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.4y,no,no,no,cellular,may,thu,166,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.4y,no,yes,no,cellular,may,thu,182,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,admin.,single,high.school,no,yes,no,cellular,may,thu,638,1,6,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,divorced,basic.9y,unknown,no,no,cellular,may,thu,46,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,may,thu,127,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,student,single,unknown,no,yes,yes,cellular,may,thu,306,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,married,basic.4y,no,yes,yes,cellular,may,thu,558,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +26,management,single,university.degree,no,yes,yes,cellular,may,thu,161,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,management,single,university.degree,no,yes,no,cellular,may,thu,119,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,entrepreneur,married,high.school,no,yes,no,cellular,may,thu,61,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,admin.,married,high.school,no,no,no,cellular,may,thu,362,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,83,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,151,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,services,single,high.school,no,no,no,cellular,may,thu,566,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,technician,single,basic.9y,no,no,no,cellular,may,thu,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +50,self-employed,married,basic.9y,unknown,no,no,cellular,may,thu,291,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +50,self-employed,married,basic.9y,unknown,no,no,cellular,may,thu,287,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,technician,married,basic.9y,no,no,no,cellular,may,thu,64,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,high.school,no,no,no,cellular,may,thu,244,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,management,single,university.degree,no,yes,no,cellular,may,thu,667,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +26,admin.,single,high.school,unknown,no,no,cellular,may,thu,136,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,management,single,university.degree,no,no,no,cellular,may,thu,715,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +40,admin.,divorced,high.school,no,yes,no,cellular,may,thu,123,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,may,thu,16,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,admin.,married,basic.9y,unknown,yes,yes,cellular,may,thu,414,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,services,single,high.school,no,yes,no,cellular,may,thu,201,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,single,high.school,no,yes,no,cellular,may,thu,212,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,management,divorced,university.degree,unknown,no,no,cellular,may,thu,86,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,317,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,divorced,high.school,no,no,no,cellular,may,thu,145,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,services,married,high.school,no,yes,no,cellular,may,thu,532,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,technician,single,professional.course,no,no,no,cellular,may,thu,248,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +54,blue-collar,married,basic.9y,no,no,yes,cellular,may,thu,158,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,blue-collar,married,basic.9y,no,no,yes,cellular,may,thu,141,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,190,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,self-employed,single,professional.course,unknown,yes,no,cellular,may,thu,161,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,23,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,276,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,technician,single,professional.course,no,no,no,telephone,may,thu,7,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,high.school,no,yes,yes,cellular,may,thu,201,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,technician,single,basic.9y,no,no,no,cellular,may,thu,20,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,blue-collar,single,basic.9y,no,no,yes,cellular,may,thu,51,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,blue-collar,divorced,basic.9y,unknown,no,no,cellular,may,thu,467,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,services,single,high.school,no,no,yes,cellular,may,thu,603,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,thu,9,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,283,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,283,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,technician,married,professional.course,no,yes,no,cellular,may,thu,341,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,professional.course,no,yes,no,cellular,may,thu,102,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,professional.course,no,yes,no,cellular,may,thu,267,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +55,services,single,basic.9y,no,unknown,unknown,cellular,may,thu,717,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +27,admin.,married,professional.course,no,yes,no,cellular,may,thu,143,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,services,married,high.school,no,yes,no,cellular,may,thu,22,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,technician,married,professional.course,no,yes,yes,cellular,may,thu,428,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,484,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,self-employed,single,professional.course,unknown,no,no,cellular,may,thu,561,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +32,management,single,university.degree,no,yes,no,cellular,may,thu,149,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,professional.course,no,yes,no,cellular,may,thu,338,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,182,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,thu,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,self-employed,single,university.degree,no,yes,yes,cellular,may,thu,73,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,professional.course,no,no,no,cellular,may,thu,584,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,married,professional.course,no,yes,no,cellular,may,thu,260,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,self-employed,single,university.degree,no,no,no,cellular,may,thu,185,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,self-employed,single,university.degree,no,no,no,cellular,may,thu,223,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,admin.,married,high.school,no,no,no,cellular,may,thu,76,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,thu,590,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +48,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,214,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,entrepreneur,divorced,high.school,no,yes,no,cellular,may,thu,103,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,37,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,blue-collar,single,basic.9y,no,yes,yes,cellular,may,thu,273,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,single,high.school,no,no,no,cellular,may,thu,451,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,entrepreneur,married,professional.course,no,yes,no,telephone,may,thu,12,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,technician,single,unknown,no,no,no,cellular,may,thu,745,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +29,services,single,high.school,no,no,no,cellular,may,thu,854,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +27,admin.,married,professional.course,no,yes,no,cellular,may,thu,1166,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,admin.,married,high.school,no,no,yes,cellular,may,thu,105,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +47,entrepreneur,divorced,high.school,no,no,no,cellular,may,thu,8,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,admin.,married,high.school,no,no,yes,cellular,may,thu,7,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,self-employed,married,high.school,no,no,no,cellular,may,thu,159,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,services,single,high.school,no,no,no,cellular,may,thu,646,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +24,admin.,single,professional.course,no,no,no,cellular,may,thu,210,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,admin.,married,university.degree,no,no,yes,cellular,may,thu,17,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,297,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,management,single,high.school,no,no,yes,cellular,may,thu,365,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,blue-collar,married,basic.4y,unknown,yes,no,telephone,may,thu,162,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,university.degree,no,yes,yes,cellular,may,thu,255,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +41,technician,married,professional.course,no,yes,no,cellular,may,thu,377,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,housemaid,single,high.school,no,yes,no,cellular,may,thu,165,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,may,thu,133,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,345,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +31,blue-collar,married,basic.6y,unknown,no,no,cellular,may,thu,263,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,management,married,professional.course,no,no,no,cellular,may,thu,125,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,technician,single,basic.4y,unknown,yes,no,cellular,may,thu,411,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +49,services,married,high.school,no,no,no,cellular,may,thu,67,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,single,basic.4y,no,yes,no,cellular,may,thu,279,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,services,single,high.school,no,yes,yes,cellular,may,thu,456,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +25,services,married,high.school,no,no,no,cellular,may,thu,112,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,married,basic.6y,unknown,no,no,cellular,may,thu,680,1,6,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +49,services,married,high.school,no,yes,no,cellular,may,thu,152,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,services,married,high.school,no,yes,no,cellular,may,thu,21,12,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,blue-collar,unknown,basic.4y,no,no,no,cellular,may,thu,1180,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +32,technician,single,university.degree,no,no,no,cellular,may,thu,14,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,services,single,high.school,no,no,no,cellular,may,thu,243,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,single,high.school,no,yes,no,cellular,may,thu,17,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,student,single,high.school,no,no,no,cellular,may,thu,12,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,535,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,services,married,high.school,no,no,no,telephone,may,thu,188,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,technician,married,basic.6y,unknown,no,no,cellular,may,thu,498,1,12,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,admin.,single,high.school,no,yes,no,cellular,may,thu,149,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,technician,single,university.degree,no,yes,no,telephone,may,thu,62,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,admin.,married,university.degree,unknown,no,no,cellular,may,thu,877,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,entrepreneur,single,university.degree,no,yes,yes,cellular,may,thu,204,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,entrepreneur,married,basic.6y,no,yes,no,cellular,may,thu,210,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,student,unknown,basic.9y,no,no,no,cellular,may,thu,155,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,married,university.degree,no,no,yes,cellular,may,thu,159,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,management,married,professional.course,no,no,no,cellular,may,thu,578,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +54,blue-collar,married,basic.4y,unknown,yes,yes,cellular,may,thu,303,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,admin.,single,high.school,no,yes,no,cellular,may,thu,258,1,10,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,services,married,high.school,no,no,yes,cellular,may,thu,786,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +29,services,married,high.school,unknown,yes,no,cellular,may,thu,161,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,entrepreneur,single,university.degree,no,yes,no,cellular,may,thu,633,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +32,admin.,married,university.degree,no,no,no,cellular,may,thu,57,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +46,services,married,high.school,no,no,no,cellular,may,thu,107,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,divorced,high.school,no,no,no,cellular,may,thu,307,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +23,self-employed,single,basic.9y,no,yes,no,cellular,may,thu,64,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +41,services,married,high.school,no,no,no,cellular,may,thu,116,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,entrepreneur,divorced,high.school,no,yes,no,cellular,may,thu,318,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,student,single,high.school,no,yes,no,cellular,may,thu,47,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,self-employed,married,high.school,no,no,no,cellular,may,thu,183,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,services,married,high.school,no,yes,no,cellular,may,thu,343,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,basic.9y,no,yes,no,telephone,may,thu,230,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,technician,single,university.degree,no,no,no,cellular,may,thu,138,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,thu,11,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,155,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,services,single,high.school,no,no,no,cellular,may,thu,47,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +47,services,married,basic.6y,no,yes,no,cellular,may,thu,201,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,technician,married,professional.course,no,yes,yes,telephone,may,thu,289,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,entrepreneur,single,university.degree,no,yes,no,cellular,may,thu,11,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.6y,unknown,no,no,cellular,may,thu,72,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,married,basic.6y,no,yes,yes,cellular,may,thu,273,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,services,single,high.school,no,no,yes,cellular,may,thu,91,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,services,married,high.school,unknown,yes,no,cellular,may,thu,23,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +45,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,43,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,admin.,single,university.degree,no,no,no,telephone,may,thu,121,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,449,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +45,blue-collar,married,basic.4y,no,yes,yes,cellular,may,thu,8,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,services,single,high.school,no,no,no,cellular,may,thu,524,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,student,single,university.degree,no,no,no,telephone,may,thu,13,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +53,services,married,basic.6y,no,yes,no,cellular,may,thu,157,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,services,divorced,high.school,no,no,no,cellular,may,thu,72,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,112,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,entrepreneur,single,university.degree,no,no,no,cellular,may,thu,50,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,225,1,12,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,42,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,35,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,607,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +37,management,married,university.degree,no,no,yes,cellular,may,thu,123,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,255,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,self-employed,single,university.degree,no,no,no,cellular,may,thu,334,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,104,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,single,basic.9y,unknown,no,no,cellular,may,thu,1075,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +36,admin.,single,high.school,no,yes,no,cellular,may,thu,235,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,technician,single,high.school,no,no,no,cellular,may,thu,64,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,high.school,no,no,no,cellular,may,thu,137,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,services,divorced,high.school,no,yes,yes,cellular,may,thu,874,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +23,student,single,university.degree,no,yes,no,cellular,may,thu,200,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,433,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,technician,single,high.school,no,no,no,cellular,may,thu,215,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,thu,287,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +47,blue-collar,married,basic.4y,unknown,no,no,telephone,may,thu,391,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,single,basic.4y,no,no,no,cellular,may,thu,93,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,16,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,523,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,225,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +21,student,single,high.school,no,no,no,cellular,may,thu,24,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,married,basic.6y,no,yes,yes,cellular,may,thu,298,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,management,married,university.degree,no,yes,no,cellular,may,thu,200,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,services,single,university.degree,no,unknown,unknown,telephone,may,thu,93,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,married,university.degree,no,no,yes,cellular,may,thu,234,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,admin.,single,high.school,no,no,no,cellular,may,thu,797,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,419,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +46,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,married,basic.6y,no,yes,no,cellular,may,thu,83,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,may,thu,30,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,135,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,may,thu,97,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,management,married,university.degree,no,yes,no,cellular,may,thu,128,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,married,basic.6y,no,no,no,cellular,may,thu,586,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,high.school,no,no,no,cellular,may,thu,492,1,12,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +23,blue-collar,single,basic.4y,unknown,no,yes,cellular,may,thu,208,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +21,admin.,single,high.school,no,no,yes,cellular,may,thu,240,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,technician,married,professional.course,no,yes,no,cellular,may,thu,703,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,1106,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,management,single,university.degree,no,yes,no,telephone,may,thu,151,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,506,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.4y,no,no,no,cellular,may,thu,282,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +57,admin.,married,basic.9y,no,no,no,cellular,may,thu,563,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +30,technician,single,professional.course,no,yes,no,cellular,may,thu,377,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +41,blue-collar,married,basic.4y,no,yes,yes,cellular,may,thu,174,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +50,services,divorced,high.school,no,yes,no,cellular,may,thu,199,15,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,services,single,high.school,no,yes,no,cellular,may,thu,437,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,high.school,unknown,yes,no,cellular,may,thu,175,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +46,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,386,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,233,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,thu,74,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,student,single,high.school,no,no,no,cellular,may,thu,184,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,111,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +53,admin.,married,high.school,no,no,no,cellular,may,thu,168,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,156,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,divorced,high.school,no,yes,no,cellular,may,thu,66,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,services,divorced,high.school,no,no,no,cellular,may,thu,97,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,entrepreneur,married,high.school,no,yes,yes,cellular,may,thu,97,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,admin.,married,high.school,no,yes,no,cellular,may,thu,160,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,married,basic.9y,no,unknown,unknown,cellular,may,thu,1020,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +25,student,single,high.school,no,yes,no,cellular,may,thu,149,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,services,divorced,high.school,no,yes,no,cellular,may,thu,202,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,management,single,university.degree,no,yes,no,telephone,may,thu,112,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,technician,married,university.degree,no,no,no,telephone,may,thu,154,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,admin.,single,high.school,no,yes,no,cellular,may,thu,337,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,high.school,unknown,no,no,cellular,may,thu,1723,1,12,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +45,admin.,married,unknown,no,no,no,cellular,may,thu,177,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,blue-collar,single,basic.6y,no,yes,no,cellular,may,thu,95,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,technician,single,professional.course,unknown,yes,yes,cellular,may,thu,246,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,294,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,management,single,university.degree,no,no,no,cellular,may,thu,162,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,services,single,professional.course,no,yes,no,cellular,may,thu,406,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +35,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,20,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,technician,married,high.school,unknown,yes,no,cellular,may,thu,115,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +43,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,543,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,self-employed,single,university.degree,no,yes,no,cellular,may,thu,73,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,technician,married,university.degree,no,no,yes,cellular,may,thu,136,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,services,single,high.school,no,no,no,cellular,may,thu,138,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,services,single,high.school,no,yes,no,cellular,may,thu,118,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,services,single,high.school,no,yes,no,cellular,may,thu,30,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,professional.course,no,yes,no,cellular,may,thu,444,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,professional.course,no,no,no,cellular,may,thu,466,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,married,professional.course,no,unknown,unknown,cellular,may,thu,110,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,thu,97,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,blue-collar,divorced,basic.6y,unknown,yes,no,cellular,may,thu,7,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,thu,172,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,management,divorced,university.degree,no,yes,no,cellular,may,thu,146,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,thu,16,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,single,high.school,no,yes,no,cellular,may,thu,150,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,services,single,university.degree,no,yes,no,cellular,may,thu,163,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,services,single,high.school,no,yes,no,cellular,may,thu,88,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,technician,single,professional.course,no,yes,no,cellular,may,thu,277,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,services,divorced,high.school,no,no,no,cellular,may,thu,96,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,technician,single,professional.course,no,no,no,cellular,may,thu,175,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,admin.,single,high.school,no,no,no,cellular,may,thu,22,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,admin.,married,high.school,no,unknown,unknown,cellular,may,thu,430,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,student,single,high.school,no,unknown,unknown,cellular,may,thu,97,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,management,married,university.degree,no,no,no,cellular,may,thu,164,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,88,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,blue-collar,married,high.school,unknown,yes,no,cellular,may,thu,71,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +21,services,single,high.school,no,yes,no,cellular,may,thu,136,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,92,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,17,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +46,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,155,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,199,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +51,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,159,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,services,divorced,high.school,no,no,no,cellular,may,thu,36,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,technician,single,university.degree,no,yes,no,cellular,may,thu,43,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,admin.,single,high.school,no,yes,no,cellular,may,thu,70,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,334,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,self-employed,married,high.school,no,yes,no,cellular,may,thu,107,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,admin.,married,high.school,no,no,no,cellular,may,thu,806,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,technician,single,high.school,no,no,no,cellular,may,thu,104,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,admin.,single,university.degree,no,no,no,telephone,may,thu,217,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,single,high.school,no,yes,no,cellular,may,thu,216,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,may,thu,143,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,management,single,basic.9y,no,yes,no,cellular,may,thu,106,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,226,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,management,single,basic.9y,no,yes,no,telephone,may,thu,166,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,entrepreneur,single,university.degree,no,yes,no,cellular,may,thu,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,services,single,basic.9y,no,yes,no,cellular,may,thu,64,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,admin.,married,university.degree,no,no,no,cellular,may,thu,105,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,student,single,high.school,no,yes,no,cellular,may,thu,99,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,130,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,technician,single,professional.course,no,no,no,cellular,may,thu,256,1,11,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,blue-collar,married,high.school,no,yes,no,cellular,may,thu,121,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,technician,single,professional.course,no,yes,no,cellular,may,thu,285,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,140,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,thu,167,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,technician,single,professional.course,no,yes,no,cellular,may,thu,691,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +27,technician,single,professional.course,no,no,no,cellular,may,thu,311,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,164,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,technician,single,high.school,no,no,yes,cellular,may,thu,1129,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +24,blue-collar,single,basic.4y,no,yes,yes,cellular,may,thu,109,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,married,university.degree,no,yes,yes,cellular,may,thu,444,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,admin.,divorced,high.school,no,yes,no,cellular,may,thu,265,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,technician,married,university.degree,no,yes,yes,cellular,may,thu,175,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,191,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +39,technician,married,professional.course,no,yes,no,cellular,may,thu,292,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,technician,married,professional.course,no,no,no,cellular,may,thu,239,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,59,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,471,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +46,services,married,high.school,no,yes,no,cellular,may,thu,182,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,933,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +32,management,married,high.school,no,unknown,unknown,cellular,may,thu,396,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,technician,married,university.degree,no,yes,no,cellular,may,thu,432,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,single,basic.9y,no,yes,yes,cellular,may,thu,224,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +33,blue-collar,married,basic.9y,unknown,no,no,cellular,may,thu,616,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +42,technician,married,professional.course,no,yes,yes,cellular,may,thu,50,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,basic.9y,no,yes,no,cellular,may,thu,111,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,admin.,single,high.school,no,yes,no,cellular,may,thu,685,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,134,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +54,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,423,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,single,basic.9y,unknown,no,no,cellular,may,thu,65,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.9y,unknown,unknown,unknown,cellular,may,thu,551,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +58,entrepreneur,divorced,professional.course,no,yes,no,cellular,may,thu,165,5,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +51,blue-collar,married,basic.4y,no,yes,yes,cellular,may,thu,668,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +28,student,single,university.degree,no,yes,no,cellular,may,thu,42,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,services,married,high.school,no,no,no,cellular,may,thu,177,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,high.school,no,yes,yes,cellular,may,thu,99,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,108,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +49,services,married,high.school,no,yes,yes,cellular,may,thu,291,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,thu,170,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,services,married,high.school,no,yes,no,cellular,may,thu,117,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +57,services,divorced,basic.4y,no,no,no,cellular,may,thu,161,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,blue-collar,single,high.school,no,yes,no,cellular,may,thu,330,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,technician,single,professional.course,no,no,no,cellular,may,thu,480,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +53,services,married,basic.6y,no,yes,no,cellular,may,thu,24,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,married,high.school,no,no,no,cellular,may,thu,172,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,student,single,high.school,no,yes,no,cellular,may,thu,143,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,entrepreneur,married,basic.9y,unknown,yes,yes,cellular,may,thu,158,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,88,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,married,basic.6y,no,yes,yes,cellular,may,thu,157,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,technician,single,professional.course,unknown,yes,no,cellular,may,thu,111,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +54,self-employed,divorced,professional.course,no,yes,no,cellular,may,thu,553,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,student,single,basic.9y,no,yes,no,telephone,may,thu,25,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,single,high.school,no,no,no,cellular,may,thu,433,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,services,divorced,high.school,no,no,yes,cellular,may,thu,632,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,115,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,management,single,university.degree,no,no,no,cellular,may,thu,228,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,housemaid,single,high.school,no,yes,no,cellular,may,thu,142,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.6y,no,yes,yes,cellular,may,thu,172,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,blue-collar,married,basic.6y,no,yes,yes,cellular,may,thu,246,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,single,basic.6y,no,yes,no,cellular,may,thu,329,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,technician,single,basic.9y,no,yes,no,cellular,may,thu,479,1,11,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +30,technician,married,university.degree,no,yes,no,cellular,may,thu,46,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,thu,95,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,services,divorced,basic.9y,no,unknown,unknown,cellular,may,thu,67,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,admin.,single,high.school,no,yes,no,cellular,may,thu,888,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +31,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,185,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,married,professional.course,no,no,no,cellular,may,thu,1071,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +35,admin.,married,university.degree,no,no,no,cellular,may,thu,229,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,divorced,university.degree,no,unknown,unknown,telephone,may,thu,213,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,thu,293,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +46,blue-collar,married,basic.4y,no,no,no,telephone,may,thu,46,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,technician,married,university.degree,no,no,yes,cellular,may,thu,169,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +41,technician,married,professional.course,no,no,yes,cellular,may,thu,226,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,113,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,may,thu,284,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,may,thu,76,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,high.school,no,no,yes,cellular,may,thu,151,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,management,married,university.degree,no,yes,no,telephone,may,thu,68,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,technician,single,professional.course,no,yes,no,cellular,may,thu,56,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,technician,single,professional.course,no,no,no,cellular,may,thu,1060,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +24,entrepreneur,single,university.degree,no,no,no,cellular,may,thu,196,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,services,single,high.school,no,yes,no,cellular,may,thu,332,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,thu,1543,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +28,blue-collar,married,basic.6y,unknown,no,yes,cellular,may,thu,67,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,blue-collar,married,basic.6y,no,no,yes,cellular,may,thu,24,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,unemployed,married,basic.9y,no,yes,no,cellular,may,thu,218,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,131,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,admin.,divorced,basic.9y,no,yes,no,cellular,may,thu,688,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +26,admin.,single,university.degree,no,yes,no,cellular,may,thu,400,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,services,married,high.school,no,yes,no,cellular,may,thu,164,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,123,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,services,single,high.school,no,no,no,cellular,may,thu,99,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,362,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,entrepreneur,married,professional.course,no,no,yes,cellular,may,thu,111,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,thu,502,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,thu,444,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,admin.,married,university.degree,no,no,no,cellular,may,thu,366,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,services,single,high.school,no,yes,no,cellular,may,thu,367,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,technician,single,professional.course,unknown,yes,no,cellular,may,thu,17,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,may,thu,464,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,technician,single,professional.course,no,yes,yes,cellular,may,thu,158,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,technician,single,professional.course,no,no,no,telephone,may,thu,29,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +46,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,221,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +49,entrepreneur,married,university.degree,unknown,yes,yes,cellular,may,thu,197,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,admin.,married,university.degree,unknown,no,yes,cellular,may,thu,183,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +41,admin.,divorced,high.school,unknown,yes,yes,cellular,may,thu,380,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,entrepreneur,married,university.degree,no,yes,no,cellular,may,thu,113,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,technician,single,professional.course,no,yes,no,cellular,may,thu,228,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,blue-collar,married,basic.6y,unknown,no,yes,telephone,may,thu,57,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,535,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,blue-collar,unknown,basic.4y,no,unknown,unknown,cellular,may,thu,610,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,entrepreneur,married,university.degree,no,yes,yes,cellular,may,thu,91,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,265,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,blue-collar,married,basic.6y,no,no,no,cellular,may,thu,43,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,299,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,technician,married,professional.course,no,yes,no,cellular,may,thu,196,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +51,technician,married,professional.course,no,unknown,unknown,cellular,may,thu,1462,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,married,professional.course,no,yes,yes,cellular,may,thu,162,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,single,basic.9y,no,no,no,cellular,may,thu,304,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,blue-collar,single,unknown,no,yes,no,cellular,may,thu,487,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,technician,married,professional.course,no,yes,no,cellular,may,thu,251,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,services,single,university.degree,no,yes,no,cellular,may,thu,261,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,management,single,university.degree,no,yes,no,cellular,may,thu,8,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +45,self-employed,married,university.degree,no,yes,no,cellular,may,thu,171,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,may,thu,112,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,self-employed,married,basic.9y,no,yes,no,cellular,may,thu,374,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,single,professional.course,no,yes,no,cellular,may,thu,60,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,technician,married,high.school,unknown,no,yes,cellular,may,thu,102,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,176,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,divorced,university.degree,no,yes,no,cellular,may,thu,241,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,high.school,no,yes,no,cellular,may,thu,566,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +31,blue-collar,married,professional.course,no,yes,no,cellular,may,thu,303,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,married,professional.course,no,yes,no,cellular,may,thu,649,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,student,single,high.school,no,yes,no,cellular,may,thu,959,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +31,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,134,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,services,married,high.school,no,no,no,cellular,may,thu,353,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,married,university.degree,no,no,no,telephone,may,thu,72,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,337,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,thu,93,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,291,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,single,university.degree,no,no,yes,cellular,may,thu,546,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,may,thu,252,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +54,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,532,2,6,2,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +31,blue-collar,married,basic.4y,no,no,yes,cellular,may,thu,204,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,technician,married,basic.6y,unknown,no,no,cellular,may,thu,152,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,267,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,admin.,divorced,high.school,no,yes,no,cellular,may,thu,406,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,single,high.school,no,yes,no,cellular,may,thu,1094,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +26,admin.,single,university.degree,no,yes,no,cellular,may,thu,320,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,single,basic.9y,unknown,no,no,cellular,may,thu,884,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +29,technician,single,high.school,unknown,yes,no,cellular,may,thu,410,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,services,single,professional.course,no,no,no,telephone,may,thu,210,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,technician,single,high.school,no,no,no,cellular,may,thu,198,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,thu,241,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +47,blue-collar,divorced,basic.9y,no,no,no,cellular,may,thu,16,8,6,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,basic.9y,unknown,no,no,cellular,may,thu,460,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +37,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,thu,604,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +39,management,married,basic.4y,unknown,yes,no,telephone,may,thu,427,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +45,entrepreneur,divorced,university.degree,no,yes,yes,telephone,may,thu,72,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,married,high.school,no,no,no,cellular,may,thu,350,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.6y,no,no,yes,cellular,may,thu,93,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,may,thu,176,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,admin.,married,high.school,no,yes,no,cellular,may,thu,118,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,admin.,single,high.school,no,no,no,cellular,may,thu,387,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,services,single,basic.4y,unknown,yes,yes,cellular,may,thu,106,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,technician,single,university.degree,no,no,no,cellular,may,thu,336,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,single,high.school,no,yes,no,cellular,may,thu,205,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,135,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,single,basic.4y,unknown,yes,no,telephone,may,thu,42,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,blue-collar,married,unknown,unknown,no,yes,cellular,may,thu,428,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,technician,single,high.school,no,yes,no,cellular,may,thu,240,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +60,retired,married,high.school,no,no,no,cellular,may,thu,512,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,entrepreneur,single,basic.9y,unknown,yes,yes,cellular,may,thu,75,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,thu,88,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,thu,41,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,married,basic.6y,unknown,yes,no,telephone,may,thu,27,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,technician,married,basic.9y,no,yes,no,cellular,may,thu,181,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,technician,single,professional.course,no,yes,no,cellular,may,thu,306,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,divorced,university.degree,no,no,no,telephone,may,thu,90,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,15,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,entrepreneur,married,university.degree,no,no,no,cellular,may,thu,136,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +46,blue-collar,married,basic.4y,no,no,no,cellular,may,thu,154,2,12,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,305,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,management,married,university.degree,unknown,no,no,cellular,may,thu,190,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,blue-collar,married,basic.9y,no,no,no,telephone,may,thu,47,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,technician,married,university.degree,no,yes,yes,cellular,may,thu,172,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,thu,170,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,married,basic.9y,no,no,no,cellular,may,thu,204,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,technician,single,professional.course,no,yes,no,cellular,may,thu,294,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,self-employed,single,university.degree,no,no,no,cellular,may,thu,367,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,admin.,single,high.school,no,yes,no,cellular,may,thu,173,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,technician,single,high.school,no,no,no,cellular,may,thu,62,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,yes,telephone,may,thu,113,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,blue-collar,married,high.school,no,no,no,cellular,may,thu,136,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,technician,married,professional.course,no,yes,yes,cellular,may,thu,292,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,blue-collar,married,basic.4y,no,no,yes,cellular,may,thu,80,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,technician,married,high.school,no,yes,no,cellular,may,thu,90,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,blue-collar,married,high.school,no,no,no,cellular,may,thu,144,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,management,married,university.degree,no,no,no,telephone,may,thu,28,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.9y,no,no,yes,cellular,may,thu,178,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,services,single,basic.4y,unknown,yes,yes,cellular,may,thu,306,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,admin.,married,high.school,no,no,yes,cellular,may,thu,386,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,unemployed,married,basic.9y,unknown,yes,yes,cellular,may,thu,114,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,493,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,single,high.school,no,yes,yes,telephone,may,thu,33,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,services,single,high.school,unknown,yes,no,cellular,may,thu,452,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,basic.9y,no,yes,yes,cellular,may,thu,167,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,blue-collar,married,basic.6y,no,yes,no,cellular,may,thu,125,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,services,married,high.school,no,no,no,cellular,may,thu,185,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,341,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,services,married,high.school,no,yes,no,cellular,may,thu,223,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,entrepreneur,single,university.degree,no,yes,no,cellular,may,thu,415,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +20,blue-collar,single,high.school,no,yes,no,cellular,may,thu,908,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,services,married,high.school,no,no,no,cellular,may,thu,166,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +55,admin.,divorced,university.degree,unknown,no,no,cellular,may,thu,168,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,student,single,unknown,no,no,no,cellular,may,thu,486,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,admin.,single,high.school,no,no,no,cellular,may,thu,67,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,technician,single,basic.9y,no,no,no,telephone,may,thu,167,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,blue-collar,single,high.school,unknown,no,yes,cellular,may,thu,338,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,services,married,high.school,no,no,no,cellular,may,thu,10,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +21,student,single,high.school,unknown,yes,no,cellular,may,thu,142,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,admin.,married,university.degree,no,yes,no,telephone,may,thu,151,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,admin.,single,university.degree,no,yes,yes,cellular,may,thu,384,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,services,married,high.school,no,no,no,cellular,may,thu,192,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,admin.,single,high.school,no,yes,no,cellular,may,thu,212,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,single,basic.6y,unknown,no,no,cellular,may,thu,100,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,blue-collar,married,basic.9y,no,yes,no,cellular,may,thu,308,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,high.school,no,yes,no,cellular,may,thu,54,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,services,single,high.school,no,no,yes,telephone,may,thu,30,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,may,thu,340,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,services,single,high.school,no,no,yes,telephone,may,thu,225,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +58,entrepreneur,divorced,professional.course,no,yes,no,telephone,may,thu,346,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.4y,unknown,no,no,cellular,may,thu,197,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,technician,single,professional.course,no,yes,no,cellular,may,thu,290,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,admin.,married,university.degree,no,yes,yes,cellular,may,thu,8,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,basic.6y,unknown,yes,no,cellular,may,thu,72,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,student,single,high.school,no,yes,yes,telephone,may,thu,382,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +57,retired,married,basic.6y,no,no,no,cellular,may,thu,100,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +59,management,married,basic.4y,unknown,unknown,unknown,cellular,may,thu,165,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,student,single,university.degree,no,no,yes,cellular,may,thu,647,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +25,management,married,university.degree,no,no,no,cellular,may,thu,506,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,housemaid,single,unknown,no,yes,yes,cellular,may,fri,140,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,168,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,management,single,basic.9y,no,yes,no,cellular,may,fri,253,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,may,fri,195,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,unknown,no,yes,no,cellular,may,fri,235,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,may,fri,165,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,blue-collar,single,unknown,no,no,no,cellular,may,fri,68,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,services,divorced,high.school,unknown,yes,no,cellular,may,fri,133,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +55,blue-collar,married,professional.course,no,no,yes,cellular,may,fri,100,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,676,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +26,blue-collar,single,high.school,no,no,no,cellular,may,fri,49,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,professional.course,no,no,no,cellular,may,fri,153,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +21,services,single,high.school,no,no,no,cellular,may,fri,103,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,married,professional.course,no,yes,yes,cellular,may,fri,19,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,technician,divorced,professional.course,no,yes,yes,cellular,may,fri,296,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,services,single,high.school,no,no,no,cellular,may,fri,145,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,may,fri,69,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,admin.,single,high.school,no,yes,no,telephone,may,fri,26,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,admin.,single,unknown,no,yes,no,telephone,may,fri,17,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,blue-collar,married,basic.9y,no,unknown,unknown,cellular,may,fri,323,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,services,single,high.school,no,yes,yes,cellular,may,fri,9,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,married,basic.4y,no,yes,no,cellular,may,fri,460,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,admin.,married,high.school,no,yes,yes,cellular,may,fri,111,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,admin.,single,university.degree,no,no,no,cellular,may,fri,165,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,admin.,single,high.school,no,yes,yes,cellular,may,fri,10,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,high.school,no,no,no,cellular,may,fri,113,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,technician,single,university.degree,no,no,no,telephone,may,fri,12,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,entrepreneur,married,high.school,no,yes,no,cellular,may,fri,9,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,technician,single,university.degree,no,yes,no,telephone,may,fri,14,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,blue-collar,married,basic.9y,no,unknown,unknown,telephone,may,fri,8,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,management,single,professional.course,no,no,no,cellular,may,fri,194,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,divorced,basic.4y,no,no,no,cellular,may,fri,667,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +27,admin.,married,university.degree,no,yes,no,cellular,may,fri,670,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +29,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,14,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,115,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,14,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,admin.,single,high.school,no,yes,no,telephone,may,fri,289,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,technician,married,professional.course,no,yes,no,cellular,may,fri,14,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,self-employed,single,professional.course,no,yes,no,telephone,may,fri,10,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,blue-collar,single,basic.6y,no,yes,no,cellular,may,fri,354,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,admin.,single,high.school,no,yes,no,cellular,may,fri,236,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,technician,single,basic.9y,no,no,no,cellular,may,fri,62,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,single,unknown,no,yes,no,cellular,may,fri,61,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,fri,103,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,management,married,university.degree,no,no,no,cellular,may,fri,172,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,blue-collar,married,basic.6y,unknown,yes,yes,cellular,may,fri,306,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +40,admin.,divorced,high.school,no,yes,no,cellular,may,fri,164,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,retired,divorced,university.degree,no,yes,no,cellular,may,fri,778,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,entrepreneur,married,basic.9y,no,yes,no,telephone,may,fri,39,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,high.school,no,no,no,cellular,may,fri,1181,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,entrepreneur,single,university.degree,no,no,no,cellular,may,fri,124,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,blue-collar,single,unknown,no,yes,yes,cellular,may,fri,162,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,technician,married,basic.9y,no,yes,no,cellular,may,fri,45,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,married,basic.6y,no,yes,no,cellular,may,fri,16,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,professional.course,no,yes,no,cellular,may,fri,347,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,entrepreneur,single,university.degree,no,yes,yes,cellular,may,fri,233,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,entrepreneur,married,basic.9y,unknown,no,no,cellular,may,fri,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,services,married,university.degree,no,no,no,cellular,may,fri,136,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,may,fri,655,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +35,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,fri,196,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,entrepreneur,single,university.degree,no,yes,no,cellular,may,fri,452,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,admin.,single,university.degree,no,no,no,cellular,may,fri,56,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,admin.,single,university.degree,no,yes,no,cellular,may,fri,33,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,admin.,married,high.school,no,no,no,cellular,may,fri,35,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,services,married,high.school,no,yes,no,cellular,may,fri,227,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,may,fri,197,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,entrepreneur,married,basic.9y,unknown,yes,no,cellular,may,fri,78,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,may,fri,191,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,management,married,university.degree,no,yes,yes,cellular,may,fri,85,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,technician,single,high.school,no,yes,no,cellular,may,fri,642,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,management,married,university.degree,no,yes,no,cellular,may,fri,173,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,blue-collar,single,basic.4y,unknown,yes,no,cellular,may,fri,73,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,services,married,high.school,no,no,no,cellular,may,fri,551,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +29,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,607,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,blue-collar,divorced,basic.9y,no,no,no,cellular,may,fri,409,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +30,management,married,university.degree,no,no,no,cellular,may,fri,67,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,11,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +22,technician,single,university.degree,no,no,no,cellular,may,fri,382,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +27,technician,single,unknown,no,no,no,cellular,may,fri,7,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,239,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,54,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,divorced,high.school,no,yes,no,cellular,may,fri,144,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,services,single,high.school,no,no,no,cellular,may,fri,123,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,admin.,married,high.school,no,yes,no,cellular,may,fri,270,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,admin.,married,university.degree,no,yes,no,cellular,may,fri,160,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,admin.,single,university.degree,no,no,no,cellular,may,fri,208,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,entrepreneur,married,professional.course,no,yes,no,cellular,may,fri,311,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +45,admin.,married,university.degree,no,yes,yes,cellular,may,fri,300,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,admin.,married,university.degree,no,yes,no,cellular,may,fri,259,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,divorced,high.school,no,no,no,cellular,may,fri,760,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +39,technician,divorced,high.school,no,yes,no,cellular,may,fri,21,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,technician,divorced,professional.course,no,yes,no,cellular,may,fri,128,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,blue-collar,single,basic.6y,no,no,yes,telephone,may,fri,146,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,admin.,married,high.school,no,no,no,cellular,may,fri,71,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,169,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +56,management,married,university.degree,unknown,yes,yes,cellular,may,fri,302,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,blue-collar,married,high.school,no,yes,no,cellular,may,fri,198,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,may,fri,302,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +46,services,married,high.school,unknown,yes,no,cellular,may,fri,6,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,entrepreneur,divorced,unknown,no,no,no,telephone,may,fri,64,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,services,married,high.school,no,yes,no,cellular,may,fri,49,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,entrepreneur,divorced,unknown,no,no,no,cellular,may,fri,242,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,124,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,blue-collar,single,basic.6y,no,yes,yes,cellular,may,fri,20,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,divorced,high.school,no,yes,no,cellular,may,fri,1452,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,entrepreneur,divorced,unknown,no,yes,no,cellular,may,fri,317,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +55,services,married,high.school,no,no,no,cellular,may,fri,95,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,retired,single,basic.9y,no,no,no,cellular,may,fri,16,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,divorced,unknown,unknown,no,no,cellular,may,fri,67,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,241,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,services,married,high.school,unknown,yes,no,cellular,may,fri,250,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,7,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,married,basic.6y,no,yes,no,cellular,may,fri,432,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,technician,married,professional.course,no,yes,no,cellular,may,fri,153,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +50,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,67,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,blue-collar,married,high.school,no,yes,no,cellular,may,fri,48,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,72,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +52,self-employed,divorced,university.degree,no,yes,no,cellular,may,fri,158,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,admin.,married,high.school,no,yes,no,cellular,may,fri,148,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,fri,377,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,blue-collar,divorced,basic.4y,no,yes,no,telephone,may,fri,367,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +56,services,married,high.school,unknown,yes,no,cellular,may,fri,169,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +56,services,married,high.school,unknown,no,no,cellular,may,fri,217,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,self-employed,married,professional.course,unknown,yes,no,cellular,may,fri,50,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,self-employed,married,professional.course,unknown,no,no,cellular,may,fri,160,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,technician,divorced,professional.course,no,no,no,cellular,may,fri,64,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,fri,612,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +56,services,married,high.school,unknown,no,no,cellular,may,fri,310,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,may,fri,7,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,technician,single,basic.9y,no,yes,no,cellular,may,fri,14,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +56,services,married,high.school,unknown,yes,no,cellular,may,fri,373,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,technician,divorced,university.degree,no,no,no,cellular,may,fri,55,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +59,admin.,divorced,university.degree,no,no,no,cellular,may,fri,58,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,fri,180,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,13,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,services,married,basic.6y,no,yes,no,cellular,may,fri,68,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,64,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +56,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,520,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,technician,divorced,professional.course,no,yes,no,cellular,may,fri,1190,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +35,services,single,high.school,no,unknown,unknown,cellular,may,fri,119,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,self-employed,married,professional.course,unknown,unknown,unknown,cellular,may,fri,665,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +40,entrepreneur,married,high.school,no,no,no,cellular,may,fri,132,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,391,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,technician,single,professional.course,no,yes,no,cellular,may,fri,26,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +46,services,divorced,basic.4y,no,no,no,cellular,may,fri,493,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +55,admin.,married,high.school,unknown,yes,no,cellular,may,fri,41,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +59,admin.,divorced,university.degree,no,yes,no,cellular,may,fri,899,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +36,technician,married,professional.course,no,yes,no,cellular,may,fri,157,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,may,fri,104,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,technician,single,professional.course,no,yes,no,cellular,may,fri,282,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,8,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,services,married,basic.6y,no,no,no,cellular,may,fri,101,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,services,married,basic.6y,no,yes,no,cellular,may,fri,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +46,admin.,married,high.school,no,yes,no,cellular,may,fri,39,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,unemployed,married,university.degree,no,unknown,unknown,cellular,may,fri,34,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,blue-collar,single,basic.4y,no,yes,no,telephone,may,fri,23,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,blue-collar,married,basic.9y,no,no,yes,cellular,may,fri,12,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,management,married,university.degree,no,yes,no,cellular,may,fri,217,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +55,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,77,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,married,basic.6y,no,unknown,unknown,telephone,may,fri,8,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,technician,married,professional.course,no,yes,no,cellular,may,fri,11,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,technician,single,professional.course,no,yes,no,telephone,may,fri,8,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,may,fri,24,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +38,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,fri,48,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,management,single,university.degree,no,yes,no,cellular,may,fri,233,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,fri,82,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,admin.,single,high.school,no,yes,no,cellular,may,fri,326,5,999,2,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +52,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,283,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,fri,159,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +47,blue-collar,married,high.school,no,yes,no,cellular,may,fri,58,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +47,blue-collar,married,high.school,no,yes,no,cellular,may,fri,181,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,admin.,divorced,high.school,no,no,yes,cellular,may,fri,301,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,self-employed,married,university.degree,no,yes,no,cellular,may,fri,151,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,blue-collar,single,high.school,no,yes,no,cellular,may,fri,146,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,services,single,basic.6y,unknown,yes,no,cellular,may,fri,250,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,blue-collar,divorced,basic.9y,no,unknown,unknown,cellular,may,fri,148,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,housemaid,married,high.school,unknown,yes,no,cellular,may,fri,106,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +50,services,married,high.school,no,yes,yes,cellular,may,fri,44,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +58,admin.,married,basic.4y,unknown,no,no,cellular,may,fri,901,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +45,blue-collar,single,high.school,no,no,no,cellular,may,fri,358,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,blue-collar,married,university.degree,no,yes,no,cellular,may,fri,1286,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,73,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +55,management,married,basic.6y,unknown,no,yes,cellular,may,fri,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,self-employed,married,basic.9y,no,yes,no,cellular,may,fri,744,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +55,management,married,basic.6y,unknown,yes,no,cellular,may,fri,127,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,admin.,married,high.school,no,no,yes,cellular,may,fri,55,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +50,services,married,high.school,no,no,no,cellular,may,fri,454,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,entrepreneur,married,high.school,no,yes,yes,cellular,may,fri,485,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +35,blue-collar,single,basic.4y,no,no,no,cellular,may,fri,12,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,self-employed,single,university.degree,no,no,no,cellular,may,fri,99,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,single,basic.6y,unknown,yes,no,telephone,may,fri,9,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,admin.,married,high.school,no,no,no,cellular,may,fri,123,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,blue-collar,single,basic.4y,no,yes,yes,cellular,may,fri,102,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,282,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,services,single,basic.6y,unknown,no,no,cellular,may,fri,984,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,admin.,married,high.school,no,yes,no,cellular,may,fri,514,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,technician,divorced,high.school,no,unknown,unknown,cellular,may,fri,224,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +50,admin.,married,professional.course,unknown,yes,yes,cellular,may,fri,151,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,divorced,high.school,no,no,no,cellular,may,fri,25,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,admin.,single,high.school,no,yes,no,cellular,may,fri,7,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,blue-collar,single,basic.6y,no,yes,no,cellular,may,fri,76,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,services,divorced,high.school,no,yes,no,cellular,may,fri,82,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,unemployed,married,university.degree,no,yes,yes,cellular,may,fri,298,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,self-employed,single,university.degree,no,no,no,cellular,may,fri,386,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,university.degree,no,no,no,cellular,may,fri,457,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,may,fri,18,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,entrepreneur,married,university.degree,no,unknown,unknown,cellular,may,fri,416,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +30,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,193,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,management,married,university.degree,no,no,no,cellular,may,fri,262,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,services,single,professional.course,no,yes,no,cellular,may,fri,22,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,management,single,university.degree,no,yes,no,cellular,may,fri,637,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +39,admin.,married,university.degree,no,yes,no,cellular,may,fri,45,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +55,housemaid,married,high.school,unknown,yes,no,cellular,may,fri,14,8,999,2,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,services,single,basic.9y,unknown,yes,no,telephone,may,fri,59,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,services,single,high.school,no,yes,no,cellular,may,fri,34,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,may,fri,272,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,high.school,no,no,yes,cellular,may,fri,48,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,may,fri,301,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,admin.,divorced,basic.9y,no,no,yes,cellular,may,fri,164,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,523,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +44,admin.,married,basic.9y,no,yes,no,cellular,may,fri,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +38,services,divorced,high.school,no,yes,no,cellular,may,fri,52,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,blue-collar,single,high.school,no,no,no,cellular,may,fri,325,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,36,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +48,blue-collar,married,basic.9y,no,no,yes,cellular,may,fri,56,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,admin.,married,university.degree,no,no,no,cellular,may,fri,174,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +48,admin.,married,high.school,no,no,no,cellular,may,fri,322,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,333,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,311,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +59,retired,divorced,basic.4y,no,no,no,cellular,may,fri,290,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +59,retired,divorced,basic.4y,no,yes,no,cellular,may,fri,27,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +58,management,married,university.degree,no,yes,yes,cellular,may,fri,256,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,technician,single,university.degree,no,yes,yes,cellular,may,fri,173,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,134,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,technician,married,unknown,no,yes,yes,cellular,may,fri,171,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,technician,married,unknown,no,yes,yes,cellular,may,fri,256,1,12,1,success,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,services,married,high.school,no,yes,no,telephone,may,fri,26,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,services,married,university.degree,no,no,yes,cellular,may,fri,74,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,fri,285,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +25,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,fri,109,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,married,high.school,no,yes,no,cellular,may,fri,239,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,technician,single,basic.9y,no,yes,no,cellular,may,fri,109,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,730,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +32,blue-collar,single,basic.6y,unknown,no,no,cellular,may,fri,19,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +57,management,married,basic.4y,unknown,yes,no,cellular,may,fri,10,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,blue-collar,married,basic.4y,no,yes,no,cellular,may,fri,178,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,technician,single,unknown,no,no,yes,cellular,may,fri,7,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,single,high.school,no,no,no,telephone,may,fri,71,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,admin.,single,high.school,no,no,no,cellular,may,fri,16,9,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,services,married,university.degree,no,no,no,telephone,may,fri,45,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,admin.,married,high.school,no,yes,no,cellular,may,fri,22,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,entrepreneur,divorced,unknown,no,no,no,cellular,may,fri,536,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +29,admin.,single,high.school,no,yes,no,cellular,may,fri,792,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +33,services,married,high.school,no,yes,no,cellular,may,fri,178,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,technician,married,basic.9y,no,yes,no,cellular,may,fri,41,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +47,services,married,high.school,no,yes,no,cellular,may,fri,142,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,admin.,married,high.school,no,yes,no,cellular,may,fri,45,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,10,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,services,married,high.school,no,unknown,unknown,cellular,may,fri,333,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,technician,married,professional.course,no,no,no,cellular,may,fri,166,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,management,married,university.degree,no,yes,no,cellular,may,fri,100,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,management,divorced,university.degree,no,unknown,unknown,cellular,may,fri,423,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,admin.,married,high.school,no,yes,no,cellular,may,fri,358,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,services,single,high.school,no,no,no,cellular,may,fri,576,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +34,services,divorced,high.school,no,yes,no,cellular,may,fri,84,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,services,divorced,high.school,no,no,no,cellular,may,fri,66,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,services,single,basic.9y,no,yes,no,cellular,may,fri,79,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,669,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +53,admin.,married,high.school,no,no,no,cellular,may,fri,456,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,services,married,high.school,no,no,yes,cellular,may,fri,676,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,87,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,services,single,high.school,no,no,no,cellular,may,fri,472,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +38,services,divorced,high.school,no,no,no,cellular,may,fri,78,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,unemployed,married,university.degree,no,yes,no,telephone,may,fri,354,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,management,married,university.degree,no,no,no,cellular,may,fri,117,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,265,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,university.degree,no,yes,yes,cellular,may,fri,693,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +36,entrepreneur,married,basic.9y,no,yes,no,cellular,may,fri,251,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,may,fri,98,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,unemployed,single,high.school,no,no,no,cellular,may,fri,13,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,technician,single,professional.course,no,unknown,unknown,cellular,may,fri,14,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,management,married,university.degree,no,no,no,cellular,may,fri,268,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,high.school,no,no,no,cellular,may,fri,144,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +49,entrepreneur,divorced,basic.9y,no,no,no,cellular,may,fri,166,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,admin.,single,university.degree,no,yes,yes,cellular,may,fri,138,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,technician,single,professional.course,no,no,no,cellular,may,fri,1015,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +54,blue-collar,married,basic.4y,no,yes,yes,cellular,may,fri,192,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,management,married,university.degree,no,yes,no,cellular,may,fri,663,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +44,entrepreneur,single,university.degree,no,yes,no,cellular,may,fri,210,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +38,services,married,basic.6y,unknown,yes,no,cellular,may,fri,119,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,retired,divorced,university.degree,no,yes,no,cellular,may,fri,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +48,services,married,basic.9y,unknown,no,no,cellular,may,fri,18,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,8,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,retired,divorced,university.degree,no,yes,yes,cellular,may,fri,261,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,services,married,high.school,no,yes,no,cellular,may,fri,81,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,fri,65,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,technician,single,university.degree,no,yes,yes,cellular,may,fri,437,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +45,retired,married,basic.6y,unknown,no,yes,cellular,may,fri,102,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,single,high.school,no,yes,no,cellular,may,fri,217,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,63,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,services,divorced,high.school,no,yes,yes,cellular,may,fri,562,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +30,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,74,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,services,single,unknown,no,yes,no,cellular,may,fri,189,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,services,single,high.school,no,no,no,cellular,may,fri,212,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,admin.,married,high.school,unknown,yes,no,cellular,may,fri,500,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,blue-collar,divorced,high.school,unknown,no,yes,cellular,may,fri,172,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,technician,single,professional.course,no,no,yes,cellular,may,fri,20,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,technician,divorced,professional.course,no,unknown,unknown,cellular,may,fri,327,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,fri,16,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,admin.,married,university.degree,no,yes,no,cellular,may,fri,894,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,services,married,basic.9y,no,yes,no,cellular,may,fri,152,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,self-employed,divorced,university.degree,no,yes,no,cellular,may,fri,116,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,self-employed,divorced,university.degree,no,no,yes,cellular,may,fri,133,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,admin.,married,high.school,unknown,no,no,cellular,may,fri,585,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +42,management,married,university.degree,no,yes,no,cellular,may,fri,95,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,technician,divorced,professional.course,no,yes,no,cellular,may,fri,56,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,admin.,single,professional.course,no,no,no,cellular,may,fri,564,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,technician,divorced,professional.course,no,yes,no,cellular,may,fri,188,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +22,services,married,high.school,no,yes,no,cellular,may,fri,48,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,blue-collar,married,unknown,unknown,yes,no,cellular,may,fri,79,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +40,management,divorced,university.degree,no,no,no,cellular,may,fri,342,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,professional.course,no,no,yes,cellular,may,fri,6,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,170,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,admin.,single,university.degree,no,yes,no,cellular,may,fri,119,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,admin.,single,high.school,no,no,no,cellular,may,fri,80,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,technician,married,high.school,no,yes,yes,cellular,may,fri,659,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +49,self-employed,married,high.school,no,no,no,cellular,may,fri,532,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +39,technician,divorced,high.school,no,yes,no,telephone,may,fri,15,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,fri,265,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,services,single,high.school,unknown,no,no,cellular,may,fri,54,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,management,married,university.degree,no,yes,no,cellular,may,fri,837,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +36,services,divorced,university.degree,no,no,no,cellular,may,fri,67,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,77,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,basic.6y,no,yes,no,cellular,may,fri,358,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,professional.course,no,no,no,cellular,may,fri,303,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +47,services,divorced,high.school,no,yes,no,cellular,may,fri,47,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,services,married,high.school,no,no,no,cellular,may,fri,228,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,blue-collar,married,basic.6y,no,yes,no,cellular,may,fri,832,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +54,management,married,university.degree,no,no,no,cellular,may,fri,169,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,services,married,basic.6y,no,yes,no,cellular,may,fri,394,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,31,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,management,married,university.degree,no,no,no,cellular,may,fri,1380,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,36,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,unemployed,married,basic.9y,no,yes,no,cellular,may,fri,201,3,10,1,success,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,services,married,basic.6y,unknown,yes,no,cellular,may,fri,679,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +57,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,199,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,blue-collar,married,basic.9y,no,yes,yes,cellular,may,fri,58,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,495,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,admin.,married,high.school,no,yes,no,cellular,may,fri,141,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,blue-collar,married,basic.4y,no,no,yes,cellular,may,fri,139,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,82,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,unemployed,married,university.degree,no,yes,no,cellular,may,fri,317,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +51,blue-collar,married,basic.9y,unknown,no,no,cellular,may,fri,830,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +48,admin.,married,high.school,unknown,yes,no,cellular,may,fri,611,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +30,blue-collar,single,high.school,no,yes,yes,cellular,may,fri,86,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +58,admin.,married,basic.4y,unknown,no,yes,cellular,may,fri,186,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +21,student,single,high.school,no,no,no,cellular,may,fri,42,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,blue-collar,married,basic.9y,unknown,no,no,cellular,may,fri,956,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +31,admin.,single,university.degree,no,no,no,cellular,may,fri,229,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,admin.,married,university.degree,no,yes,no,cellular,may,fri,175,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,757,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,services,married,high.school,no,yes,no,cellular,may,fri,521,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,entrepreneur,married,high.school,no,yes,no,cellular,may,fri,264,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +60,admin.,divorced,high.school,unknown,yes,no,cellular,may,fri,99,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +60,admin.,divorced,high.school,unknown,yes,no,cellular,may,fri,83,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +20,blue-collar,single,basic.9y,unknown,yes,no,telephone,may,fri,87,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +52,admin.,married,university.degree,no,yes,no,cellular,may,fri,401,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +60,admin.,divorced,high.school,unknown,yes,no,cellular,may,fri,301,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,management,married,university.degree,no,yes,no,cellular,may,fri,13,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,technician,divorced,unknown,unknown,no,no,cellular,may,fri,184,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,services,single,university.degree,no,no,no,cellular,may,fri,200,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,services,married,basic.9y,no,no,no,cellular,may,fri,42,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,167,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,married,basic.6y,no,no,no,cellular,may,fri,58,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,technician,single,professional.course,no,yes,no,cellular,may,fri,11,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,high.school,no,no,no,cellular,may,fri,167,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,retired,married,high.school,no,yes,no,cellular,may,fri,237,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,management,married,university.degree,no,no,no,cellular,may,fri,173,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,admin.,married,basic.9y,unknown,yes,no,cellular,may,fri,98,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,admin.,single,high.school,no,no,no,cellular,may,fri,165,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,blue-collar,single,high.school,no,yes,no,cellular,may,fri,858,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +25,blue-collar,married,basic.4y,no,no,no,cellular,may,fri,114,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,blue-collar,married,basic.6y,unknown,no,no,cellular,may,fri,173,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,406,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,services,married,high.school,unknown,yes,no,cellular,may,fri,1012,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +37,admin.,single,high.school,no,no,no,cellular,may,fri,13,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,admin.,divorced,high.school,no,yes,yes,cellular,may,fri,73,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,160,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,372,2,12,1,success,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,basic.4y,no,no,yes,cellular,may,fri,206,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,university.degree,no,no,yes,cellular,may,fri,137,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,611,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +29,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,13,9,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,blue-collar,single,basic.9y,unknown,yes,no,cellular,may,fri,219,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,services,married,high.school,no,yes,no,cellular,may,fri,320,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,blue-collar,married,high.school,no,yes,no,cellular,may,fri,223,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,57,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +59,technician,married,unknown,unknown,no,no,cellular,may,fri,739,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +58,management,married,university.degree,no,yes,no,cellular,may,fri,109,2,12,1,success,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,technician,married,unknown,no,no,no,cellular,may,fri,264,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,221,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,entrepreneur,divorced,university.degree,no,unknown,unknown,cellular,may,fri,61,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +46,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,fri,124,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +21,student,single,high.school,unknown,no,no,cellular,may,fri,885,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +28,self-employed,married,basic.9y,no,yes,no,cellular,may,fri,1111,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +24,technician,single,university.degree,no,yes,no,cellular,may,fri,117,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +58,services,married,basic.6y,no,yes,no,cellular,may,fri,44,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,services,single,high.school,no,yes,no,cellular,may,fri,187,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,blue-collar,married,high.school,no,yes,no,cellular,may,fri,50,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,married,unknown,no,no,no,cellular,may,fri,76,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,unemployed,single,high.school,no,no,no,cellular,may,fri,10,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,admin.,married,high.school,unknown,no,no,cellular,may,fri,270,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,basic.6y,no,yes,no,cellular,may,fri,135,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,services,single,high.school,no,yes,no,telephone,may,fri,31,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,management,single,university.degree,no,no,no,cellular,may,fri,296,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,239,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,blue-collar,married,basic.9y,no,yes,no,telephone,may,fri,22,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,blue-collar,married,professional.course,no,no,no,cellular,may,fri,1357,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +35,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,212,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,married,high.school,no,yes,no,cellular,may,fri,150,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,technician,single,professional.course,no,no,no,cellular,may,fri,582,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,divorced,basic.4y,no,no,no,cellular,may,fri,709,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +29,blue-collar,divorced,high.school,no,no,no,cellular,may,fri,199,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,services,single,high.school,no,no,no,cellular,may,fri,102,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,services,married,high.school,no,yes,no,cellular,may,fri,140,9,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,services,married,high.school,no,yes,no,cellular,may,fri,15,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,services,married,high.school,no,no,no,cellular,may,fri,61,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +49,management,married,university.degree,no,no,no,cellular,may,fri,20,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,professional.course,no,yes,no,cellular,may,fri,152,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,blue-collar,single,basic.9y,no,yes,yes,cellular,may,fri,245,9,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,admin.,single,basic.9y,no,no,no,cellular,may,fri,406,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +24,technician,single,professional.course,no,no,yes,cellular,may,fri,23,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,university.degree,unknown,yes,no,cellular,may,fri,297,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +55,blue-collar,married,professional.course,no,yes,yes,cellular,may,fri,197,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,blue-collar,single,basic.6y,no,yes,yes,cellular,may,fri,63,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,services,single,high.school,no,yes,no,cellular,may,fri,103,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,11,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +49,entrepreneur,divorced,basic.9y,no,yes,no,cellular,may,fri,427,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +46,admin.,married,high.school,no,yes,yes,cellular,may,fri,80,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,married,basic.4y,no,yes,no,cellular,may,fri,232,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,services,single,high.school,no,yes,yes,cellular,may,fri,255,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,technician,single,professional.course,no,yes,no,cellular,may,fri,8,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,high.school,no,no,yes,cellular,may,fri,284,15,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,admin.,married,basic.6y,no,no,no,cellular,may,fri,550,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +56,entrepreneur,married,university.degree,no,yes,yes,cellular,may,fri,536,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +54,retired,divorced,university.degree,no,yes,no,cellular,may,fri,193,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,technician,single,high.school,no,yes,yes,cellular,may,fri,124,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,self-employed,divorced,basic.9y,no,yes,no,cellular,may,fri,12,10,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,blue-collar,single,professional.course,no,yes,yes,cellular,may,fri,134,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,married,professional.course,no,yes,yes,cellular,may,fri,10,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,services,divorced,basic.4y,no,no,no,cellular,may,fri,17,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,admin.,married,university.degree,no,no,no,cellular,may,fri,895,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,professional.course,no,yes,no,cellular,may,fri,212,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,high.school,no,unknown,unknown,cellular,may,fri,43,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,admin.,married,university.degree,no,yes,no,cellular,may,fri,364,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +44,admin.,married,high.school,no,no,no,cellular,may,fri,14,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,122,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,blue-collar,married,basic.9y,unknown,no,no,telephone,may,fri,134,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,services,single,high.school,no,no,no,cellular,may,fri,21,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,self-employed,married,basic.9y,no,yes,no,cellular,may,fri,144,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +36,management,married,university.degree,no,yes,yes,telephone,may,fri,16,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,admin.,single,high.school,no,no,no,cellular,may,fri,13,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +60,retired,divorced,high.school,unknown,no,no,cellular,may,fri,781,4,999,2,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,married,professional.course,no,yes,yes,cellular,may,fri,128,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,self-employed,single,high.school,no,yes,yes,cellular,may,fri,67,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,may,fri,266,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,technician,single,professional.course,no,no,no,cellular,may,fri,411,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,management,married,university.degree,no,no,no,cellular,may,fri,391,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,admin.,single,basic.6y,no,yes,no,telephone,may,fri,195,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,single,high.school,no,no,yes,telephone,may,fri,74,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +20,technician,single,professional.course,unknown,no,no,cellular,may,fri,232,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,married,high.school,no,yes,no,cellular,may,fri,340,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,fri,350,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +49,self-employed,married,high.school,no,no,no,cellular,may,fri,309,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,technician,single,high.school,no,no,no,cellular,may,fri,12,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,136,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,blue-collar,single,illiterate,unknown,yes,no,cellular,may,fri,259,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,fri,223,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,technician,single,university.degree,no,yes,yes,cellular,may,fri,215,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,admin.,single,basic.9y,no,yes,yes,cellular,may,fri,156,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,entrepreneur,married,professional.course,no,no,no,cellular,may,fri,233,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,59,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,university.degree,unknown,yes,no,cellular,may,fri,104,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,admin.,single,university.degree,no,no,no,telephone,may,fri,49,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,services,divorced,basic.4y,no,no,no,cellular,may,fri,167,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,113,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +51,admin.,married,high.school,no,yes,yes,cellular,may,fri,1002,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +21,student,single,university.degree,no,yes,no,cellular,may,fri,48,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,technician,married,basic.9y,no,yes,no,cellular,may,fri,54,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +47,technician,divorced,university.degree,no,no,no,cellular,may,fri,306,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,may,fri,61,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,services,single,high.school,no,yes,yes,cellular,may,fri,20,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,technician,single,high.school,no,yes,no,cellular,may,fri,16,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,admin.,married,high.school,no,no,no,cellular,may,fri,880,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +35,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,69,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,blue-collar,married,basic.6y,no,no,no,cellular,may,fri,218,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +50,blue-collar,married,basic.6y,no,yes,no,cellular,may,fri,18,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,47,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,admin.,single,high.school,no,yes,no,cellular,may,fri,333,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,102,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,single,high.school,no,no,no,cellular,may,fri,64,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,single,university.degree,no,no,no,cellular,may,fri,101,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,may,fri,800,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,technician,single,professional.course,no,yes,no,cellular,may,fri,131,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +38,entrepreneur,married,basic.9y,no,yes,yes,cellular,may,fri,476,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,self-employed,married,professional.course,no,no,yes,telephone,may,fri,65,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,management,married,university.degree,no,no,no,cellular,may,fri,262,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +47,blue-collar,married,high.school,no,yes,no,cellular,may,fri,934,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +26,entrepreneur,married,professional.course,no,no,no,telephone,may,fri,75,10,999,2,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +22,services,single,high.school,no,no,no,cellular,may,fri,51,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,blue-collar,divorced,basic.9y,no,yes,yes,cellular,may,fri,208,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,professional.course,no,no,no,cellular,may,fri,53,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,technician,single,university.degree,no,no,no,cellular,may,fri,162,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,married,basic.9y,no,yes,no,cellular,may,fri,34,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,may,fri,73,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,technician,single,professional.course,no,no,no,cellular,may,fri,22,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +49,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,172,2,9,2,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +52,self-employed,divorced,university.degree,no,yes,no,telephone,may,fri,258,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,admin.,single,high.school,no,no,yes,cellular,may,fri,71,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,11,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,self-employed,single,high.school,no,yes,yes,cellular,may,fri,93,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,blue-collar,single,basic.6y,no,no,no,cellular,may,fri,92,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,basic.9y,no,yes,no,cellular,may,fri,655,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +29,admin.,single,high.school,no,no,no,cellular,may,fri,138,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +57,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,fri,432,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,management,divorced,unknown,no,yes,no,cellular,may,fri,200,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,married,basic.6y,no,yes,no,cellular,may,fri,69,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,entrepreneur,married,university.degree,no,yes,no,cellular,may,fri,204,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,blue-collar,divorced,basic.9y,unknown,yes,yes,cellular,may,fri,25,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,blue-collar,single,basic.4y,no,yes,no,cellular,may,fri,28,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,services,single,basic.9y,no,yes,yes,cellular,may,fri,68,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,admin.,married,professional.course,no,yes,no,cellular,may,fri,109,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,blue-collar,divorced,basic.4y,no,yes,no,cellular,may,fri,1223,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +23,blue-collar,single,professional.course,no,yes,no,cellular,may,fri,136,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,admin.,married,high.school,no,no,no,cellular,may,fri,101,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,admin.,married,high.school,no,yes,no,cellular,may,fri,126,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,single,basic.9y,no,no,no,telephone,may,fri,137,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,blue-collar,married,basic.4y,no,unknown,unknown,telephone,may,fri,155,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +53,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,fri,509,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,admin.,divorced,high.school,no,no,no,cellular,may,fri,143,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,641,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,single,basic.6y,unknown,yes,no,cellular,may,fri,415,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +54,management,married,university.degree,no,no,no,cellular,may,fri,104,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,services,married,high.school,no,yes,no,cellular,may,fri,211,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +27,technician,married,university.degree,no,yes,no,cellular,may,fri,131,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,entrepreneur,married,basic.9y,unknown,no,no,cellular,may,fri,22,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,admin.,single,high.school,no,no,no,cellular,may,fri,15,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +29,admin.,married,high.school,no,yes,no,cellular,may,fri,1871,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +24,services,single,high.school,no,yes,yes,cellular,may,fri,69,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,admin.,single,university.degree,no,yes,yes,cellular,may,fri,63,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,high.school,no,no,no,cellular,may,fri,1068,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +58,admin.,divorced,high.school,unknown,no,no,cellular,may,fri,315,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +42,blue-collar,married,basic.4y,no,yes,no,cellular,may,fri,58,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,blue-collar,married,high.school,no,no,no,cellular,may,fri,22,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +50,entrepreneur,married,high.school,no,yes,yes,cellular,may,fri,1326,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +34,blue-collar,married,basic.4y,unknown,no,no,cellular,may,fri,149,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +22,admin.,single,basic.9y,no,yes,yes,cellular,may,fri,34,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,technician,single,university.degree,no,no,no,cellular,may,fri,204,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +48,blue-collar,married,basic.9y,no,no,no,cellular,may,fri,44,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +47,entrepreneur,married,university.degree,no,no,no,cellular,may,fri,376,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +38,blue-collar,divorced,basic.4y,unknown,no,no,cellular,may,fri,31,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +40,technician,married,university.degree,no,yes,yes,cellular,may,fri,133,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,fri,439,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,technician,single,unknown,no,yes,yes,cellular,may,fri,157,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +32,admin.,single,unknown,no,yes,yes,cellular,may,fri,38,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +45,entrepreneur,divorced,university.degree,no,no,no,telephone,may,fri,462,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +32,admin.,single,professional.course,no,yes,yes,telephone,may,fri,73,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +26,services,married,high.school,no,yes,no,cellular,may,fri,104,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,blue-collar,single,high.school,no,no,no,cellular,may,fri,504,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,blue-collar,single,basic.9y,no,no,no,cellular,may,fri,121,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +39,technician,married,professional.course,no,no,no,cellular,may,fri,49,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +37,services,divorced,professional.course,no,no,no,cellular,may,fri,258,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +41,management,married,unknown,no,yes,no,cellular,may,fri,163,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +24,admin.,single,basic.9y,no,yes,no,telephone,may,fri,12,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,services,single,basic.9y,no,no,yes,cellular,may,fri,126,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +28,technician,single,university.degree,no,no,yes,telephone,may,fri,166,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +25,admin.,single,university.degree,no,yes,no,cellular,may,fri,11,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +43,blue-collar,divorced,basic.9y,unknown,yes,no,cellular,may,fri,59,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +31,technician,single,university.degree,no,yes,no,cellular,may,fri,1313,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +50,admin.,single,high.school,no,no,yes,cellular,may,fri,623,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +26,admin.,single,high.school,no,yes,no,cellular,may,fri,157,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +30,admin.,divorced,university.degree,no,yes,no,cellular,may,fri,1598,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +42,self-employed,married,professional.course,unknown,no,no,cellular,may,fri,385,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +33,admin.,single,high.school,no,no,no,cellular,may,fri,57,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +55,technician,married,professional.course,no,no,yes,cellular,may,fri,543,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.25,5099.1,no +35,technician,divorced,professional.course,no,no,no,cellular,may,fri,692,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.25,5099.1,yes +45,blue-collar,single,high.school,unknown,no,yes,cellular,may,mon,102,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,technician,married,professional.course,no,no,no,cellular,may,mon,20,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,student,single,high.school,no,yes,no,cellular,may,mon,59,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,unemployed,married,professional.course,no,yes,no,telephone,may,mon,33,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +50,housemaid,married,basic.9y,no,yes,no,cellular,may,mon,126,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,technician,single,professional.course,no,yes,no,cellular,may,mon,87,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,professional.course,no,yes,no,telephone,may,mon,15,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,technician,single,university.degree,no,no,no,cellular,may,mon,45,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,single,high.school,no,no,no,cellular,may,mon,722,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +45,blue-collar,single,high.school,unknown,no,no,cellular,may,mon,9,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +48,admin.,divorced,university.degree,no,no,no,cellular,may,mon,17,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,7,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,divorced,professional.course,no,no,no,cellular,may,mon,16,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,professional.course,no,no,no,cellular,may,mon,201,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,married,university.degree,unknown,no,no,cellular,may,mon,113,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,admin.,single,university.degree,no,no,no,cellular,may,mon,8,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +45,blue-collar,single,high.school,unknown,yes,no,cellular,may,mon,8,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,536,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +29,admin.,divorced,professional.course,no,yes,yes,cellular,may,mon,58,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +48,admin.,divorced,university.degree,no,yes,no,cellular,may,mon,28,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +49,blue-collar,divorced,professional.course,no,yes,no,cellular,may,mon,11,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,technician,divorced,basic.6y,no,unknown,unknown,cellular,may,mon,9,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,admin.,married,high.school,unknown,no,no,cellular,may,mon,899,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +49,blue-collar,divorced,professional.course,no,no,no,cellular,may,mon,17,8,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,services,married,high.school,no,yes,yes,cellular,may,mon,473,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +36,admin.,married,high.school,unknown,no,no,cellular,may,mon,11,14,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,admin.,single,university.degree,no,no,no,cellular,may,mon,114,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +22,technician,single,unknown,no,yes,no,cellular,may,mon,106,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +43,admin.,single,high.school,no,yes,no,cellular,may,mon,159,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,technician,single,high.school,unknown,yes,yes,cellular,may,mon,17,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,management,divorced,university.degree,no,no,no,cellular,may,mon,359,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,professional.course,no,yes,no,cellular,may,mon,17,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,self-employed,married,high.school,no,no,no,cellular,may,mon,11,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,70,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,admin.,single,university.degree,no,yes,yes,telephone,may,mon,193,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,admin.,married,university.degree,no,no,no,cellular,may,mon,116,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,blue-collar,married,basic.9y,no,no,no,cellular,may,mon,157,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,admin.,married,high.school,unknown,yes,no,cellular,may,mon,284,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,mon,73,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +40,admin.,single,high.school,no,no,no,cellular,may,mon,18,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,admin.,single,high.school,no,yes,no,telephone,may,mon,26,5,12,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,admin.,single,unknown,no,yes,no,cellular,may,mon,222,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,services,married,high.school,no,yes,no,cellular,may,mon,126,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +21,student,single,high.school,no,no,no,cellular,may,mon,97,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,services,married,high.school,no,yes,no,cellular,may,mon,144,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +45,blue-collar,single,high.school,unknown,yes,no,cellular,may,mon,98,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +35,housemaid,married,university.degree,no,yes,no,cellular,may,mon,59,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +27,services,single,university.degree,no,yes,no,cellular,may,mon,19,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +54,retired,divorced,professional.course,no,yes,no,cellular,may,mon,44,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +27,services,single,university.degree,no,yes,yes,cellular,may,mon,22,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,technician,single,professional.course,no,yes,no,cellular,may,mon,44,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +50,housemaid,married,basic.9y,no,yes,no,cellular,may,mon,16,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,admin.,divorced,basic.6y,no,no,no,cellular,may,mon,7,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,student,single,high.school,no,yes,no,telephone,may,mon,21,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,professional.course,no,yes,yes,cellular,may,mon,15,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,admin.,single,university.degree,no,yes,yes,cellular,may,mon,30,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,divorced,high.school,no,no,no,cellular,may,mon,13,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,may,mon,8,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,201,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,management,married,university.degree,no,yes,no,cellular,may,mon,259,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,student,single,university.degree,no,yes,no,cellular,may,mon,90,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,admin.,divorced,basic.9y,no,yes,no,telephone,may,mon,51,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,admin.,married,high.school,unknown,yes,yes,cellular,may,mon,264,1,10,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +53,technician,divorced,unknown,no,yes,no,cellular,may,mon,35,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +27,admin.,divorced,high.school,no,yes,no,cellular,may,mon,10,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,services,married,high.school,no,no,no,cellular,may,mon,380,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,technician,single,university.degree,no,yes,no,cellular,may,mon,33,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,technician,married,university.degree,no,no,no,cellular,may,mon,30,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +24,student,single,high.school,no,no,no,cellular,may,mon,557,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +54,blue-collar,married,basic.4y,unknown,no,no,cellular,may,mon,108,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,admin.,married,university.degree,no,yes,yes,cellular,may,mon,173,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,services,married,high.school,no,yes,no,telephone,may,mon,87,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,admin.,married,high.school,unknown,yes,yes,cellular,may,mon,47,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,married,basic.9y,no,yes,yes,cellular,may,mon,97,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,blue-collar,married,professional.course,no,yes,no,cellular,may,mon,333,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,admin.,single,university.degree,no,no,no,cellular,may,mon,55,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +45,blue-collar,single,high.school,unknown,yes,no,cellular,may,mon,29,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,admin.,married,university.degree,no,no,no,cellular,may,mon,213,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,admin.,single,university.degree,no,no,no,cellular,may,mon,192,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,management,married,high.school,no,no,no,cellular,may,mon,57,1,9,2,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,admin.,single,university.degree,no,yes,no,cellular,may,mon,16,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,admin.,single,university.degree,no,yes,no,cellular,may,mon,442,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +47,management,married,high.school,no,no,no,cellular,may,mon,245,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +23,blue-collar,single,high.school,no,yes,no,cellular,may,mon,115,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,410,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +23,blue-collar,single,high.school,no,yes,no,cellular,may,mon,158,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,admin.,single,university.degree,no,no,no,cellular,may,mon,283,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,admin.,married,basic.6y,no,no,no,cellular,may,mon,217,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,admin.,single,professional.course,no,yes,no,cellular,may,mon,97,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,420,7,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,admin.,married,basic.6y,no,unknown,unknown,cellular,may,mon,608,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +28,blue-collar,single,basic.9y,no,unknown,unknown,cellular,may,mon,166,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,professional.course,no,no,no,telephone,may,mon,325,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,technician,married,high.school,no,no,no,cellular,may,mon,161,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,single,university.degree,no,yes,no,cellular,may,mon,166,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,management,married,high.school,no,no,no,cellular,may,mon,97,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,74,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +45,services,divorced,high.school,no,no,no,cellular,may,mon,15,9,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,management,married,high.school,no,no,no,cellular,may,mon,216,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,170,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,services,single,high.school,no,no,no,cellular,may,mon,288,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,admin.,married,high.school,no,yes,no,cellular,may,mon,17,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +24,admin.,single,university.degree,unknown,no,no,cellular,may,mon,220,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,entrepreneur,divorced,university.degree,no,yes,no,telephone,may,mon,28,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,married,high.school,no,yes,no,cellular,may,mon,169,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,blue-collar,married,basic.9y,unknown,yes,no,cellular,may,mon,185,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +35,admin.,divorced,high.school,no,yes,no,cellular,may,mon,88,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,services,divorced,high.school,no,no,no,cellular,may,mon,903,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +52,blue-collar,married,basic.9y,unknown,no,no,cellular,may,mon,248,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,university.degree,no,yes,no,cellular,may,mon,12,13,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,student,single,high.school,no,yes,no,telephone,may,mon,52,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,155,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,unemployed,married,basic.4y,no,no,no,cellular,may,mon,205,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,blue-collar,married,professional.course,no,yes,no,cellular,may,mon,68,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,divorced,high.school,no,yes,no,cellular,may,mon,63,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,blue-collar,married,professional.course,no,no,no,cellular,may,mon,114,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +24,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,297,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,blue-collar,married,professional.course,no,yes,no,cellular,may,mon,185,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,admin.,married,high.school,unknown,no,no,cellular,may,mon,186,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,blue-collar,single,high.school,no,no,no,cellular,may,mon,222,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +48,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,284,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,technician,single,university.degree,no,no,no,cellular,may,mon,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,self-employed,single,university.degree,no,no,no,cellular,may,mon,119,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,management,divorced,high.school,no,no,no,cellular,may,mon,261,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,blue-collar,single,professional.course,no,yes,no,cellular,may,mon,113,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,blue-collar,married,high.school,no,no,no,cellular,may,mon,11,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +35,blue-collar,married,professional.course,no,yes,no,cellular,may,mon,42,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,married,professional.course,no,yes,no,cellular,may,mon,110,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,admin.,single,professional.course,no,yes,no,cellular,may,mon,1340,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +59,management,married,basic.4y,no,no,no,cellular,may,mon,455,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,single,high.school,no,yes,no,cellular,may,mon,119,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,admin.,divorced,high.school,no,yes,yes,cellular,may,mon,110,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,professional.course,no,no,no,cellular,may,mon,170,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,technician,single,professional.course,no,yes,no,cellular,may,mon,245,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,married,high.school,no,no,no,cellular,may,mon,268,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,technician,single,high.school,no,yes,no,cellular,may,mon,108,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,technician,single,professional.course,no,yes,no,cellular,may,mon,487,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +33,technician,married,university.degree,no,yes,no,cellular,may,mon,182,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,admin.,single,high.school,unknown,yes,no,cellular,may,mon,309,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +25,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,165,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,single,high.school,no,no,no,cellular,may,mon,18,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +21,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,250,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +21,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,154,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,blue-collar,single,high.school,no,no,no,cellular,may,mon,2301,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +35,technician,divorced,university.degree,no,no,no,cellular,may,mon,169,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,management,divorced,university.degree,no,yes,no,cellular,may,mon,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,entrepreneur,married,professional.course,no,yes,no,cellular,may,mon,69,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,management,married,university.degree,no,no,yes,cellular,may,mon,119,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,management,divorced,university.degree,no,no,no,cellular,may,mon,493,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,295,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,single,university.degree,unknown,no,no,cellular,may,mon,226,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,student,single,high.school,no,no,no,telephone,may,mon,11,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +27,services,single,university.degree,no,yes,yes,cellular,may,mon,33,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,unemployed,married,basic.9y,no,yes,no,telephone,may,mon,152,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,blue-collar,married,high.school,unknown,no,no,cellular,may,mon,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,technician,divorced,high.school,no,no,no,cellular,may,mon,41,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,services,divorced,high.school,no,yes,no,cellular,may,mon,252,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,technician,divorced,high.school,no,no,no,cellular,may,mon,40,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,156,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,services,married,high.school,unknown,yes,no,cellular,may,mon,126,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +43,services,divorced,high.school,no,yes,no,cellular,may,mon,55,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,blue-collar,married,basic.9y,unknown,yes,yes,cellular,may,mon,114,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,single,university.degree,unknown,yes,no,cellular,may,mon,134,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,admin.,divorced,basic.6y,no,yes,no,cellular,may,mon,18,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,entrepreneur,married,university.degree,unknown,yes,no,cellular,may,mon,98,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,self-employed,married,university.degree,no,yes,no,cellular,may,mon,379,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,blue-collar,married,high.school,no,no,no,cellular,may,mon,128,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,technician,divorced,basic.6y,no,yes,no,cellular,may,mon,86,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,single,university.degree,unknown,yes,no,cellular,may,mon,632,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,may,mon,98,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,admin.,single,professional.course,no,no,no,cellular,may,mon,843,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +50,admin.,divorced,basic.4y,no,yes,no,cellular,may,mon,8,11,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,services,married,university.degree,no,unknown,unknown,cellular,may,mon,132,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,services,married,high.school,no,no,no,cellular,may,mon,261,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,self-employed,married,university.degree,no,no,yes,cellular,may,mon,133,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,services,married,high.school,no,yes,yes,cellular,may,mon,398,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,divorced,professional.course,no,no,no,cellular,may,mon,287,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,unemployed,divorced,basic.6y,no,no,no,cellular,may,mon,208,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,unemployed,single,university.degree,no,yes,no,cellular,may,mon,434,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,blue-collar,divorced,basic.4y,no,yes,no,cellular,may,mon,119,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,self-employed,divorced,university.degree,no,no,no,cellular,may,mon,140,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +43,technician,married,professional.course,no,no,yes,cellular,may,mon,191,2,12,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +23,blue-collar,single,high.school,no,no,no,cellular,may,mon,380,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,blue-collar,married,professional.course,no,yes,no,cellular,may,mon,115,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,admin.,married,university.degree,no,no,no,cellular,may,mon,325,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,may,mon,167,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +45,admin.,divorced,university.degree,no,no,yes,cellular,may,mon,63,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +35,admin.,single,university.degree,no,no,no,cellular,may,mon,21,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +49,retired,married,high.school,no,no,no,cellular,may,mon,47,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,technician,single,university.degree,no,no,yes,cellular,may,mon,9,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,may,mon,565,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +45,admin.,divorced,university.degree,no,no,no,cellular,may,mon,507,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +27,admin.,single,university.degree,no,no,no,telephone,may,mon,82,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +55,admin.,divorced,unknown,unknown,yes,no,cellular,may,mon,105,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,technician,single,professional.course,no,yes,no,cellular,may,mon,212,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,technician,divorced,professional.course,no,no,no,cellular,may,mon,78,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,management,married,university.degree,no,no,no,cellular,may,mon,546,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,management,divorced,university.degree,no,no,no,cellular,may,mon,79,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,technician,divorced,professional.course,no,yes,no,cellular,may,mon,431,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +29,technician,single,university.degree,no,no,no,cellular,may,mon,74,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,services,single,high.school,no,yes,no,cellular,may,mon,229,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,services,married,high.school,no,no,yes,cellular,may,mon,600,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +32,admin.,divorced,university.degree,no,yes,yes,cellular,may,mon,156,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,single,university.degree,no,yes,no,cellular,may,mon,114,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,single,high.school,no,no,no,cellular,may,mon,435,7,2,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,admin.,married,professional.course,no,yes,yes,cellular,may,mon,326,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,admin.,married,basic.6y,no,yes,no,cellular,may,mon,170,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,management,married,university.degree,no,no,no,cellular,may,mon,143,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,services,single,high.school,no,no,no,cellular,may,mon,111,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,management,single,high.school,no,no,no,cellular,may,mon,184,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,management,single,high.school,no,no,no,cellular,may,mon,233,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,may,mon,110,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,116,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,178,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,management,single,high.school,no,yes,no,cellular,may,mon,504,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +30,technician,single,professional.course,no,yes,yes,cellular,may,mon,144,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,technician,single,university.degree,no,yes,no,cellular,may,mon,177,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,blue-collar,married,high.school,no,no,yes,telephone,may,mon,21,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,services,single,high.school,no,no,no,cellular,may,mon,700,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +35,admin.,divorced,high.school,no,yes,no,cellular,may,mon,163,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,services,single,high.school,no,yes,no,cellular,may,mon,91,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,technician,married,university.degree,no,yes,no,cellular,may,mon,78,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +21,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,239,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,admin.,married,high.school,no,yes,no,cellular,may,mon,169,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,admin.,married,high.school,no,no,no,cellular,may,mon,87,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,married,university.degree,unknown,yes,no,cellular,may,mon,121,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +21,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,37,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,unemployed,married,basic.4y,no,no,no,cellular,may,mon,1008,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +48,services,married,high.school,no,yes,no,cellular,may,mon,113,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +40,admin.,single,high.school,no,yes,no,cellular,may,mon,24,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +40,admin.,single,high.school,no,yes,no,cellular,may,mon,213,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,blue-collar,divorced,basic.9y,no,yes,no,cellular,may,mon,380,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,may,mon,153,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,single,high.school,no,yes,yes,cellular,may,mon,192,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,technician,single,professional.course,no,yes,no,cellular,may,mon,66,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,may,mon,57,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,technician,married,professional.course,no,yes,yes,cellular,may,mon,525,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +26,student,single,high.school,no,no,no,cellular,may,mon,123,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,unemployed,married,professional.course,no,no,no,cellular,may,mon,276,4,10,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +56,retired,married,high.school,no,no,no,cellular,may,mon,317,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,105,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,178,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,technician,single,university.degree,no,yes,no,cellular,may,mon,612,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +34,blue-collar,married,basic.6y,unknown,yes,no,cellular,may,mon,316,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,may,mon,103,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,admin.,married,university.degree,no,no,yes,cellular,may,mon,73,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,admin.,divorced,university.degree,unknown,yes,no,cellular,may,mon,230,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,admin.,divorced,university.degree,unknown,yes,no,cellular,may,mon,442,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +43,technician,married,professional.course,no,yes,no,cellular,may,mon,618,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +24,student,single,high.school,no,yes,no,cellular,may,mon,504,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,management,married,university.degree,no,no,no,cellular,may,mon,182,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +55,services,married,high.school,no,no,no,cellular,may,mon,336,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,management,married,university.degree,no,no,no,cellular,may,mon,248,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,management,married,university.degree,no,yes,no,cellular,may,mon,504,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +53,management,divorced,professional.course,no,yes,no,cellular,may,mon,82,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,admin.,single,university.degree,no,yes,no,cellular,may,mon,182,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,married,university.degree,no,yes,no,cellular,may,mon,78,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,management,single,university.degree,unknown,yes,no,cellular,may,mon,61,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,technician,single,high.school,no,yes,no,cellular,may,mon,222,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,1010,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,management,married,high.school,no,yes,no,cellular,may,mon,180,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +50,housemaid,married,basic.9y,no,no,no,cellular,may,mon,207,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,retired,divorced,university.degree,no,no,no,cellular,may,mon,46,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,student,single,high.school,no,yes,no,cellular,may,mon,432,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +56,technician,single,professional.course,no,yes,no,cellular,may,mon,517,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,self-employed,single,basic.4y,no,yes,no,cellular,may,mon,180,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +43,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,465,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,98,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,admin.,single,university.degree,no,yes,no,cellular,may,mon,801,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +33,blue-collar,single,high.school,no,no,no,cellular,may,mon,599,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,student,single,high.school,no,yes,no,cellular,may,mon,15,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +26,services,single,basic.9y,no,no,no,cellular,may,mon,18,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,admin.,married,high.school,no,yes,yes,cellular,may,mon,196,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,self-employed,single,university.degree,no,yes,yes,cellular,may,mon,309,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +35,housemaid,married,university.degree,no,unknown,unknown,cellular,may,mon,61,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,admin.,single,university.degree,no,yes,no,cellular,may,mon,194,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,services,married,professional.course,no,no,no,cellular,may,mon,336,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +40,admin.,single,high.school,no,yes,yes,cellular,may,mon,104,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,98,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,services,single,high.school,no,yes,no,cellular,may,mon,236,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +50,admin.,married,high.school,no,yes,yes,cellular,may,mon,146,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +27,services,single,high.school,no,yes,yes,cellular,may,mon,665,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,blue-collar,divorced,basic.4y,no,no,no,cellular,may,mon,827,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +40,entrepreneur,married,university.degree,no,no,no,cellular,may,mon,181,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +45,admin.,divorced,university.degree,no,yes,no,cellular,may,mon,197,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,admin.,single,university.degree,no,yes,yes,cellular,may,mon,9,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,services,single,high.school,no,yes,no,cellular,may,mon,36,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,may,mon,87,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,admin.,single,high.school,no,no,no,cellular,may,mon,16,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,admin.,single,university.degree,no,no,no,cellular,may,mon,8,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,admin.,single,university.degree,no,yes,yes,cellular,may,mon,11,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +27,admin.,divorced,high.school,no,yes,no,cellular,may,mon,166,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,single,high.school,no,unknown,unknown,cellular,may,mon,630,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +35,blue-collar,single,high.school,no,yes,no,cellular,may,mon,33,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,227,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +43,blue-collar,single,professional.course,no,no,no,cellular,may,mon,375,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,married,professional.course,no,yes,no,cellular,may,mon,241,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,190,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +35,technician,single,professional.course,no,yes,no,cellular,may,mon,213,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,student,single,high.school,no,yes,yes,cellular,may,mon,412,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +39,self-employed,married,high.school,no,yes,no,cellular,may,mon,31,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +48,services,married,high.school,no,yes,no,cellular,may,mon,173,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,mon,74,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +48,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,92,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +45,services,married,high.school,no,no,no,cellular,may,mon,166,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +53,management,married,university.degree,no,no,no,cellular,may,mon,368,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,blue-collar,married,basic.4y,unknown,yes,no,cellular,may,mon,1027,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +43,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,221,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +26,student,single,high.school,no,yes,no,cellular,may,mon,113,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,technician,married,professional.course,no,yes,no,cellular,may,mon,577,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,student,single,unknown,unknown,yes,no,cellular,may,mon,567,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,management,married,university.degree,no,yes,no,cellular,may,mon,12,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,professional.course,no,yes,no,cellular,may,mon,428,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,married,high.school,no,yes,no,cellular,may,mon,767,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,142,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,technician,single,university.degree,no,no,no,cellular,may,mon,68,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +24,blue-collar,single,basic.9y,no,yes,no,cellular,may,mon,61,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,blue-collar,married,basic.9y,unknown,no,no,cellular,may,mon,695,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,239,2,11,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,admin.,married,high.school,unknown,yes,no,cellular,may,mon,1434,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,self-employed,single,basic.4y,no,no,yes,cellular,may,mon,297,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,professional.course,no,yes,no,cellular,may,mon,202,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,unemployed,married,basic.9y,no,no,no,cellular,may,mon,194,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,services,single,high.school,no,yes,no,cellular,may,mon,566,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +48,services,married,unknown,no,no,no,cellular,may,mon,486,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,single,high.school,no,no,no,cellular,may,mon,207,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +42,technician,single,university.degree,no,yes,no,cellular,may,mon,179,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,entrepreneur,single,university.degree,no,no,no,cellular,may,mon,637,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +38,technician,single,basic.9y,no,no,no,cellular,may,mon,572,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,services,divorced,high.school,no,yes,no,cellular,may,mon,217,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,single,professional.course,no,yes,yes,cellular,may,mon,13,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,married,high.school,no,yes,no,cellular,may,mon,112,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +49,technician,married,high.school,unknown,no,no,cellular,may,mon,222,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,single,high.school,no,no,no,cellular,may,mon,466,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,services,married,high.school,no,no,no,cellular,may,mon,109,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,admin.,single,high.school,no,no,no,cellular,may,mon,22,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +22,technician,single,basic.9y,no,no,no,telephone,may,mon,267,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,admin.,divorced,high.school,no,yes,no,telephone,may,mon,54,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,services,married,high.school,unknown,yes,no,cellular,may,mon,536,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +33,admin.,married,university.degree,no,yes,yes,telephone,may,mon,895,12,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +49,retired,married,high.school,no,yes,no,cellular,may,mon,83,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,services,married,high.school,no,yes,no,cellular,may,mon,11,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,admin.,married,high.school,no,unknown,unknown,cellular,may,mon,22,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,services,married,high.school,no,yes,no,cellular,may,mon,32,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,single,high.school,unknown,yes,no,telephone,may,mon,54,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,married,professional.course,no,yes,no,cellular,may,mon,6,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +26,admin.,single,university.degree,no,yes,no,cellular,may,mon,410,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,admin.,single,university.degree,no,no,no,cellular,may,mon,53,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,admin.,married,high.school,no,yes,no,cellular,may,mon,4,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,technician,single,professional.course,no,unknown,unknown,cellular,may,mon,30,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,divorced,high.school,no,yes,no,telephone,may,mon,23,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,married,high.school,no,yes,no,telephone,may,mon,27,10,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +51,technician,married,high.school,no,yes,no,cellular,may,mon,170,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,married,professional.course,no,no,no,cellular,may,mon,453,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +23,admin.,single,high.school,no,no,no,cellular,may,mon,16,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,mon,324,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,technician,single,university.degree,no,yes,no,cellular,may,mon,663,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,admin.,single,high.school,no,no,yes,telephone,may,mon,36,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,admin.,married,high.school,no,no,no,cellular,may,mon,14,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +24,technician,married,professional.course,no,yes,no,cellular,may,mon,342,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +26,student,single,high.school,no,no,no,cellular,may,mon,291,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +43,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,128,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,may,mon,22,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,blue-collar,single,basic.9y,no,unknown,unknown,cellular,may,mon,10,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,mon,82,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,admin.,single,university.degree,no,no,no,cellular,may,mon,146,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,entrepreneur,single,university.degree,no,yes,no,cellular,may,mon,9,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +24,management,single,university.degree,no,no,no,cellular,may,mon,64,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,student,single,high.school,no,yes,no,cellular,may,mon,18,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +38,technician,single,basic.9y,no,yes,no,cellular,may,mon,29,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +23,services,married,basic.9y,unknown,yes,no,cellular,may,mon,20,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,may,mon,26,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +27,unemployed,married,high.school,no,yes,no,cellular,may,mon,11,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +29,technician,single,university.degree,no,no,no,cellular,may,mon,50,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,admin.,single,university.degree,no,yes,yes,cellular,may,mon,22,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,single,professional.course,no,no,no,cellular,may,mon,687,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,entrepreneur,married,professional.course,no,unknown,unknown,cellular,may,mon,44,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,technician,married,professional.course,no,yes,no,cellular,may,mon,638,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +56,technician,single,professional.course,no,yes,no,cellular,may,mon,80,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +36,admin.,single,university.degree,no,no,no,telephone,may,mon,12,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +56,blue-collar,married,basic.4y,no,no,no,cellular,may,mon,197,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +31,blue-collar,single,high.school,no,yes,no,cellular,may,mon,126,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +35,admin.,single,university.degree,no,yes,no,cellular,may,mon,424,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +28,admin.,single,university.degree,no,yes,no,cellular,may,mon,28,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,admin.,divorced,university.degree,unknown,yes,yes,cellular,may,mon,121,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +33,admin.,single,university.degree,no,no,no,cellular,may,mon,305,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,management,married,high.school,no,no,no,cellular,may,mon,236,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,admin.,married,university.degree,no,yes,no,cellular,may,mon,232,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,admin.,divorced,high.school,no,yes,yes,cellular,may,mon,80,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +55,admin.,divorced,unknown,unknown,no,no,cellular,may,mon,178,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,admin.,single,university.degree,no,no,yes,cellular,may,mon,11,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +47,services,divorced,high.school,no,yes,no,cellular,may,mon,953,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +44,blue-collar,single,basic.9y,no,no,no,cellular,may,mon,267,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,unemployed,married,professional.course,no,yes,no,cellular,may,mon,34,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,technician,divorced,professional.course,no,yes,no,cellular,may,mon,214,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,management,divorced,university.degree,no,yes,no,telephone,may,mon,56,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +30,services,married,university.degree,no,yes,no,cellular,may,mon,109,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +37,management,divorced,university.degree,no,yes,no,cellular,may,mon,1173,3,9,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +31,technician,married,university.degree,no,yes,no,telephone,may,mon,45,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +26,entrepreneur,single,high.school,no,yes,no,cellular,may,mon,226,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +32,admin.,married,high.school,no,yes,no,cellular,may,mon,171,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +57,admin.,single,high.school,no,unknown,unknown,telephone,may,mon,102,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +43,admin.,divorced,high.school,no,yes,no,telephone,may,mon,150,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +58,admin.,married,university.degree,no,yes,no,cellular,may,mon,1359,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +43,blue-collar,married,unknown,unknown,no,no,cellular,may,mon,715,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +41,technician,single,high.school,no,yes,no,cellular,may,mon,263,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +25,unemployed,married,university.degree,no,no,no,cellular,may,mon,32,8,10,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +55,admin.,married,university.degree,no,yes,no,cellular,may,mon,8,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +53,blue-collar,married,professional.course,no,no,yes,cellular,may,mon,28,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +46,services,single,professional.course,unknown,no,yes,cellular,may,mon,390,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +32,services,married,high.school,unknown,no,no,cellular,may,mon,642,3,10,1,success,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +32,blue-collar,married,basic.9y,unknown,no,no,cellular,may,mon,1880,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,no +52,admin.,divorced,basic.9y,no,no,yes,cellular,may,mon,639,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.244,5099.1,yes +40,technician,single,professional.course,no,yes,no,cellular,may,fri,317,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +44,technician,married,professional.course,no,yes,no,cellular,may,fri,135,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +43,entrepreneur,married,professional.course,no,yes,yes,cellular,may,fri,114,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +38,services,married,high.school,no,yes,no,cellular,may,fri,324,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +81,retired,divorced,unknown,unknown,yes,yes,cellular,may,fri,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +45,admin.,single,university.degree,no,no,no,cellular,may,fri,582,1,3,1,success,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +35,technician,divorced,professional.course,no,yes,no,cellular,may,fri,394,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +35,technician,divorced,professional.course,no,no,no,cellular,may,fri,169,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +26,technician,single,university.degree,no,no,no,cellular,may,fri,199,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +35,technician,divorced,professional.course,no,no,no,cellular,may,fri,354,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +35,admin.,married,high.school,no,yes,no,cellular,may,fri,121,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +48,entrepreneur,married,university.degree,no,yes,no,cellular,may,fri,796,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +34,admin.,married,university.degree,no,no,no,cellular,may,fri,190,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +45,admin.,married,unknown,no,no,no,cellular,may,fri,78,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +45,admin.,married,unknown,no,yes,no,cellular,may,fri,271,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +39,technician,single,university.degree,no,yes,no,cellular,may,fri,150,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +39,technician,single,university.degree,no,yes,no,cellular,may,fri,119,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +40,management,married,high.school,no,yes,yes,cellular,may,fri,230,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +40,management,married,high.school,no,yes,no,cellular,may,fri,94,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +71,housemaid,married,unknown,no,yes,no,cellular,may,fri,122,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +36,admin.,married,professional.course,no,yes,yes,cellular,may,fri,89,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +23,student,single,basic.9y,no,no,yes,cellular,may,fri,563,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +27,admin.,single,university.degree,no,no,no,cellular,may,fri,86,1,3,1,success,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,fri,120,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,fri,680,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +58,retired,married,basic.9y,no,no,yes,cellular,may,fri,235,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +19,student,single,basic.9y,no,yes,no,cellular,may,fri,491,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +83,retired,married,basic.9y,no,yes,yes,cellular,may,fri,74,1,3,3,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +30,admin.,married,university.degree,no,yes,no,cellular,may,fri,158,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,fri,431,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +49,admin.,married,university.degree,no,yes,no,cellular,may,fri,168,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +49,admin.,married,university.degree,no,no,no,telephone,may,fri,152,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +66,housemaid,married,high.school,no,yes,no,cellular,may,fri,210,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,fri,81,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +37,technician,married,university.degree,no,yes,yes,cellular,may,fri,239,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +57,admin.,married,basic.6y,no,yes,no,cellular,may,fri,100,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +57,admin.,married,basic.6y,no,no,no,cellular,may,fri,259,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +32,technician,single,university.degree,no,no,no,cellular,may,fri,44,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +40,technician,single,professional.course,no,yes,no,cellular,may,fri,320,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +40,technician,single,professional.course,no,no,yes,cellular,may,fri,807,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +55,admin.,married,university.degree,no,no,no,cellular,may,fri,190,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +46,unknown,single,unknown,no,yes,yes,cellular,may,fri,136,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +18,student,single,high.school,no,no,no,cellular,may,fri,271,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +18,student,single,high.school,no,yes,no,cellular,may,fri,251,1,1,2,success,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +48,entrepreneur,married,university.degree,no,yes,no,cellular,may,fri,316,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +57,admin.,married,university.degree,no,yes,no,cellular,may,fri,554,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +62,technician,married,professional.course,no,yes,no,cellular,may,fri,181,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +29,admin.,unknown,university.degree,no,no,no,cellular,may,fri,264,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +43,technician,married,high.school,no,yes,no,cellular,may,fri,81,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +75,retired,divorced,basic.4y,no,yes,yes,cellular,may,fri,83,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +46,technician,married,university.degree,no,no,no,cellular,may,fri,566,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +43,technician,married,high.school,no,no,no,cellular,may,fri,223,1,3,1,success,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +38,admin.,married,university.degree,no,yes,yes,cellular,may,fri,80,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +26,student,single,professional.course,no,no,yes,cellular,may,fri,182,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +28,technician,single,professional.course,no,no,no,cellular,may,fri,198,1,3,1,success,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +31,services,single,high.school,no,no,no,cellular,may,fri,293,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +28,admin.,single,university.degree,no,yes,no,cellular,may,fri,50,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +27,admin.,married,high.school,no,yes,no,cellular,may,fri,137,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +52,unemployed,single,basic.4y,no,yes,no,cellular,may,fri,169,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +40,management,married,high.school,no,no,no,cellular,may,fri,253,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +35,technician,married,university.degree,no,yes,yes,telephone,may,fri,231,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +49,admin.,married,university.degree,no,yes,no,cellular,may,fri,105,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +45,blue-collar,married,professional.course,no,yes,no,cellular,may,fri,157,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +30,admin.,married,university.degree,no,yes,yes,cellular,may,fri,449,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +59,technician,married,professional.course,no,yes,no,cellular,may,fri,43,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +59,self-employed,single,university.degree,no,yes,no,telephone,may,fri,249,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +37,admin.,married,university.degree,no,yes,no,cellular,may,fri,685,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +37,housemaid,single,university.degree,no,no,no,cellular,may,fri,288,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,yes +26,admin.,single,university.degree,no,yes,no,telephone,may,fri,23,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +34,admin.,single,university.degree,no,yes,yes,cellular,may,fri,46,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.2590000000000001,5099.1,no +48,services,married,high.school,no,no,no,cellular,may,mon,97,3,999,2,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +46,admin.,single,high.school,no,yes,yes,cellular,may,mon,65,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +50,admin.,divorced,university.degree,no,yes,yes,cellular,may,mon,644,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +27,admin.,married,university.degree,no,no,yes,telephone,may,mon,86,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,mon,304,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,mon,186,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +34,admin.,married,university.degree,no,yes,yes,cellular,may,mon,582,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +26,admin.,single,university.degree,no,yes,no,cellular,may,mon,365,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +44,technician,married,basic.9y,no,yes,yes,cellular,may,mon,354,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +32,admin.,married,university.degree,no,no,no,cellular,may,mon,112,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +36,technician,married,university.degree,no,yes,yes,cellular,may,mon,101,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +24,admin.,single,university.degree,no,no,no,cellular,may,mon,174,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +36,self-employed,married,university.degree,no,no,no,cellular,may,mon,128,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +44,services,married,high.school,no,yes,yes,cellular,may,mon,283,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +53,technician,married,professional.course,no,no,no,cellular,may,mon,421,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +36,admin.,married,high.school,no,no,no,cellular,may,mon,119,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +33,blue-collar,married,basic.9y,no,yes,yes,cellular,may,mon,70,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +58,housemaid,married,basic.4y,no,no,no,cellular,may,mon,91,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +33,unemployed,married,high.school,no,yes,yes,cellular,may,mon,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +44,blue-collar,single,professional.course,no,yes,no,cellular,may,mon,64,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +44,blue-collar,single,professional.course,no,no,no,cellular,may,mon,104,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +54,management,married,university.degree,no,no,no,cellular,may,mon,397,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +36,admin.,single,university.degree,no,no,no,cellular,may,mon,327,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +56,retired,married,high.school,no,yes,no,cellular,may,mon,106,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +29,admin.,married,university.degree,no,no,no,cellular,may,mon,90,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +55,unemployed,married,basic.9y,no,no,yes,cellular,may,mon,296,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +27,admin.,single,university.degree,no,yes,yes,cellular,may,mon,179,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +52,entrepreneur,married,basic.6y,no,yes,no,cellular,may,mon,69,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +62,retired,single,university.degree,no,yes,yes,cellular,may,mon,112,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +42,entrepreneur,married,university.degree,no,yes,no,cellular,may,mon,265,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +37,blue-collar,single,professional.course,no,no,no,cellular,may,mon,54,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +46,admin.,single,university.degree,no,no,no,cellular,may,mon,344,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +56,admin.,divorced,university.degree,no,yes,no,cellular,may,mon,867,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +46,admin.,single,university.degree,no,no,no,cellular,may,mon,70,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +46,admin.,single,university.degree,no,no,no,cellular,may,mon,269,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +46,admin.,single,university.degree,no,no,yes,cellular,may,mon,195,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +46,admin.,single,university.degree,no,yes,no,cellular,may,mon,92,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +56,retired,married,high.school,no,no,yes,cellular,may,mon,613,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,mon,915,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +54,admin.,single,university.degree,no,yes,no,cellular,may,mon,485,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +54,admin.,single,university.degree,no,no,no,cellular,may,mon,337,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +34,admin.,married,university.degree,no,yes,no,cellular,may,mon,185,1,2,1,success,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +43,blue-collar,married,basic.9y,no,no,yes,cellular,may,mon,487,1,3,1,success,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +26,student,single,basic.9y,no,yes,no,cellular,may,mon,200,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +32,admin.,single,university.degree,unknown,yes,no,cellular,may,mon,157,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +25,admin.,married,university.degree,no,unknown,unknown,cellular,may,mon,612,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +27,admin.,single,university.degree,no,no,no,cellular,may,mon,160,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +26,unknown,single,basic.9y,no,yes,yes,cellular,may,mon,64,1,3,1,success,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +32,admin.,divorced,high.school,no,no,no,cellular,may,mon,111,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +37,technician,married,university.degree,no,yes,no,cellular,may,mon,288,1,3,1,success,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +36,admin.,married,university.degree,no,no,yes,cellular,may,mon,305,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +36,admin.,married,university.degree,no,yes,yes,cellular,may,mon,77,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +58,housemaid,married,basic.4y,no,yes,no,cellular,may,mon,144,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +36,self-employed,married,university.degree,no,no,yes,cellular,may,mon,159,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +33,unemployed,married,high.school,no,yes,no,cellular,may,mon,74,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +26,student,single,university.degree,no,no,yes,cellular,may,mon,115,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +36,admin.,married,university.degree,no,yes,no,cellular,may,mon,1064,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +50,admin.,divorced,university.degree,no,no,yes,cellular,may,mon,213,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +36,self-employed,married,university.degree,no,yes,no,cellular,may,mon,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +36,self-employed,married,university.degree,no,no,no,cellular,may,mon,54,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +46,unemployed,married,basic.9y,no,yes,no,cellular,may,mon,205,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +34,admin.,married,university.degree,no,yes,no,telephone,may,mon,180,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +61,retired,married,basic.9y,no,no,no,cellular,may,mon,324,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,mon,159,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +60,admin.,married,high.school,no,no,yes,telephone,may,mon,87,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,mon,226,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +29,admin.,married,university.degree,no,yes,no,cellular,may,mon,93,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +34,technician,single,professional.course,no,no,yes,cellular,may,mon,217,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +35,admin.,married,university.degree,no,yes,no,cellular,may,mon,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +43,technician,divorced,professional.course,no,yes,no,cellular,may,mon,143,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +42,technician,married,professional.course,no,no,no,cellular,may,mon,377,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +30,admin.,single,high.school,no,yes,no,cellular,may,mon,158,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +27,management,single,university.degree,no,yes,no,cellular,may,mon,115,2,3,1,success,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +31,services,single,university.degree,no,no,no,cellular,may,mon,262,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +78,retired,married,high.school,no,yes,no,cellular,may,mon,754,2,3,2,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +55,self-employed,married,university.degree,no,yes,no,cellular,may,mon,123,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +42,technician,married,professional.course,no,no,no,cellular,may,mon,85,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +32,admin.,married,university.degree,no,no,no,cellular,may,mon,166,3,12,2,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +41,admin.,married,high.school,no,yes,yes,cellular,may,mon,217,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +46,admin.,married,university.degree,no,yes,no,telephone,may,mon,243,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +54,blue-collar,married,basic.4y,no,unknown,unknown,cellular,may,mon,352,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +47,admin.,divorced,high.school,no,yes,no,cellular,may,mon,142,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +28,self-employed,single,university.degree,no,no,yes,cellular,may,mon,315,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +29,technician,single,university.degree,no,no,no,cellular,may,mon,170,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +28,technician,single,high.school,no,yes,no,telephone,may,mon,100,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.264,5099.1,no +36,self-employed,married,university.degree,no,yes,no,cellular,may,mon,414,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +34,technician,single,professional.course,no,yes,no,cellular,may,mon,601,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.264,5099.1,yes +38,management,married,university.degree,no,yes,no,cellular,may,tue,111,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,tue,164,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +44,blue-collar,married,professional.course,no,yes,yes,cellular,may,tue,133,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,self-employed,married,university.degree,no,no,no,cellular,may,tue,105,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +52,services,married,high.school,no,yes,no,cellular,may,tue,108,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,university.degree,no,no,yes,cellular,may,tue,527,2,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,admin.,single,university.degree,no,no,no,cellular,may,tue,135,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,self-employed,married,university.degree,no,no,no,cellular,may,tue,107,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,blue-collar,single,professional.course,no,no,no,cellular,may,tue,314,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,admin.,married,university.degree,no,no,no,cellular,may,tue,65,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +59,self-employed,married,university.degree,no,yes,no,cellular,may,tue,61,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,management,married,high.school,no,yes,no,cellular,may,tue,78,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +49,blue-collar,married,basic.9y,no,no,no,cellular,may,tue,135,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +60,retired,married,university.degree,no,yes,no,cellular,may,tue,133,1,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +32,admin.,married,university.degree,no,yes,no,cellular,may,tue,293,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +65,retired,married,unknown,no,no,no,cellular,may,tue,318,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,housemaid,married,high.school,no,yes,no,cellular,may,tue,84,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,married,university.degree,no,yes,no,cellular,may,tue,309,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,tue,111,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,119,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,married,university.degree,no,yes,no,cellular,may,tue,1078,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +35,admin.,married,high.school,no,yes,no,cellular,may,tue,159,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +58,management,married,university.degree,no,yes,no,cellular,may,tue,640,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +39,admin.,married,high.school,no,no,no,cellular,may,tue,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,482,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +39,admin.,married,high.school,no,yes,no,cellular,may,tue,217,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,admin.,married,high.school,no,yes,no,cellular,may,tue,71,5,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,student,single,high.school,no,yes,yes,cellular,may,tue,91,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +36,admin.,single,university.degree,no,yes,no,cellular,may,tue,260,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +40,student,single,high.school,no,yes,no,cellular,may,tue,333,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +55,retired,married,high.school,no,yes,no,cellular,may,tue,228,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +55,retired,married,high.school,no,no,no,cellular,may,tue,256,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +51,retired,married,high.school,no,yes,no,cellular,may,tue,302,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +61,unknown,single,basic.4y,no,yes,yes,cellular,may,tue,131,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +61,unknown,single,basic.4y,no,yes,no,cellular,may,tue,154,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,admin.,single,university.degree,no,yes,yes,cellular,may,tue,500,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,admin.,married,high.school,no,no,no,cellular,may,tue,172,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +61,unknown,single,basic.4y,no,yes,no,cellular,may,tue,574,1,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +55,housemaid,married,professional.course,no,yes,no,telephone,may,tue,137,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,tue,244,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,university.degree,no,no,no,cellular,may,tue,134,1,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,self-employed,married,university.degree,no,no,no,cellular,may,tue,376,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,technician,single,university.degree,no,no,no,cellular,may,tue,911,1,2,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +24,technician,single,professional.course,no,no,no,telephone,may,tue,240,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,admin.,married,high.school,no,no,no,telephone,may,tue,122,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +45,admin.,divorced,university.degree,no,no,no,cellular,may,tue,167,1,9,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +45,admin.,divorced,university.degree,no,yes,no,cellular,may,tue,351,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,married,university.degree,no,yes,no,cellular,may,tue,165,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +28,technician,single,university.degree,no,yes,no,cellular,may,tue,326,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +28,unemployed,single,high.school,no,no,yes,cellular,may,tue,58,1,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +55,entrepreneur,married,professional.course,no,yes,no,cellular,may,tue,56,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,technician,single,university.degree,no,yes,no,cellular,may,tue,145,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,admin.,married,high.school,no,yes,no,cellular,may,tue,208,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +29,self-employed,married,university.degree,no,no,no,cellular,may,tue,94,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +35,management,single,university.degree,no,no,no,cellular,may,tue,68,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,admin.,single,university.degree,no,no,no,cellular,may,tue,171,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +53,technician,married,professional.course,unknown,yes,no,cellular,may,tue,103,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,3509,2,3,2,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +54,admin.,divorced,professional.course,no,yes,no,cellular,may,tue,81,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +59,retired,married,basic.4y,no,no,no,cellular,may,tue,128,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,student,single,high.school,no,no,no,cellular,may,tue,304,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,admin.,married,professional.course,no,no,no,cellular,may,tue,55,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,divorced,university.degree,no,no,no,cellular,may,tue,140,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,services,married,high.school,no,yes,no,cellular,may,tue,83,1,1,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,entrepreneur,single,basic.9y,no,yes,no,cellular,may,tue,222,1,2,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,services,married,high.school,no,yes,no,cellular,may,tue,145,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,admin.,married,high.school,no,no,no,telephone,may,tue,1346,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +28,admin.,single,university.degree,no,no,no,cellular,may,tue,118,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,admin.,married,university.degree,no,no,no,cellular,may,tue,85,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +42,admin.,married,university.degree,no,yes,no,cellular,may,tue,251,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +31,technician,single,university.degree,no,yes,yes,cellular,may,tue,69,1,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +22,student,single,high.school,no,no,no,cellular,may,tue,245,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,high.school,no,yes,no,cellular,may,tue,135,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,single,university.degree,no,yes,no,cellular,may,tue,88,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,admin.,single,university.degree,no,yes,no,cellular,may,tue,125,1,999,2,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,admin.,single,university.degree,no,yes,no,cellular,may,tue,228,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +22,student,single,high.school,no,yes,yes,cellular,may,tue,131,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +28,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,390,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +42,services,married,high.school,no,yes,no,cellular,may,tue,132,6,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +28,admin.,single,university.degree,no,yes,no,cellular,may,tue,187,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,services,married,university.degree,no,yes,no,cellular,may,tue,139,1,1,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,services,married,university.degree,no,yes,no,cellular,may,tue,109,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +36,services,married,high.school,no,yes,no,cellular,may,tue,161,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,services,married,university.degree,no,yes,no,cellular,may,tue,445,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +36,admin.,married,basic.9y,no,yes,no,cellular,may,tue,100,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,services,married,university.degree,no,no,no,cellular,may,tue,223,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +49,management,single,university.degree,no,yes,yes,cellular,may,tue,141,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,149,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +32,technician,married,professional.course,no,yes,no,cellular,may,tue,579,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,136,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,323,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,technician,single,university.degree,no,no,no,cellular,may,tue,197,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,services,married,high.school,no,no,no,cellular,may,tue,222,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +34,housemaid,married,university.degree,no,yes,no,cellular,may,tue,58,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,blue-collar,married,high.school,no,no,no,cellular,may,tue,407,2,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +48,blue-collar,married,high.school,no,no,no,cellular,may,tue,252,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,admin.,single,university.degree,no,no,no,cellular,may,tue,80,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,management,single,university.degree,no,yes,no,cellular,may,tue,112,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +33,technician,married,university.degree,no,no,no,cellular,may,tue,87,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,admin.,single,university.degree,no,yes,no,cellular,may,tue,427,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +31,admin.,married,university.degree,no,no,no,cellular,may,tue,176,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +21,student,single,high.school,no,yes,no,cellular,may,tue,226,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +28,services,married,basic.9y,no,no,no,cellular,may,tue,396,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +22,technician,single,unknown,no,no,no,cellular,may,tue,192,1,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +42,services,married,high.school,no,yes,yes,cellular,may,tue,103,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,technician,single,professional.course,no,yes,no,cellular,may,tue,260,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,blue-collar,single,university.degree,no,yes,no,cellular,may,tue,139,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +52,services,married,high.school,no,yes,no,telephone,may,tue,108,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +51,admin.,divorced,university.degree,no,no,no,cellular,may,tue,91,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +51,admin.,divorced,university.degree,no,yes,no,cellular,may,tue,41,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +37,technician,single,professional.course,no,no,no,cellular,may,tue,89,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +25,admin.,single,university.degree,no,yes,yes,cellular,may,tue,82,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +49,admin.,single,university.degree,no,no,no,cellular,may,tue,132,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +49,admin.,single,university.degree,no,yes,no,cellular,may,tue,147,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +49,admin.,single,university.degree,no,no,no,cellular,may,tue,362,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,admin.,married,university.degree,no,yes,no,cellular,may,tue,212,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +38,technician,married,university.degree,no,yes,no,cellular,may,tue,118,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +39,admin.,married,high.school,no,no,no,cellular,may,tue,264,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +59,self-employed,married,university.degree,no,no,no,cellular,may,tue,94,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +23,student,single,basic.6y,no,yes,no,cellular,may,tue,258,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +59,self-employed,married,university.degree,no,no,no,cellular,may,tue,137,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +26,student,single,unknown,no,yes,no,cellular,may,tue,189,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +30,admin.,single,high.school,no,yes,no,cellular,may,tue,245,3,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,253,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +27,services,married,university.degree,no,no,no,cellular,may,tue,752,2,3,1,success,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +29,technician,single,high.school,no,no,yes,cellular,may,tue,185,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,yes +32,admin.,single,university.degree,no,unknown,unknown,cellular,may,tue,129,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +47,retired,divorced,university.degree,no,no,no,cellular,may,tue,175,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.266,5099.1,no +27,admin.,single,university.degree,no,yes,no,cellular,may,wed,480,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,may,wed,532,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +30,technician,single,professional.course,no,no,no,cellular,may,wed,229,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +25,admin.,single,university.degree,no,yes,yes,cellular,may,wed,163,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +34,services,married,high.school,no,no,no,cellular,may,wed,71,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +54,admin.,divorced,university.degree,no,unknown,unknown,cellular,may,wed,161,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +42,technician,married,professional.course,no,no,no,cellular,may,wed,82,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +30,admin.,married,university.degree,no,no,no,cellular,may,wed,121,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +31,admin.,single,high.school,no,no,no,cellular,may,wed,439,1,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +54,unemployed,married,basic.9y,no,no,no,cellular,may,wed,193,1,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +34,admin.,married,university.degree,no,yes,yes,cellular,may,wed,242,1,7,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +30,technician,married,professional.course,no,no,no,cellular,may,wed,188,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +47,management,married,high.school,no,no,no,cellular,may,wed,282,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +39,admin.,single,high.school,no,yes,no,cellular,may,wed,130,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +25,student,single,professional.course,no,yes,no,cellular,may,wed,483,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +31,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,116,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +54,unemployed,married,basic.9y,no,no,no,telephone,may,wed,108,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +31,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,81,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +31,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,128,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +30,management,married,university.degree,no,no,no,cellular,may,wed,283,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +50,admin.,divorced,university.degree,no,yes,yes,cellular,may,wed,155,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +35,admin.,single,university.degree,no,yes,no,cellular,may,wed,138,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +26,services,single,high.school,no,no,no,cellular,may,wed,119,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +34,admin.,married,university.degree,no,yes,no,telephone,may,wed,93,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +52,admin.,married,university.degree,no,yes,yes,cellular,may,wed,159,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +37,blue-collar,married,basic.9y,no,yes,no,cellular,may,wed,133,2,1,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +56,technician,married,basic.4y,no,no,no,cellular,may,wed,776,3,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +24,admin.,single,university.degree,no,yes,no,cellular,may,wed,140,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +31,admin.,married,university.degree,no,yes,no,cellular,may,wed,136,2,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +68,retired,married,university.degree,no,yes,yes,cellular,may,wed,145,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,224,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,wed,95,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +29,management,married,university.degree,no,yes,no,cellular,may,wed,281,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +38,housemaid,married,university.degree,no,yes,no,cellular,may,wed,90,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +38,management,single,university.degree,no,no,no,cellular,may,wed,123,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +20,student,single,high.school,no,yes,no,cellular,may,wed,297,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +32,admin.,single,university.degree,no,yes,no,telephone,may,wed,76,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +26,self-employed,single,university.degree,no,no,no,cellular,may,wed,119,1,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +33,admin.,single,university.degree,no,yes,no,cellular,may,wed,200,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +25,admin.,single,university.degree,no,no,no,cellular,may,wed,114,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +61,blue-collar,married,basic.4y,no,yes,no,cellular,may,wed,113,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +61,blue-collar,married,basic.4y,no,no,no,cellular,may,wed,62,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,wed,1576,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +32,blue-collar,single,high.school,no,no,no,cellular,may,wed,329,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +41,blue-collar,married,basic.9y,no,yes,yes,cellular,may,wed,107,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +41,technician,married,professional.course,no,yes,yes,cellular,may,wed,204,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +26,self-employed,married,university.degree,no,no,no,cellular,may,wed,367,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +66,unknown,divorced,unknown,unknown,yes,no,cellular,may,wed,82,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +40,technician,single,university.degree,no,no,no,telephone,may,wed,146,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +26,student,single,high.school,no,no,no,cellular,may,wed,424,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +32,admin.,single,university.degree,no,yes,no,cellular,may,wed,412,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +32,admin.,single,university.degree,no,no,no,cellular,may,wed,103,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +38,management,married,university.degree,no,no,no,telephone,may,wed,165,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +26,self-employed,single,university.degree,no,no,no,cellular,may,wed,161,1,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +52,admin.,married,university.degree,no,no,no,cellular,may,wed,242,2,7,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +56,retired,married,university.degree,no,no,no,cellular,may,wed,108,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +45,technician,married,professional.course,no,yes,no,cellular,may,wed,207,5,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +37,blue-collar,married,basic.9y,no,no,no,cellular,may,wed,73,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +30,student,single,high.school,no,yes,no,cellular,may,wed,156,4,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +40,admin.,single,university.degree,no,yes,no,cellular,may,wed,112,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +26,self-employed,single,university.degree,no,no,no,cellular,may,wed,78,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +43,admin.,single,university.degree,no,yes,no,cellular,may,wed,110,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +32,admin.,single,university.degree,no,no,no,cellular,may,wed,183,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +26,student,single,high.school,no,yes,no,cellular,may,wed,223,3,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +61,blue-collar,married,basic.4y,no,no,yes,cellular,may,wed,74,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +35,blue-collar,single,basic.9y,no,yes,no,cellular,may,wed,123,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +35,unemployed,married,university.degree,no,no,no,cellular,may,wed,76,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +24,technician,single,professional.course,no,unknown,unknown,cellular,may,wed,311,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +32,services,married,high.school,no,yes,no,telephone,may,wed,628,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +88,retired,divorced,basic.4y,no,yes,no,cellular,may,wed,128,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +53,self-employed,married,university.degree,no,no,yes,cellular,may,wed,141,3,6,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +34,admin.,married,university.degree,no,no,no,cellular,may,wed,89,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +47,admin.,married,high.school,no,no,no,cellular,may,wed,99,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +35,admin.,single,high.school,no,no,no,cellular,may,wed,236,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +34,admin.,married,university.degree,no,yes,no,cellular,may,wed,99,2,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +38,management,married,university.degree,no,yes,no,cellular,may,wed,187,2,2,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +32,technician,married,university.degree,no,yes,no,telephone,may,wed,186,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +36,technician,married,professional.course,no,yes,no,telephone,may,wed,86,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +48,technician,married,basic.6y,no,yes,no,cellular,may,thu,158,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +30,management,married,university.degree,no,no,no,cellular,may,thu,162,7,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +24,management,single,university.degree,no,yes,no,cellular,may,thu,513,9,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +66,unknown,married,basic.4y,no,yes,yes,cellular,may,thu,110,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +40,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,681,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +35,admin.,married,university.degree,no,no,no,cellular,may,thu,322,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,thu,210,2,3,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +27,technician,single,university.degree,no,yes,no,cellular,may,thu,568,8,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +37,entrepreneur,divorced,university.degree,no,yes,no,cellular,may,thu,294,2,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +24,student,single,unknown,no,yes,no,cellular,may,thu,558,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +23,student,single,high.school,no,yes,no,cellular,may,thu,77,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +22,student,single,basic.9y,no,no,no,cellular,may,thu,85,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +26,student,single,high.school,no,no,no,cellular,may,thu,93,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +24,management,single,university.degree,no,no,no,cellular,may,thu,121,6,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +42,housemaid,married,high.school,no,yes,no,cellular,may,thu,95,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +32,admin.,married,university.degree,no,yes,yes,cellular,may,thu,135,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +52,admin.,divorced,university.degree,no,yes,yes,cellular,may,thu,414,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +35,admin.,married,high.school,no,yes,no,cellular,may,thu,60,2,999,2,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +53,technician,divorced,high.school,no,yes,no,cellular,may,thu,151,4,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +28,technician,single,university.degree,no,no,no,cellular,may,thu,68,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +23,student,single,high.school,no,no,no,cellular,may,thu,361,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +41,unemployed,married,university.degree,no,no,no,cellular,may,thu,142,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +26,technician,single,university.degree,no,yes,no,cellular,may,thu,174,4,2,1,success,-1.8,92.89299999999999,-46.2,1.27,5099.1,yes +24,management,single,university.degree,no,yes,no,cellular,may,thu,45,4,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +37,entrepreneur,divorced,university.degree,no,no,yes,cellular,may,thu,95,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +45,admin.,divorced,professional.course,no,yes,yes,telephone,may,thu,44,1,999,1,failure,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +40,blue-collar,married,basic.4y,no,yes,no,cellular,may,thu,61,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +28,services,single,high.school,no,no,no,telephone,may,thu,32,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +45,services,married,high.school,no,yes,yes,cellular,may,thu,141,3,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +35,admin.,married,high.school,no,yes,yes,cellular,may,thu,81,2,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +37,entrepreneur,divorced,university.degree,no,yes,yes,telephone,may,thu,71,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +27,technician,single,university.degree,no,no,no,cellular,may,thu,68,1,999,0,nonexistent,-1.8,92.89299999999999,-46.2,1.27,5099.1,no +60,admin.,married,university.degree,no,yes,no,cellular,jun,mon,324,3,3,1,success,-2.9,92.963,-40.8,1.266,5076.2,yes +29,admin.,single,high.school,no,yes,no,cellular,jun,mon,295,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +32,technician,married,professional.course,no,yes,no,cellular,jun,mon,108,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +45,unemployed,married,basic.9y,no,yes,no,cellular,jun,mon,201,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +35,blue-collar,single,professional.course,no,no,no,cellular,jun,mon,71,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +35,blue-collar,single,professional.course,no,yes,no,cellular,jun,mon,264,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +46,admin.,divorced,university.degree,no,yes,no,cellular,jun,mon,110,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +24,student,single,high.school,unknown,no,no,cellular,jun,mon,190,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +53,admin.,divorced,high.school,no,yes,no,cellular,jun,mon,70,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +32,admin.,married,university.degree,no,yes,no,cellular,jun,mon,103,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,yes +27,admin.,single,university.degree,no,yes,yes,cellular,jun,mon,331,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +37,entrepreneur,married,basic.6y,no,yes,no,cellular,jun,mon,377,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +36,unemployed,single,university.degree,no,yes,no,cellular,jun,mon,205,1,4,1,success,-2.9,92.963,-40.8,1.266,5076.2,yes +36,technician,single,university.degree,no,yes,no,cellular,jun,mon,287,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +33,admin.,married,university.degree,no,yes,no,cellular,jun,mon,346,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +52,admin.,single,university.degree,no,no,yes,cellular,jun,mon,212,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +29,admin.,married,high.school,no,yes,no,cellular,jun,mon,263,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +36,technician,married,university.degree,no,yes,no,cellular,jun,mon,192,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +45,unemployed,married,basic.9y,no,yes,no,cellular,jun,mon,129,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +29,admin.,single,university.degree,no,yes,no,cellular,jun,mon,154,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +41,admin.,married,university.degree,no,no,no,cellular,jun,mon,175,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +22,student,single,basic.6y,no,yes,no,cellular,jun,mon,814,1,3,1,success,-2.9,92.963,-40.8,1.266,5076.2,no +58,admin.,married,university.degree,no,yes,no,cellular,jun,mon,65,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +25,technician,married,university.degree,no,no,no,cellular,jun,mon,67,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +57,retired,married,professional.course,no,yes,no,cellular,jun,mon,166,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +52,admin.,single,university.degree,no,yes,no,cellular,jun,mon,327,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +28,admin.,single,university.degree,no,no,no,cellular,jun,mon,69,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,yes +28,admin.,single,university.degree,no,yes,no,cellular,jun,mon,353,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +47,management,married,university.degree,no,no,no,cellular,jun,mon,210,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +31,services,married,basic.9y,no,yes,no,telephone,jun,mon,277,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +32,technician,married,professional.course,no,unknown,unknown,cellular,jun,mon,210,2,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,yes +41,technician,married,university.degree,no,yes,yes,cellular,jun,mon,244,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +31,services,married,basic.9y,no,no,no,cellular,jun,mon,84,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +31,services,married,basic.9y,no,yes,no,cellular,jun,mon,208,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +31,services,married,basic.9y,no,yes,no,cellular,jun,mon,326,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +36,technician,married,university.degree,no,no,no,cellular,jun,mon,59,1,3,1,success,-2.9,92.963,-40.8,1.266,5076.2,no +30,blue-collar,married,basic.9y,no,no,no,cellular,jun,mon,285,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +57,admin.,married,university.degree,no,yes,no,cellular,jun,mon,161,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +39,admin.,married,university.degree,no,no,no,cellular,jun,mon,165,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +27,admin.,married,university.degree,no,unknown,unknown,cellular,jun,mon,459,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +59,retired,married,professional.course,no,yes,yes,cellular,jun,mon,1460,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +32,technician,single,university.degree,no,no,no,cellular,jun,mon,1048,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +57,blue-collar,divorced,basic.4y,no,no,no,cellular,jun,mon,233,1,12,1,success,-2.9,92.963,-40.8,1.266,5076.2,no +33,admin.,married,university.degree,no,no,no,cellular,jun,mon,335,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +37,admin.,married,university.degree,no,yes,yes,cellular,jun,mon,412,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +45,blue-collar,married,basic.9y,no,no,no,cellular,jun,mon,177,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +24,student,single,university.degree,no,no,no,cellular,jun,mon,223,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +65,retired,married,basic.9y,no,no,no,cellular,jun,mon,579,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +33,services,single,high.school,no,no,no,cellular,jun,mon,144,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +65,housemaid,married,basic.4y,no,no,no,cellular,jun,mon,145,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +30,technician,single,basic.9y,no,no,no,cellular,jun,mon,93,1,12,1,success,-2.9,92.963,-40.8,1.266,5076.2,no +49,management,married,university.degree,no,yes,no,telephone,jun,mon,153,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +49,management,married,university.degree,no,no,no,cellular,jun,mon,164,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +49,management,married,university.degree,no,yes,no,cellular,jun,mon,128,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +49,management,married,university.degree,no,yes,no,cellular,jun,mon,339,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +44,housemaid,married,university.degree,no,no,no,cellular,jun,mon,223,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +34,admin.,single,university.degree,no,no,no,cellular,jun,mon,62,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +34,admin.,single,university.degree,no,no,no,cellular,jun,mon,151,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +24,blue-collar,single,basic.9y,no,unknown,unknown,cellular,jun,mon,128,1,3,1,success,-2.9,92.963,-40.8,1.266,5076.2,no +31,blue-collar,married,basic.9y,unknown,yes,no,cellular,jun,mon,388,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +55,admin.,married,high.school,no,no,no,cellular,jun,mon,180,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +77,management,single,basic.9y,no,no,no,cellular,jun,mon,84,2,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +38,blue-collar,divorced,university.degree,no,yes,yes,cellular,jun,mon,87,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +30,admin.,married,university.degree,no,no,no,telephone,jun,mon,194,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +36,management,married,university.degree,no,unknown,unknown,telephone,jun,mon,192,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +27,admin.,married,university.degree,no,yes,no,cellular,jun,mon,761,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +43,admin.,married,high.school,unknown,yes,no,cellular,jun,mon,153,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +21,student,single,high.school,no,yes,no,cellular,jun,mon,202,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +36,admin.,married,university.degree,no,no,no,cellular,jun,mon,174,1,3,1,success,-2.9,92.963,-40.8,1.266,5076.2,yes +33,unemployed,single,university.degree,no,no,no,telephone,jun,mon,89,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +31,technician,married,unknown,no,yes,no,cellular,jun,mon,84,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +56,retired,divorced,university.degree,no,yes,no,cellular,jun,mon,164,1,3,1,success,-2.9,92.963,-40.8,1.266,5076.2,no +27,technician,married,professional.course,no,yes,no,cellular,jun,mon,492,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +29,admin.,single,university.degree,no,no,no,cellular,jun,mon,114,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +36,unemployed,married,university.degree,unknown,yes,no,cellular,jun,mon,450,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +49,management,married,university.degree,no,no,no,cellular,jun,mon,215,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +45,unemployed,married,basic.9y,no,no,no,cellular,jun,mon,232,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +36,self-employed,married,university.degree,no,no,yes,cellular,jun,mon,284,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,yes +32,admin.,single,university.degree,no,yes,no,cellular,jun,mon,253,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +47,management,married,university.degree,no,yes,no,cellular,jun,mon,352,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +58,retired,divorced,professional.course,no,yes,no,cellular,jun,mon,470,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +28,student,single,high.school,no,yes,no,cellular,jun,mon,1144,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +49,management,married,university.degree,no,yes,no,telephone,jun,mon,336,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +37,services,single,high.school,no,yes,no,cellular,jun,mon,195,3,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +28,self-employed,single,university.degree,no,no,no,cellular,jun,mon,373,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +34,blue-collar,married,high.school,no,yes,no,cellular,jun,mon,78,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +65,housemaid,married,basic.4y,no,no,no,cellular,jun,mon,89,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +72,admin.,married,university.degree,no,yes,no,cellular,jun,mon,134,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +31,admin.,single,university.degree,no,yes,no,cellular,jun,mon,181,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +31,services,single,university.degree,no,yes,no,telephone,jun,mon,55,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +28,self-employed,single,university.degree,no,yes,yes,cellular,jun,mon,187,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +55,retired,divorced,university.degree,no,yes,no,cellular,jun,mon,113,2,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +32,blue-collar,unknown,basic.9y,no,yes,no,cellular,jun,mon,314,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,yes +39,admin.,married,university.degree,no,yes,no,cellular,jun,mon,206,1,999,1,failure,-2.9,92.963,-40.8,1.266,5076.2,no +43,admin.,married,high.school,unknown,yes,no,cellular,jun,mon,288,1,999,0,nonexistent,-2.9,92.963,-40.8,1.266,5076.2,no +25,admin.,single,university.degree,no,yes,no,cellular,jun,tue,93,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +53,services,married,unknown,no,yes,no,cellular,jun,tue,327,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +26,technician,single,professional.course,no,yes,no,cellular,jun,tue,163,2,3,1,success,-2.9,92.963,-40.8,1.262,5076.2,yes +28,management,married,basic.6y,no,no,yes,cellular,jun,tue,111,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +52,unknown,married,professional.course,unknown,yes,no,cellular,jun,tue,149,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +37,technician,single,university.degree,no,yes,no,cellular,jun,tue,96,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +67,admin.,married,basic.4y,unknown,no,no,cellular,jun,tue,466,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +21,management,single,university.degree,no,unknown,unknown,cellular,jun,tue,106,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +26,technician,divorced,university.degree,no,yes,no,cellular,jun,tue,101,1,3,1,success,-2.9,92.963,-40.8,1.262,5076.2,no +33,admin.,single,university.degree,no,yes,no,cellular,jun,tue,257,3,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +26,admin.,single,high.school,no,no,no,cellular,jun,tue,479,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +26,technician,divorced,university.degree,no,no,no,cellular,jun,tue,437,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +33,admin.,single,university.degree,no,yes,no,cellular,jun,tue,198,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +58,retired,divorced,high.school,no,no,yes,cellular,jun,tue,143,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +43,blue-collar,married,basic.9y,no,yes,no,cellular,jun,tue,395,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +40,admin.,single,high.school,no,yes,no,cellular,jun,tue,145,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +40,admin.,single,high.school,no,yes,no,cellular,jun,tue,154,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +27,student,single,basic.9y,no,yes,yes,cellular,jun,tue,107,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +58,retired,divorced,high.school,no,yes,no,cellular,jun,tue,663,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +32,admin.,single,high.school,no,yes,no,cellular,jun,tue,350,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +35,services,married,high.school,no,yes,yes,cellular,jun,tue,126,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +39,admin.,married,professional.course,no,yes,yes,cellular,jun,tue,145,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +31,admin.,single,university.degree,no,yes,no,cellular,jun,tue,282,2,13,1,success,-2.9,92.963,-40.8,1.262,5076.2,yes +47,management,married,basic.9y,no,yes,no,cellular,jun,tue,118,2,3,1,success,-2.9,92.963,-40.8,1.262,5076.2,no +48,technician,married,high.school,no,yes,no,cellular,jun,tue,115,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +59,retired,divorced,university.degree,no,no,no,cellular,jun,tue,368,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +46,unemployed,married,basic.9y,no,yes,no,cellular,jun,tue,62,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +46,unemployed,married,basic.9y,no,unknown,unknown,cellular,jun,tue,96,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +46,unemployed,married,basic.9y,no,no,no,cellular,jun,tue,294,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +67,admin.,married,basic.4y,unknown,yes,no,cellular,jun,tue,177,2,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +33,admin.,married,university.degree,no,yes,no,cellular,jun,tue,64,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +33,admin.,married,university.degree,no,yes,no,cellular,jun,tue,690,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +32,services,single,professional.course,no,yes,no,cellular,jun,tue,297,1,999,2,failure,-2.9,92.963,-40.8,1.262,5076.2,no +32,admin.,married,university.degree,no,yes,yes,cellular,jun,tue,384,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +32,admin.,married,university.degree,no,no,no,cellular,jun,tue,596,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +37,technician,single,university.degree,no,no,no,cellular,jun,tue,654,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +49,admin.,divorced,university.degree,no,yes,no,cellular,jun,tue,144,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +49,admin.,divorced,university.degree,no,yes,no,cellular,jun,tue,88,1,4,1,success,-2.9,92.963,-40.8,1.262,5076.2,no +52,unknown,married,professional.course,unknown,yes,no,telephone,jun,tue,50,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +31,admin.,single,university.degree,no,no,no,cellular,jun,tue,99,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +43,admin.,divorced,university.degree,no,yes,no,cellular,jun,tue,418,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +41,entrepreneur,married,high.school,no,yes,no,cellular,jun,tue,169,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +27,student,married,university.degree,no,no,no,cellular,jun,tue,59,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +34,technician,married,university.degree,no,yes,no,cellular,jun,tue,195,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +31,blue-collar,single,basic.9y,no,yes,yes,cellular,jun,tue,103,1,3,2,success,-2.9,92.963,-40.8,1.262,5076.2,yes +32,technician,single,high.school,no,no,no,cellular,jun,tue,430,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +33,admin.,single,high.school,no,yes,no,cellular,jun,tue,167,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +52,services,divorced,basic.4y,no,yes,no,cellular,jun,tue,74,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +24,student,single,high.school,no,no,no,cellular,jun,tue,253,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +24,student,single,high.school,no,no,no,cellular,jun,tue,225,1,3,1,success,-2.9,92.963,-40.8,1.262,5076.2,no +25,admin.,single,university.degree,no,no,no,cellular,jun,tue,417,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +52,unknown,married,professional.course,unknown,yes,yes,cellular,jun,tue,135,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +41,technician,married,professional.course,no,no,no,cellular,jun,tue,160,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +32,services,married,high.school,no,unknown,unknown,cellular,jun,tue,172,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +27,self-employed,single,professional.course,no,no,no,cellular,jun,tue,162,2,999,2,failure,-2.9,92.963,-40.8,1.262,5076.2,no +34,services,married,high.school,no,yes,no,cellular,jun,tue,136,1,999,2,failure,-2.9,92.963,-40.8,1.262,5076.2,no +41,technician,single,university.degree,no,no,no,telephone,jun,tue,270,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +34,services,single,high.school,no,no,yes,cellular,jun,tue,92,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +27,self-employed,single,university.degree,no,no,no,cellular,jun,tue,271,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +46,unemployed,married,basic.9y,no,no,no,cellular,jun,tue,200,2,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +47,management,married,basic.9y,no,no,no,cellular,jun,tue,309,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +37,unemployed,unknown,university.degree,no,no,no,cellular,jun,tue,100,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +26,admin.,single,university.degree,no,unknown,unknown,cellular,jun,tue,271,2,3,1,success,-2.9,92.963,-40.8,1.262,5076.2,yes +29,unemployed,single,high.school,no,no,no,cellular,jun,tue,189,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +79,retired,married,high.school,no,unknown,unknown,cellular,jun,tue,61,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +79,retired,married,high.school,no,yes,yes,cellular,jun,tue,163,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +33,admin.,single,high.school,no,yes,no,cellular,jun,tue,74,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +32,admin.,married,university.degree,no,yes,yes,cellular,jun,tue,82,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +23,student,single,high.school,no,no,no,telephone,jun,tue,108,4,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +43,admin.,married,university.degree,no,yes,no,cellular,jun,tue,91,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +43,admin.,married,university.degree,no,no,yes,cellular,jun,tue,310,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +32,admin.,married,university.degree,no,yes,no,cellular,jun,tue,712,1,3,2,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +32,admin.,married,university.degree,no,no,no,cellular,jun,tue,74,1,4,1,success,-2.9,92.963,-40.8,1.262,5076.2,yes +29,admin.,single,university.degree,no,yes,no,telephone,jun,tue,128,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +52,services,divorced,basic.4y,no,yes,no,cellular,jun,tue,80,3,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +29,admin.,single,university.degree,no,yes,no,telephone,jun,tue,392,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +27,services,single,professional.course,no,yes,no,cellular,jun,tue,392,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +32,admin.,single,university.degree,no,yes,no,cellular,jun,tue,369,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +31,management,married,university.degree,no,no,no,cellular,jun,tue,217,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +30,unemployed,married,professional.course,no,yes,no,cellular,jun,tue,194,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +30,unemployed,married,professional.course,no,yes,yes,cellular,jun,tue,495,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +38,admin.,divorced,high.school,no,yes,no,cellular,jun,tue,116,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +41,technician,married,professional.course,no,unknown,unknown,cellular,jun,tue,318,1,4,3,success,-2.9,92.963,-40.8,1.262,5076.2,yes +33,management,single,university.degree,no,unknown,unknown,cellular,jun,tue,73,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +28,admin.,single,high.school,no,yes,no,cellular,jun,tue,135,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +28,admin.,single,high.school,no,yes,no,cellular,jun,tue,359,1,999,2,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +34,technician,married,university.degree,no,no,no,cellular,jun,tue,116,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +24,technician,single,professional.course,no,yes,no,cellular,jun,tue,211,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +59,admin.,married,unknown,no,no,no,cellular,jun,tue,245,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +26,admin.,married,high.school,no,yes,yes,cellular,jun,tue,142,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +35,admin.,married,high.school,no,yes,yes,cellular,jun,tue,444,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +33,admin.,single,university.degree,no,yes,no,cellular,jun,tue,251,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +56,management,married,university.degree,no,yes,yes,cellular,jun,tue,673,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +24,unknown,single,university.degree,no,no,no,cellular,jun,tue,119,1,3,2,success,-2.9,92.963,-40.8,1.262,5076.2,yes +24,unknown,single,university.degree,no,yes,yes,cellular,jun,tue,134,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +24,unknown,single,university.degree,no,yes,no,cellular,jun,tue,74,1,3,2,success,-2.9,92.963,-40.8,1.262,5076.2,no +24,unknown,single,university.degree,no,yes,no,cellular,jun,tue,728,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +24,unknown,single,university.degree,no,no,no,cellular,jun,tue,263,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +27,admin.,single,university.degree,no,no,yes,cellular,jun,tue,154,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +24,unknown,single,university.degree,no,yes,yes,cellular,jun,tue,696,1,999,2,failure,-2.9,92.963,-40.8,1.262,5076.2,no +23,blue-collar,single,basic.9y,no,no,no,cellular,jun,tue,159,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +41,technician,single,university.degree,no,yes,no,cellular,jun,tue,118,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +46,unemployed,married,basic.9y,no,yes,yes,cellular,jun,tue,1210,4,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +31,admin.,single,university.degree,no,no,yes,cellular,jun,tue,210,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +23,student,single,high.school,no,no,no,cellular,jun,tue,310,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +30,admin.,single,university.degree,no,no,no,cellular,jun,tue,482,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +30,admin.,single,university.degree,no,yes,no,cellular,jun,tue,224,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +47,technician,divorced,high.school,no,yes,no,cellular,jun,tue,221,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +30,self-employed,single,university.degree,no,no,no,cellular,jun,tue,147,3,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +44,admin.,single,university.degree,no,no,no,cellular,jun,tue,924,2,4,1,success,-2.9,92.963,-40.8,1.262,5076.2,yes +44,admin.,divorced,university.degree,no,yes,yes,cellular,jun,tue,130,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +33,admin.,single,high.school,no,no,no,cellular,jun,tue,53,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +29,management,divorced,basic.9y,no,yes,no,cellular,jun,tue,72,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +28,technician,single,professional.course,no,yes,no,cellular,jun,tue,318,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +34,services,single,high.school,no,no,no,telephone,jun,tue,306,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +33,housemaid,unknown,university.degree,no,no,no,cellular,jun,tue,77,3,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +27,self-employed,single,university.degree,no,yes,no,cellular,jun,tue,112,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +37,admin.,married,university.degree,no,yes,no,cellular,jun,tue,80,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +37,admin.,married,high.school,no,yes,yes,cellular,jun,tue,123,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +31,management,married,university.degree,no,no,no,cellular,jun,tue,212,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +40,admin.,married,university.degree,no,yes,no,cellular,jun,tue,192,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +47,management,married,basic.9y,no,yes,no,cellular,jun,tue,181,3,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +34,admin.,single,university.degree,no,yes,no,cellular,jun,tue,96,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +47,management,married,basic.9y,no,no,no,cellular,jun,tue,132,4,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +30,technician,single,professional.course,no,yes,no,cellular,jun,tue,76,3,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +38,entrepreneur,married,professional.course,no,yes,yes,cellular,jun,tue,262,2,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +30,admin.,married,university.degree,no,no,no,cellular,jun,tue,250,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +43,admin.,married,university.degree,no,yes,yes,cellular,jun,tue,146,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +33,technician,married,professional.course,no,no,no,cellular,jun,tue,189,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +53,services,married,unknown,no,yes,no,cellular,jun,tue,501,3,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +46,entrepreneur,married,high.school,no,no,no,cellular,jun,tue,69,2,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +40,admin.,married,university.degree,no,no,no,cellular,jun,tue,269,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +46,unemployed,married,basic.9y,no,yes,no,cellular,jun,tue,236,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +32,admin.,married,university.degree,no,yes,yes,cellular,jun,tue,102,4,999,2,failure,-2.9,92.963,-40.8,1.262,5076.2,no +36,admin.,married,university.degree,unknown,yes,yes,cellular,jun,tue,308,1,3,1,success,-2.9,92.963,-40.8,1.262,5076.2,no +24,technician,single,professional.course,no,no,no,cellular,jun,tue,122,2,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,no +58,retired,divorced,high.school,no,yes,no,cellular,jun,tue,145,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +55,retired,married,basic.4y,no,no,no,cellular,jun,tue,130,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +25,blue-collar,single,professional.course,no,yes,no,cellular,jun,tue,179,2,3,1,success,-2.9,92.963,-40.8,1.262,5076.2,yes +24,technician,single,high.school,no,yes,no,cellular,jun,tue,142,2,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +44,management,married,university.degree,no,yes,no,cellular,jun,tue,71,3,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,no +55,retired,married,basic.4y,no,no,no,cellular,jun,tue,553,2,3,4,failure,-2.9,92.963,-40.8,1.262,5076.2,no +31,management,married,university.degree,no,yes,no,cellular,jun,tue,305,1,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +31,technician,single,professional.course,no,no,no,cellular,jun,tue,163,1,999,1,failure,-2.9,92.963,-40.8,1.262,5076.2,yes +33,admin.,single,university.degree,no,no,no,cellular,jun,tue,541,3,999,0,nonexistent,-2.9,92.963,-40.8,1.262,5076.2,yes +28,technician,single,professional.course,no,yes,no,cellular,jun,wed,209,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +43,admin.,married,university.degree,no,yes,no,cellular,jun,wed,262,2,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +38,technician,single,university.degree,no,yes,no,telephone,jun,wed,225,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +28,admin.,married,high.school,no,no,no,telephone,jun,wed,206,4,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +40,blue-collar,divorced,professional.course,no,no,no,cellular,jun,wed,115,2,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +24,blue-collar,single,basic.9y,no,yes,no,cellular,jun,wed,406,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,admin.,single,university.degree,no,yes,no,cellular,jun,wed,244,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +31,services,married,high.school,no,no,no,cellular,jun,wed,592,4,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +47,admin.,single,university.degree,no,no,no,cellular,jun,wed,78,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +26,retired,single,high.school,no,unknown,unknown,cellular,jun,wed,508,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +59,retired,married,professional.course,no,yes,no,telephone,jun,wed,437,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +24,blue-collar,single,basic.9y,no,unknown,unknown,cellular,jun,wed,192,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +59,retired,married,professional.course,no,no,no,cellular,jun,wed,136,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +59,retired,married,professional.course,no,yes,no,cellular,jun,wed,68,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +53,blue-collar,divorced,basic.6y,no,yes,no,cellular,jun,wed,123,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +33,admin.,single,university.degree,no,yes,no,cellular,jun,wed,313,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +31,admin.,single,high.school,no,no,no,cellular,jun,wed,137,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +53,technician,divorced,university.degree,no,no,no,cellular,jun,wed,705,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +26,student,single,professional.course,no,yes,no,cellular,jun,wed,96,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +28,admin.,single,high.school,no,no,no,cellular,jun,wed,198,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +37,services,married,high.school,no,yes,no,cellular,jun,wed,200,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +40,blue-collar,divorced,professional.course,no,no,no,cellular,jun,wed,210,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +40,management,divorced,university.degree,no,yes,no,cellular,jun,wed,117,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +58,blue-collar,married,basic.4y,no,yes,no,cellular,jun,wed,110,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +38,technician,married,university.degree,no,yes,no,cellular,jun,wed,171,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +36,admin.,married,university.degree,no,no,no,cellular,jun,wed,334,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +37,self-employed,married,professional.course,no,no,no,cellular,jun,wed,321,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +28,student,single,high.school,no,yes,no,cellular,jun,wed,296,4,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +58,management,married,basic.4y,no,yes,no,cellular,jun,wed,86,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +20,student,single,unknown,no,yes,no,cellular,jun,wed,213,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +29,admin.,single,university.degree,no,yes,yes,telephone,jun,wed,252,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +28,technician,single,professional.course,no,no,no,cellular,jun,wed,411,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +29,admin.,married,high.school,no,yes,no,cellular,jun,wed,37,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +28,admin.,single,university.degree,no,yes,no,cellular,jun,wed,593,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +29,technician,single,university.degree,no,yes,no,cellular,jun,wed,101,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +34,technician,married,professional.course,no,yes,no,cellular,jun,wed,302,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +29,technician,single,university.degree,no,yes,no,cellular,jun,wed,138,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,technician,single,university.degree,no,yes,no,cellular,jun,wed,165,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,blue-collar,single,high.school,no,yes,no,cellular,jun,wed,88,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,services,single,high.school,no,no,no,telephone,jun,wed,116,2,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +59,blue-collar,married,basic.4y,unknown,no,no,cellular,jun,wed,340,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +48,admin.,married,university.degree,no,yes,no,cellular,jun,wed,95,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +31,services,married,high.school,no,yes,no,cellular,jun,wed,591,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +33,blue-collar,married,professional.course,no,yes,no,cellular,jun,wed,88,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +33,blue-collar,married,professional.course,no,yes,no,cellular,jun,wed,90,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +28,services,single,basic.6y,no,no,no,cellular,jun,wed,385,2,4,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +39,admin.,married,university.degree,no,no,no,cellular,jun,wed,2219,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +33,blue-collar,married,professional.course,no,unknown,unknown,cellular,jun,wed,240,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,single,university.degree,no,no,no,cellular,jun,wed,174,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +57,entrepreneur,married,basic.4y,no,yes,no,cellular,jun,wed,467,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +30,admin.,single,university.degree,no,yes,no,cellular,jun,wed,107,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,divorced,university.degree,no,yes,no,cellular,jun,wed,238,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +39,management,married,university.degree,no,yes,no,cellular,jun,wed,95,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,single,university.degree,no,yes,no,cellular,jun,wed,170,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +32,admin.,married,high.school,no,yes,no,cellular,jun,wed,342,1,10,1,success,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,married,university.degree,no,unknown,unknown,cellular,jun,wed,113,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +56,retired,married,university.degree,no,yes,no,cellular,jun,wed,252,1,999,2,failure,-2.9,92.963,-40.8,1.26,5076.2,no +33,admin.,single,high.school,no,no,no,cellular,jun,wed,170,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +20,student,single,high.school,no,yes,yes,cellular,jun,wed,74,2,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +38,admin.,divorced,high.school,no,no,no,cellular,jun,wed,65,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +61,admin.,married,university.degree,no,yes,no,cellular,jun,wed,151,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +38,technician,married,university.degree,no,yes,no,cellular,jun,wed,273,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +38,technician,married,university.degree,no,no,no,cellular,jun,wed,539,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +40,services,married,high.school,unknown,no,no,cellular,jun,wed,157,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +38,admin.,divorced,high.school,no,yes,no,cellular,jun,wed,1361,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +33,admin.,single,university.degree,no,no,no,cellular,jun,wed,254,1,999,2,failure,-2.9,92.963,-40.8,1.26,5076.2,no +21,admin.,single,high.school,no,yes,no,cellular,jun,wed,180,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +48,admin.,married,university.degree,no,yes,no,cellular,jun,wed,447,2,4,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +26,student,single,university.degree,unknown,yes,no,cellular,jun,wed,247,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,services,single,high.school,no,no,no,cellular,jun,wed,136,6,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,no +32,technician,married,university.degree,no,yes,no,cellular,jun,wed,123,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +37,admin.,married,university.degree,no,no,no,cellular,jun,wed,167,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +24,student,single,high.school,no,yes,no,cellular,jun,wed,74,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +26,technician,single,professional.course,no,yes,no,cellular,jun,wed,80,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +26,technician,single,professional.course,no,yes,no,cellular,jun,wed,102,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +30,admin.,single,university.degree,no,yes,no,cellular,jun,wed,214,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +36,management,single,university.degree,no,yes,no,cellular,jun,wed,300,2,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +29,admin.,married,high.school,no,no,no,cellular,jun,wed,200,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +42,self-employed,married,university.degree,no,yes,no,cellular,jun,wed,436,1,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +34,management,married,university.degree,no,yes,yes,telephone,jun,wed,192,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +33,management,married,university.degree,no,yes,no,cellular,jun,wed,97,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +50,admin.,single,basic.9y,no,yes,no,cellular,jun,wed,343,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +47,admin.,single,university.degree,no,yes,no,cellular,jun,wed,156,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +50,admin.,single,basic.9y,no,unknown,unknown,cellular,jun,wed,699,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +23,student,single,high.school,no,no,no,cellular,jun,wed,200,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +24,services,single,high.school,no,no,no,cellular,jun,wed,150,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +54,management,married,university.degree,no,yes,no,cellular,jun,wed,42,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,services,single,high.school,no,yes,yes,cellular,jun,wed,431,2,999,2,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +56,management,married,university.degree,no,yes,no,cellular,jun,wed,175,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +25,technician,single,university.degree,no,yes,yes,cellular,jun,wed,124,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +30,admin.,single,university.degree,no,no,no,cellular,jun,wed,656,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +54,admin.,married,university.degree,no,no,no,cellular,jun,wed,77,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +40,entrepreneur,married,basic.6y,no,no,no,cellular,jun,wed,837,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +29,services,single,high.school,no,no,no,cellular,jun,wed,725,2,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +27,blue-collar,single,basic.6y,no,yes,no,cellular,jun,wed,334,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +57,housemaid,divorced,high.school,no,no,yes,telephone,jun,wed,230,4,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +69,entrepreneur,married,high.school,no,no,no,cellular,jun,wed,144,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,admin.,single,university.degree,no,yes,no,cellular,jun,wed,617,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +69,entrepreneur,married,high.school,no,no,no,cellular,jun,wed,140,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +69,entrepreneur,married,high.school,no,yes,no,cellular,jun,wed,178,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +31,admin.,married,high.school,no,no,no,cellular,jun,wed,161,1,2,1,success,-2.9,92.963,-40.8,1.26,5076.2,no +29,technician,married,university.degree,no,no,no,cellular,jun,wed,150,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +61,admin.,married,university.degree,unknown,yes,no,cellular,jun,wed,1076,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +26,admin.,single,university.degree,no,yes,no,cellular,jun,wed,213,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +35,admin.,single,university.degree,no,yes,no,cellular,jun,wed,266,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +52,admin.,married,university.degree,no,yes,yes,cellular,jun,wed,247,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +26,student,single,university.degree,unknown,no,no,cellular,jun,wed,78,2,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +54,admin.,single,high.school,no,no,no,cellular,jun,wed,114,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +33,technician,single,university.degree,no,yes,yes,cellular,jun,wed,203,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +42,admin.,single,university.degree,no,unknown,unknown,telephone,jun,wed,34,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +25,technician,married,professional.course,no,no,no,cellular,jun,wed,595,3,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +33,management,divorced,university.degree,no,yes,no,cellular,jun,wed,63,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +21,student,single,high.school,no,no,no,cellular,jun,wed,295,4,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +33,management,divorced,university.degree,no,yes,no,cellular,jun,wed,187,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +56,management,married,university.degree,no,yes,no,telephone,jun,wed,218,5,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +35,admin.,married,university.degree,no,no,no,cellular,jun,thu,510,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +25,unemployed,married,high.school,no,no,no,cellular,jun,thu,125,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +55,unknown,married,university.degree,no,yes,no,cellular,jun,thu,153,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +62,unknown,married,professional.course,no,no,no,cellular,jun,thu,277,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +53,blue-collar,married,basic.6y,no,yes,no,cellular,jun,thu,328,2,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +51,unemployed,married,basic.6y,no,yes,no,cellular,jun,thu,262,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +51,unemployed,married,basic.6y,no,no,no,cellular,jun,thu,280,2,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +45,admin.,single,university.degree,no,yes,no,cellular,jun,thu,207,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +53,housemaid,married,high.school,no,yes,no,cellular,jun,thu,94,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +30,admin.,single,university.degree,no,yes,no,cellular,jun,thu,106,1,3,2,success,-2.9,92.963,-40.8,1.26,5076.2,no +29,technician,single,university.degree,no,no,no,cellular,jun,thu,176,1,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,no +51,unemployed,married,basic.6y,no,yes,no,cellular,jun,thu,79,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,single,university.degree,no,yes,yes,cellular,jun,thu,449,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,admin.,married,basic.9y,no,yes,no,cellular,jun,thu,111,2,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +26,admin.,single,university.degree,no,no,yes,cellular,jun,thu,224,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +54,admin.,married,university.degree,no,yes,no,cellular,jun,thu,151,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +21,student,single,high.school,no,no,no,cellular,jun,thu,400,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,admin.,married,professional.course,no,yes,no,cellular,jun,thu,80,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +25,services,single,high.school,no,yes,no,cellular,jun,thu,217,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +42,admin.,married,university.degree,no,no,no,cellular,jun,thu,160,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,admin.,single,university.degree,no,no,no,cellular,jun,thu,144,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +24,admin.,single,high.school,no,no,no,cellular,jun,thu,352,2,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +21,services,single,professional.course,no,yes,yes,cellular,jun,thu,787,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,admin.,single,university.degree,no,no,no,cellular,jun,thu,323,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +50,technician,single,professional.course,no,yes,yes,cellular,jun,thu,78,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +50,technician,single,professional.course,no,yes,yes,cellular,jun,thu,160,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +22,student,single,high.school,no,yes,yes,cellular,jun,thu,221,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +25,services,single,high.school,no,yes,no,cellular,jun,thu,239,2,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +36,management,married,university.degree,no,yes,no,cellular,jun,thu,156,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +36,management,married,university.degree,no,no,no,cellular,jun,thu,194,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +32,admin.,married,university.degree,no,yes,no,cellular,jun,thu,105,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +36,technician,married,basic.9y,no,yes,no,cellular,jun,thu,390,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +30,admin.,married,university.degree,no,yes,no,cellular,jun,thu,96,2,4,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +25,student,single,university.degree,no,no,yes,cellular,jun,thu,136,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +31,admin.,married,university.degree,no,no,no,cellular,jun,thu,81,2,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +35,self-employed,married,university.degree,no,yes,no,cellular,jun,thu,269,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +32,admin.,married,university.degree,no,no,yes,cellular,jun,thu,327,3,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +28,admin.,single,high.school,no,yes,yes,cellular,jun,thu,296,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +53,housemaid,married,high.school,no,no,yes,cellular,jun,thu,147,1,999,2,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +35,admin.,married,university.degree,no,no,no,cellular,jun,thu,121,4,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +32,admin.,single,university.degree,no,yes,no,cellular,jun,thu,89,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +26,blue-collar,single,professional.course,no,yes,no,cellular,jun,thu,77,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +53,unknown,married,professional.course,no,no,no,cellular,jun,thu,217,2,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,no +30,technician,single,professional.course,no,no,no,cellular,jun,thu,137,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +26,student,single,university.degree,no,yes,no,cellular,jun,thu,112,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +34,technician,married,professional.course,no,no,no,cellular,jun,thu,218,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +28,self-employed,single,professional.course,no,yes,no,cellular,jun,thu,207,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +28,management,single,university.degree,no,yes,no,cellular,jun,thu,1161,1,4,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +38,technician,single,professional.course,no,yes,no,cellular,jun,thu,113,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +38,technician,single,professional.course,no,no,no,cellular,jun,thu,138,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,technician,single,university.degree,no,no,no,cellular,jun,thu,442,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +52,admin.,married,university.degree,no,yes,no,cellular,jun,thu,352,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +30,admin.,single,professional.course,no,unknown,unknown,cellular,jun,thu,246,1,7,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +42,services,divorced,high.school,no,yes,no,telephone,jun,thu,143,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,single,university.degree,no,no,no,telephone,jun,thu,247,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +25,services,divorced,high.school,no,yes,yes,cellular,jun,thu,437,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +32,admin.,married,university.degree,no,yes,no,cellular,jun,thu,216,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +53,blue-collar,married,basic.9y,no,no,yes,cellular,jun,thu,578,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +24,student,single,high.school,no,unknown,unknown,cellular,jun,thu,282,3,999,2,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +42,admin.,married,university.degree,no,yes,no,cellular,jun,thu,156,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +28,management,single,university.degree,no,yes,no,cellular,jun,thu,66,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +28,admin.,married,university.degree,no,yes,no,cellular,jun,thu,73,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +53,blue-collar,married,basic.6y,no,no,no,cellular,jun,thu,592,3,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +32,management,married,high.school,no,yes,yes,cellular,jun,thu,119,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +35,admin.,married,university.degree,no,no,yes,telephone,jun,thu,125,5,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +33,admin.,single,university.degree,no,yes,no,cellular,jun,thu,114,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +22,student,single,high.school,no,no,yes,telephone,jun,thu,166,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +34,management,married,university.degree,no,yes,no,telephone,jun,thu,111,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +50,blue-collar,married,basic.9y,no,yes,no,cellular,jun,thu,117,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +33,admin.,single,university.degree,no,unknown,unknown,cellular,jun,thu,101,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +31,admin.,single,high.school,no,unknown,unknown,cellular,jun,thu,105,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +34,admin.,single,high.school,no,no,yes,cellular,jun,thu,207,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +31,management,single,university.degree,no,no,no,cellular,jun,thu,1094,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +52,blue-collar,single,basic.9y,no,no,no,cellular,jun,fri,174,2,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,yes +44,admin.,married,university.degree,no,yes,no,cellular,jun,fri,133,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +29,technician,married,high.school,no,no,no,cellular,jun,fri,397,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +27,blue-collar,married,high.school,no,yes,no,cellular,jun,fri,264,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +46,housemaid,single,university.degree,no,yes,yes,cellular,jun,fri,324,1,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,yes +45,admin.,married,unknown,no,no,no,cellular,jun,fri,155,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +49,admin.,divorced,high.school,no,yes,no,cellular,jun,fri,169,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +30,admin.,single,university.degree,no,no,no,cellular,jun,fri,275,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +30,admin.,single,university.degree,no,no,yes,cellular,jun,fri,199,1,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,yes +32,admin.,single,university.degree,no,no,no,cellular,jun,fri,255,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +28,admin.,single,university.degree,no,yes,no,cellular,jun,fri,232,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +32,admin.,single,university.degree,no,no,no,cellular,jun,fri,462,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +27,admin.,single,university.degree,no,yes,no,cellular,jun,fri,136,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +56,admin.,married,basic.9y,no,yes,no,cellular,jun,fri,146,1,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,no +24,admin.,single,university.degree,no,no,no,cellular,jun,fri,255,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +45,entrepreneur,married,university.degree,no,yes,no,cellular,jun,fri,247,3,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +24,student,single,high.school,no,yes,no,telephone,jun,fri,109,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +50,entrepreneur,married,basic.9y,no,no,no,telephone,jun,fri,227,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +27,admin.,single,university.degree,no,no,no,cellular,jun,fri,398,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +51,technician,married,basic.9y,no,no,no,telephone,jun,fri,302,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +28,technician,single,professional.course,no,yes,yes,cellular,jun,fri,149,1,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,yes +25,student,married,university.degree,no,no,no,cellular,jun,fri,191,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +49,unemployed,married,professional.course,no,no,no,cellular,jun,fri,317,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +59,admin.,married,university.degree,unknown,yes,no,cellular,jun,fri,1543,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +31,self-employed,married,university.degree,no,yes,no,cellular,jun,fri,207,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +21,student,single,university.degree,no,no,no,cellular,jun,fri,493,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +51,technician,single,university.degree,no,yes,no,cellular,jun,fri,509,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +27,admin.,single,university.degree,no,yes,no,cellular,jun,fri,77,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +55,housemaid,married,unknown,no,no,no,cellular,jun,fri,133,1,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,no +32,technician,single,professional.course,no,yes,no,cellular,jun,fri,329,1,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,no +51,technician,single,university.degree,no,no,no,cellular,jun,fri,657,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +29,technician,married,high.school,no,yes,no,cellular,jun,fri,365,3,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +28,admin.,single,university.degree,no,yes,no,cellular,jun,fri,188,1,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,no +46,technician,married,professional.course,no,no,no,telephone,jun,fri,215,1,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,no +37,admin.,married,university.degree,no,yes,no,telephone,jun,fri,145,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +51,admin.,single,university.degree,no,no,no,cellular,jun,fri,159,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +37,student,single,unknown,no,no,no,cellular,jun,fri,99,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +31,technician,married,university.degree,no,yes,no,cellular,jun,fri,276,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +29,admin.,single,high.school,no,yes,no,cellular,jun,fri,213,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +37,student,single,unknown,no,no,yes,cellular,jun,fri,604,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +21,blue-collar,single,basic.4y,no,no,no,telephone,jun,fri,153,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +48,admin.,married,university.degree,no,yes,no,telephone,jun,fri,522,3,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +26,admin.,single,high.school,no,no,no,cellular,jun,fri,76,2,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,no +31,unemployed,divorced,unknown,no,yes,no,cellular,jun,fri,227,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +33,admin.,single,university.degree,no,no,no,cellular,jun,fri,471,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +30,admin.,single,university.degree,no,no,no,cellular,jun,fri,92,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +27,admin.,single,university.degree,no,yes,no,telephone,jun,fri,329,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +30,admin.,married,unknown,no,yes,no,cellular,jun,fri,207,2,4,1,success,-2.9,92.963,-40.8,1.268,5076.2,yes +51,admin.,single,university.degree,no,yes,yes,cellular,jun,fri,263,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +25,self-employed,married,university.degree,no,yes,no,cellular,jun,fri,57,2,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,no +28,student,single,high.school,no,yes,no,cellular,jun,fri,577,3,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +25,technician,single,university.degree,no,yes,no,cellular,jun,fri,271,2,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,no +54,admin.,married,high.school,no,no,no,cellular,jun,fri,455,3,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +25,technician,single,basic.9y,no,yes,no,cellular,jun,fri,103,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +52,admin.,married,university.degree,no,yes,no,cellular,jun,fri,333,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +35,technician,married,professional.course,no,yes,no,telephone,jun,fri,366,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +20,student,single,high.school,no,yes,no,cellular,jun,fri,201,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +30,technician,single,university.degree,no,yes,no,cellular,jun,fri,166,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +29,services,married,university.degree,no,no,yes,cellular,jun,fri,89,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +32,admin.,single,university.degree,no,yes,no,cellular,jun,fri,58,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +34,admin.,single,high.school,no,no,no,cellular,jun,fri,548,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +29,student,single,professional.course,no,no,no,cellular,jun,fri,95,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +27,admin.,single,university.degree,no,no,no,cellular,jun,fri,96,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +45,admin.,married,unknown,no,no,no,cellular,jun,fri,438,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +30,self-employed,married,university.degree,no,yes,no,cellular,jun,fri,138,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +31,management,married,university.degree,no,no,no,telephone,jun,fri,614,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +52,management,married,university.degree,no,no,no,telephone,jun,fri,303,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +21,services,single,high.school,no,no,no,cellular,jun,fri,110,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +53,admin.,single,university.degree,no,yes,no,cellular,jun,fri,304,2,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,yes +36,technician,single,professional.course,no,no,no,cellular,jun,fri,146,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +36,technician,single,professional.course,no,yes,no,cellular,jun,fri,126,2,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,yes +30,management,single,university.degree,no,no,yes,cellular,jun,fri,244,7,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +29,technician,married,high.school,no,no,no,cellular,jun,fri,157,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +51,technician,single,university.degree,no,no,no,cellular,jun,fri,151,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +25,technician,single,basic.9y,no,no,no,telephone,jun,fri,800,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +26,admin.,single,high.school,no,yes,yes,cellular,jun,fri,200,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +33,admin.,single,university.degree,no,no,no,telephone,jun,fri,113,1,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +25,admin.,divorced,university.degree,no,no,no,cellular,jun,mon,143,2,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +52,technician,married,professional.course,no,no,no,cellular,jun,mon,130,5,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +45,services,single,unknown,no,no,no,cellular,jun,mon,58,2,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +29,admin.,single,university.degree,no,yes,no,cellular,jun,mon,97,4,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +36,blue-collar,married,basic.9y,no,no,no,cellular,jun,mon,86,1,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +36,management,married,unknown,no,no,no,cellular,jun,mon,98,2,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +32,management,single,university.degree,no,no,no,cellular,jun,mon,257,2,3,1,success,-2.9,92.963,-40.8,1.281,5076.2,yes +32,management,single,university.degree,no,no,no,cellular,jun,mon,152,2,3,1,success,-2.9,92.963,-40.8,1.281,5076.2,no +28,services,single,basic.9y,no,yes,yes,cellular,jun,mon,252,5,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +27,blue-collar,single,high.school,no,yes,no,cellular,jun,mon,148,2,4,1,success,-2.9,92.963,-40.8,1.281,5076.2,yes +53,retired,single,basic.4y,no,yes,no,cellular,jun,mon,107,3,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,yes +32,student,single,university.degree,no,yes,no,cellular,jun,mon,197,2,999,1,failure,-2.9,92.963,-40.8,1.281,5076.2,no +31,admin.,single,university.degree,no,no,no,cellular,jun,mon,127,3,999,1,failure,-2.9,92.963,-40.8,1.281,5076.2,no +27,admin.,single,university.degree,no,no,no,cellular,jun,mon,138,3,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,yes +43,blue-collar,married,basic.6y,no,yes,no,cellular,jun,mon,458,6,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,yes +25,student,single,unknown,no,no,no,cellular,jun,mon,301,3,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,yes +33,blue-collar,married,high.school,no,yes,no,cellular,jun,mon,110,2,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +22,blue-collar,single,basic.9y,no,yes,no,cellular,jun,mon,84,2,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,no +47,admin.,single,university.degree,no,yes,no,cellular,jun,mon,243,4,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,yes +36,management,married,university.degree,no,no,no,cellular,jun,mon,200,4,999,0,nonexistent,-2.9,92.963,-40.8,1.281,5076.2,yes +43,blue-collar,married,basic.6y,no,yes,no,cellular,jun,mon,131,4,999,1,failure,-2.9,92.963,-40.8,1.281,5076.2,yes +31,services,married,unknown,no,yes,no,cellular,jun,tue,98,3,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,no +25,admin.,single,university.degree,no,yes,yes,cellular,jun,tue,431,3,4,1,success,-2.9,92.963,-40.8,1.286,5076.2,no +30,self-employed,single,university.degree,no,yes,yes,cellular,jun,tue,106,4,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,no +44,self-employed,married,university.degree,no,no,no,cellular,jun,tue,234,2,3,1,success,-2.9,92.963,-40.8,1.286,5076.2,yes +29,admin.,single,high.school,no,yes,yes,cellular,jun,tue,100,2,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,no +57,management,married,university.degree,no,yes,no,cellular,jun,tue,337,3,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,no +22,admin.,single,university.degree,no,unknown,unknown,cellular,jun,tue,835,2,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,no +35,services,single,university.degree,no,unknown,unknown,cellular,jun,tue,67,2,999,1,failure,-2.9,92.963,-40.8,1.286,5076.2,no +49,services,married,high.school,no,no,no,cellular,jun,tue,239,4,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,yes +29,admin.,single,university.degree,no,no,no,cellular,jun,tue,160,2,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,yes +38,technician,married,professional.course,no,yes,no,cellular,jun,tue,993,4,3,1,success,-2.9,92.963,-40.8,1.286,5076.2,yes +48,services,married,high.school,no,yes,yes,cellular,jun,tue,217,3,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,no +25,unemployed,married,university.degree,no,no,no,cellular,jun,tue,529,2,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,yes +32,entrepreneur,married,basic.4y,no,yes,no,cellular,jun,tue,183,2,999,1,failure,-2.9,92.963,-40.8,1.286,5076.2,yes +27,student,single,unknown,no,yes,no,cellular,jun,tue,103,4,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,no +25,admin.,single,unknown,no,no,no,telephone,jun,tue,221,7,999,0,nonexistent,-2.9,92.963,-40.8,1.286,5076.2,yes +25,self-employed,single,university.degree,no,no,no,cellular,jun,fri,105,4,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,no +22,technician,single,university.degree,no,yes,no,cellular,jun,fri,127,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +33,student,single,unknown,no,no,no,telephone,jun,fri,137,3,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +54,blue-collar,married,basic.9y,no,no,no,cellular,jun,fri,258,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +54,blue-collar,married,basic.9y,no,yes,no,cellular,jun,fri,239,2,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,yes +26,management,single,university.degree,no,yes,no,cellular,jun,fri,230,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +55,retired,married,high.school,no,yes,yes,cellular,jun,fri,186,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +25,self-employed,single,university.degree,no,yes,no,cellular,jun,fri,382,5,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +26,self-employed,single,university.degree,no,yes,no,cellular,jun,fri,175,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +22,self-employed,single,university.degree,no,yes,yes,cellular,jun,fri,126,6,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,yes +22,technician,single,university.degree,no,yes,no,cellular,jun,fri,163,4,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,yes +50,admin.,married,university.degree,no,yes,no,cellular,jun,fri,95,7,999,1,failure,-2.9,92.963,-40.8,1.268,5076.2,yes +44,blue-collar,married,professional.course,no,yes,no,cellular,jun,fri,336,3,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,no +55,retired,married,high.school,no,yes,no,cellular,jun,fri,136,3,3,1,success,-2.9,92.963,-40.8,1.268,5076.2,no +52,entrepreneur,married,high.school,no,yes,no,cellular,jun,fri,177,3,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +60,retired,married,basic.6y,no,unknown,unknown,cellular,jun,fri,110,2,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +33,management,married,university.degree,no,yes,no,cellular,jun,fri,139,5,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +31,admin.,single,high.school,no,no,no,cellular,jun,fri,39,3,999,0,nonexistent,-2.9,92.963,-40.8,1.268,5076.2,no +25,admin.,single,university.degree,no,no,no,telephone,jun,mon,94,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +59,retired,married,basic.4y,no,yes,no,telephone,jun,mon,263,4,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +64,retired,married,unknown,no,yes,no,cellular,jun,mon,294,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +32,management,married,university.degree,no,yes,no,cellular,jun,mon,54,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +33,unemployed,married,university.degree,no,yes,no,cellular,jun,mon,579,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +28,admin.,single,high.school,no,no,no,cellular,jun,mon,491,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +32,technician,divorced,university.degree,no,yes,no,cellular,jun,mon,532,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +40,unemployed,married,basic.9y,no,no,no,cellular,jun,mon,143,3,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +33,blue-collar,divorced,unknown,no,no,no,cellular,jun,mon,84,5,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +52,technician,married,professional.course,no,yes,no,cellular,jun,mon,268,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +20,technician,single,unknown,no,no,no,cellular,jun,mon,441,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,admin.,married,high.school,no,no,no,cellular,jun,mon,439,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +44,services,married,unknown,no,no,yes,cellular,jun,mon,151,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +57,retired,married,basic.4y,no,no,yes,cellular,jun,mon,292,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +35,entrepreneur,divorced,university.degree,no,yes,no,cellular,jun,mon,92,2,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +41,admin.,single,university.degree,no,yes,no,cellular,jun,mon,95,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +28,admin.,single,university.degree,no,no,no,cellular,jun,mon,114,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +22,services,single,high.school,no,yes,no,cellular,jun,mon,147,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +22,services,single,high.school,no,yes,yes,cellular,jun,mon,181,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +22,student,single,unknown,no,yes,no,cellular,jun,mon,139,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +35,entrepreneur,divorced,university.degree,no,yes,no,telephone,jun,mon,351,6,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +46,admin.,divorced,high.school,no,yes,no,cellular,jun,mon,372,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +34,admin.,married,high.school,no,no,no,cellular,jun,mon,135,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +30,admin.,married,university.degree,no,yes,no,cellular,jun,mon,288,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +23,admin.,single,high.school,no,no,no,cellular,jun,mon,92,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +36,self-employed,single,university.degree,no,no,no,cellular,jun,mon,177,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +27,services,single,university.degree,no,yes,no,cellular,jun,mon,41,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,single,high.school,no,yes,no,cellular,jun,mon,415,1,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +29,admin.,single,high.school,no,no,yes,cellular,jun,mon,74,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +31,blue-collar,married,university.degree,no,yes,no,cellular,jun,mon,382,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +34,housemaid,single,basic.4y,no,no,no,cellular,jun,mon,157,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,technician,single,basic.9y,no,no,no,cellular,jun,mon,24,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +74,retired,married,basic.4y,no,yes,no,cellular,jun,mon,257,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +32,self-employed,single,university.degree,no,yes,no,cellular,jun,mon,104,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +32,self-employed,single,university.degree,no,yes,no,cellular,jun,mon,64,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +57,management,married,unknown,no,no,no,cellular,jun,mon,112,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +30,services,single,high.school,no,yes,no,cellular,jun,mon,181,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +34,blue-collar,married,basic.4y,no,yes,no,cellular,jun,mon,88,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +57,unemployed,married,basic.4y,no,yes,no,cellular,jun,mon,284,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +57,unemployed,married,basic.4y,no,no,no,cellular,jun,mon,651,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +24,student,single,unknown,no,yes,no,cellular,jun,mon,220,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +24,blue-collar,single,unknown,no,no,yes,cellular,jun,mon,188,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +41,unemployed,single,basic.4y,no,no,no,cellular,jun,mon,170,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,married,high.school,no,no,no,cellular,jun,mon,155,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,yes +24,admin.,single,university.degree,no,yes,yes,cellular,jun,mon,74,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +25,admin.,single,high.school,no,no,no,cellular,jun,mon,95,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +28,admin.,single,university.degree,no,yes,no,cellular,jun,mon,333,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +52,self-employed,married,university.degree,no,yes,no,cellular,jun,mon,322,1,3,1,success,-2.9,92.963,-40.8,1.26,5076.2,yes +22,services,single,high.school,no,yes,no,telephone,jun,mon,94,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +23,admin.,single,university.degree,no,no,no,cellular,jun,mon,60,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +26,technician,single,professional.course,no,no,no,cellular,jun,mon,175,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +43,admin.,married,university.degree,no,no,no,cellular,jun,mon,108,1,999,1,failure,-2.9,92.963,-40.8,1.26,5076.2,no +32,technician,married,university.degree,no,no,no,cellular,jun,mon,60,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +30,technician,married,university.degree,no,no,no,cellular,jun,mon,108,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +29,admin.,single,high.school,no,yes,yes,cellular,jun,mon,89,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +34,blue-collar,married,basic.4y,no,yes,no,cellular,jun,mon,75,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +25,technician,single,professional.course,no,yes,no,cellular,jun,mon,29,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +42,management,single,university.degree,no,unknown,unknown,cellular,jun,mon,83,4,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +26,admin.,married,high.school,no,no,no,cellular,jun,mon,79,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +21,admin.,single,high.school,no,no,no,cellular,jun,mon,173,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +22,student,single,unknown,no,no,no,cellular,jun,mon,77,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +38,admin.,single,university.degree,no,yes,no,cellular,jun,mon,318,3,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +25,admin.,single,professional.course,no,yes,no,cellular,jun,mon,205,2,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,no +37,technician,married,professional.course,no,no,no,cellular,jun,mon,129,1,999,0,nonexistent,-2.9,92.963,-40.8,1.26,5076.2,yes +49,unemployed,married,professional.course,no,yes,no,cellular,jun,tue,298,3,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +35,management,married,university.degree,no,no,no,cellular,jun,tue,136,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,yes +53,housemaid,married,basic.4y,no,no,yes,cellular,jun,tue,263,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,yes +29,services,single,professional.course,no,yes,no,telephone,jun,tue,161,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +53,housemaid,married,basic.4y,no,yes,no,cellular,jun,tue,245,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,yes +57,admin.,married,university.degree,no,no,no,cellular,jun,tue,214,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +56,admin.,married,university.degree,no,yes,no,cellular,jun,tue,202,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +48,housemaid,married,high.school,no,no,no,cellular,jun,tue,399,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +40,unemployed,single,basic.4y,no,no,no,cellular,jun,tue,355,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,yes +43,admin.,married,university.degree,no,yes,no,cellular,jun,tue,281,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,jun,tue,250,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +35,management,married,university.degree,no,yes,no,cellular,jun,tue,66,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +50,self-employed,married,professional.course,no,yes,no,cellular,jun,tue,102,1,999,1,failure,-2.9,92.963,-40.8,1.252,5076.2,no +25,admin.,married,university.degree,no,yes,no,telephone,jun,tue,64,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +40,unemployed,single,basic.4y,no,no,no,cellular,jun,tue,459,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +46,admin.,single,university.degree,no,no,no,cellular,jun,tue,119,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +49,unemployed,married,professional.course,no,no,no,cellular,jun,tue,229,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +43,admin.,married,university.degree,no,yes,no,telephone,jun,tue,30,1,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +58,retired,married,basic.4y,no,yes,no,cellular,jun,tue,79,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +55,management,married,university.degree,no,yes,no,cellular,jun,tue,114,3,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,yes +44,unemployed,single,basic.4y,no,no,no,cellular,jun,tue,276,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +31,technician,married,professional.course,no,yes,no,cellular,jun,tue,404,3,11,2,failure,-2.9,92.963,-40.8,1.252,5076.2,no +57,retired,married,basic.4y,no,yes,yes,cellular,jun,tue,162,3,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,yes +36,technician,single,professional.course,no,yes,no,cellular,jun,tue,569,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +44,unemployed,single,basic.4y,no,yes,no,telephone,jun,tue,55,2,999,0,nonexistent,-2.9,92.963,-40.8,1.252,5076.2,no +25,technician,married,professional.course,no,yes,no,cellular,jun,tue,551,4,999,1,failure,-2.9,92.963,-40.8,1.252,5076.2,yes +24,admin.,single,university.degree,no,yes,no,cellular,jun,wed,65,3,999,1,failure,-2.9,92.963,-40.8,1.244,5076.2,no +32,admin.,single,university.degree,no,yes,yes,cellular,jun,wed,49,2,999,1,failure,-2.9,92.963,-40.8,1.244,5076.2,no +26,self-employed,single,university.degree,no,yes,no,cellular,jun,wed,181,2,999,0,nonexistent,-2.9,92.963,-40.8,1.244,5076.2,no +40,self-employed,single,university.degree,no,no,yes,cellular,jun,wed,54,4,999,0,nonexistent,-2.9,92.963,-40.8,1.244,5076.2,no +29,unemployed,single,basic.4y,no,no,yes,cellular,jun,wed,243,3,3,2,success,-2.9,92.963,-40.8,1.244,5076.2,yes +28,student,single,unknown,no,no,no,cellular,jun,wed,208,4,999,0,nonexistent,-2.9,92.963,-40.8,1.244,5076.2,no +24,admin.,single,university.degree,no,yes,no,cellular,jun,wed,151,7,999,1,failure,-2.9,92.963,-40.8,1.244,5076.2,no +32,services,married,professional.course,no,no,no,cellular,jun,wed,94,6,999,0,nonexistent,-2.9,92.963,-40.8,1.244,5076.2,no +34,admin.,married,university.degree,no,no,no,telephone,jun,wed,84,4,999,0,nonexistent,-2.9,92.963,-40.8,1.244,5076.2,no +25,student,single,university.degree,no,yes,yes,cellular,jun,thu,393,2,999,0,nonexistent,-2.9,92.963,-40.8,1.235,5076.2,yes +56,self-employed,married,university.degree,no,yes,no,telephone,jun,thu,390,15,999,0,nonexistent,-2.9,92.963,-40.8,1.235,5076.2,no +29,admin.,single,university.degree,no,no,yes,cellular,jun,thu,813,4,999,0,nonexistent,-2.9,92.963,-40.8,1.235,5076.2,yes +56,self-employed,married,university.degree,no,yes,no,cellular,jun,thu,88,3,999,0,nonexistent,-2.9,92.963,-40.8,1.235,5076.2,no +56,self-employed,married,university.degree,no,no,no,cellular,jun,thu,754,3,999,0,nonexistent,-2.9,92.963,-40.8,1.235,5076.2,no +53,admin.,married,university.degree,no,no,yes,telephone,jun,thu,1603,10,999,0,nonexistent,-2.9,92.963,-40.8,1.235,5076.2,yes +27,entrepreneur,single,university.degree,no,no,no,cellular,jun,thu,133,2,999,1,failure,-2.9,92.963,-40.8,1.235,5076.2,no +49,admin.,married,university.degree,no,no,no,cellular,jun,thu,259,2,999,0,nonexistent,-2.9,92.963,-40.8,1.235,5076.2,yes +25,student,single,university.degree,no,no,yes,telephone,jun,thu,280,6,999,1,failure,-2.9,92.963,-40.8,1.235,5076.2,yes +32,technician,married,high.school,no,no,yes,cellular,jun,fri,112,4,999,1,failure,-2.9,92.963,-40.8,1.224,5076.2,no +47,technician,married,professional.course,no,yes,no,cellular,jun,fri,63,5,999,1,failure,-2.9,92.963,-40.8,1.224,5076.2,no +32,technician,married,high.school,no,yes,no,telephone,jun,fri,293,5,999,1,failure,-2.9,92.963,-40.8,1.224,5076.2,yes +39,student,single,unknown,no,yes,no,cellular,jun,fri,474,3,999,0,nonexistent,-2.9,92.963,-40.8,1.224,5076.2,yes +31,technician,single,university.degree,no,yes,yes,cellular,jun,fri,241,5,999,0,nonexistent,-2.9,92.963,-40.8,1.224,5076.2,no +38,services,married,basic.9y,no,no,no,cellular,jun,fri,140,2,999,0,nonexistent,-2.9,92.963,-40.8,1.224,5076.2,no +38,services,married,basic.9y,no,no,yes,telephone,jun,fri,177,2,999,0,nonexistent,-2.9,92.963,-40.8,1.224,5076.2,no +40,management,married,university.degree,no,yes,no,cellular,jun,mon,295,3,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,yes +25,admin.,married,university.degree,no,yes,no,cellular,jun,mon,457,3,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +55,admin.,married,high.school,no,yes,no,cellular,jun,mon,177,5,999,1,failure,-2.9,92.963,-40.8,1.215,5076.2,no +58,retired,married,professional.course,no,yes,yes,telephone,jun,mon,100,2,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +48,admin.,married,university.degree,no,yes,no,cellular,jun,mon,136,1,999,1,failure,-2.9,92.963,-40.8,1.215,5076.2,no +60,retired,divorced,basic.4y,no,no,no,cellular,jun,mon,111,5,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +55,blue-collar,married,basic.9y,no,no,no,cellular,jun,mon,271,2,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +47,housemaid,single,professional.course,no,yes,no,cellular,jun,mon,67,1,3,1,success,-2.9,92.963,-40.8,1.215,5076.2,no +40,blue-collar,married,professional.course,no,no,no,telephone,jun,mon,883,1,999,1,failure,-2.9,92.963,-40.8,1.215,5076.2,yes +53,admin.,married,university.degree,no,no,yes,cellular,jun,mon,115,1,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +50,admin.,married,university.degree,no,no,no,cellular,jun,mon,269,1,3,1,success,-2.9,92.963,-40.8,1.215,5076.2,yes +42,admin.,single,university.degree,no,yes,no,cellular,jun,mon,570,3,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +41,technician,divorced,university.degree,no,no,no,cellular,jun,mon,238,1,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +32,technician,single,professional.course,no,no,no,cellular,jun,mon,524,1,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +32,technician,single,professional.course,no,yes,yes,cellular,jun,mon,187,1,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +49,technician,single,professional.course,no,yes,no,cellular,jun,mon,68,1,3,1,success,-2.9,92.963,-40.8,1.215,5076.2,no +45,admin.,married,basic.9y,no,yes,no,telephone,jun,mon,60,2,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +39,admin.,married,university.degree,no,no,no,cellular,jun,mon,208,1,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +39,admin.,married,university.degree,no,no,no,cellular,jun,mon,459,1,999,1,failure,-2.9,92.963,-40.8,1.215,5076.2,yes +51,admin.,married,university.degree,no,no,no,telephone,jun,mon,295,3,999,0,nonexistent,-2.9,92.963,-40.8,1.215,5076.2,no +24,student,single,unknown,no,yes,yes,cellular,jun,tue,124,1,999,1,failure,-2.9,92.963,-40.8,1.206,5076.2,no +36,admin.,single,high.school,no,yes,no,cellular,jun,tue,248,1,999,1,failure,-2.9,92.963,-40.8,1.206,5076.2,no +45,technician,married,professional.course,no,yes,yes,cellular,jun,tue,191,1,999,0,nonexistent,-2.9,92.963,-40.8,1.206,5076.2,no +30,student,single,unknown,no,no,no,cellular,jun,tue,205,3,999,0,nonexistent,-2.9,92.963,-40.8,1.206,5076.2,no +36,services,married,university.degree,no,no,yes,cellular,jun,tue,255,2,3,1,success,-2.9,92.963,-40.8,1.206,5076.2,yes +47,blue-collar,married,professional.course,no,no,yes,cellular,jun,tue,971,2,999,0,nonexistent,-2.9,92.963,-40.8,1.206,5076.2,no +45,self-employed,single,basic.9y,no,yes,no,cellular,jun,tue,201,1,999,0,nonexistent,-2.9,92.963,-40.8,1.206,5076.2,no +24,technician,single,professional.course,no,no,no,cellular,jun,tue,227,1,4,1,success,-2.9,92.963,-40.8,1.206,5076.2,yes +47,admin.,married,university.degree,no,yes,yes,cellular,jun,tue,140,1,999,0,nonexistent,-2.9,92.963,-40.8,1.206,5076.2,no +38,technician,single,university.degree,no,yes,no,cellular,jun,tue,128,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,no +45,technician,divorced,university.degree,no,no,no,cellular,jun,tue,224,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,no +42,services,married,university.degree,no,unknown,unknown,cellular,jun,tue,122,1,999,1,failure,-2.9,92.963,-40.8,1.099,5076.2,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,jun,tue,108,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,no +38,admin.,single,university.degree,no,no,no,cellular,jun,tue,103,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,no +38,admin.,single,university.degree,no,yes,no,telephone,jun,tue,42,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,no +36,entrepreneur,single,basic.4y,no,no,no,cellular,jun,tue,185,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,yes +36,entrepreneur,single,basic.4y,no,no,no,cellular,jun,tue,166,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,no +31,blue-collar,single,high.school,no,yes,no,cellular,jun,tue,160,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,no +64,management,married,university.degree,no,no,no,cellular,jun,tue,205,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,yes +33,housemaid,married,university.degree,no,no,no,cellular,jun,tue,224,1,999,0,nonexistent,-2.9,92.963,-40.8,1.099,5076.2,yes +50,admin.,married,high.school,no,no,no,cellular,jul,wed,140,3,999,0,nonexistent,-2.9,92.469,-33.6,1.085,5076.2,yes +51,retired,married,basic.4y,no,no,no,cellular,jul,wed,1057,1,13,1,success,-2.9,92.469,-33.6,1.085,5076.2,no +56,management,married,professional.course,no,no,no,cellular,jul,wed,291,2,999,0,nonexistent,-2.9,92.469,-33.6,1.085,5076.2,no +59,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,92,1,999,0,nonexistent,-2.9,92.469,-33.6,1.085,5076.2,no +55,management,married,university.degree,no,no,yes,cellular,jul,wed,260,2,3,1,success,-2.9,92.469,-33.6,1.085,5076.2,yes +51,admin.,single,high.school,no,yes,no,telephone,jul,wed,372,1,999,0,nonexistent,-2.9,92.469,-33.6,1.085,5076.2,yes +61,admin.,married,university.degree,no,yes,yes,telephone,jul,wed,261,4,999,0,nonexistent,-2.9,92.469,-33.6,1.085,5076.2,yes +24,self-employed,single,unknown,no,no,yes,cellular,jul,thu,342,2,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +51,housemaid,married,basic.4y,no,yes,yes,cellular,jul,thu,97,1,999,1,failure,-2.9,92.469,-33.6,1.072,5076.2,no +34,admin.,married,university.degree,no,yes,no,telephone,jul,thu,248,3,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +45,admin.,married,university.degree,no,no,no,cellular,jul,thu,74,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +45,admin.,married,university.degree,no,no,no,cellular,jul,thu,252,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +45,admin.,married,university.degree,no,no,no,cellular,jul,thu,252,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +50,admin.,married,university.degree,no,no,no,cellular,jul,thu,356,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +60,admin.,married,university.degree,no,yes,no,telephone,jul,thu,363,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +59,blue-collar,divorced,basic.4y,no,yes,no,cellular,jul,thu,218,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +59,blue-collar,divorced,basic.4y,no,no,no,cellular,jul,thu,367,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +58,retired,married,professional.course,no,no,yes,cellular,jul,thu,82,1,3,1,success,-2.9,92.469,-33.6,1.072,5076.2,no +63,retired,divorced,university.degree,no,yes,yes,cellular,jul,thu,146,1,999,1,failure,-2.9,92.469,-33.6,1.072,5076.2,no +51,technician,married,professional.course,no,no,no,cellular,jul,thu,566,1,13,1,success,-2.9,92.469,-33.6,1.072,5076.2,yes +46,admin.,single,university.degree,no,yes,no,cellular,jul,thu,309,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +46,entrepreneur,married,university.degree,no,yes,no,cellular,jul,thu,396,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +43,technician,single,university.degree,no,no,no,cellular,jul,thu,109,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +51,technician,married,university.degree,no,yes,no,cellular,jul,thu,226,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +54,management,married,unknown,no,yes,no,cellular,jul,thu,154,1,999,1,failure,-2.9,92.469,-33.6,1.072,5076.2,no +56,entrepreneur,married,unknown,no,yes,no,cellular,jul,thu,129,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +63,retired,divorced,university.degree,no,no,yes,cellular,jul,thu,317,1,999,1,failure,-2.9,92.469,-33.6,1.072,5076.2,no +60,housemaid,married,basic.4y,no,yes,no,cellular,jul,thu,229,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +38,technician,single,university.degree,no,yes,no,cellular,jul,thu,98,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +47,housemaid,married,basic.6y,unknown,no,yes,cellular,jul,thu,148,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +58,technician,married,university.degree,unknown,yes,no,cellular,jul,thu,160,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +32,self-employed,single,university.degree,no,no,no,cellular,jul,thu,590,1,999,2,failure,-2.9,92.469,-33.6,1.072,5076.2,no +32,self-employed,single,university.degree,no,yes,no,cellular,jul,thu,940,1,14,1,success,-2.9,92.469,-33.6,1.072,5076.2,yes +36,unemployed,married,basic.9y,no,no,no,cellular,jul,thu,153,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,no +29,technician,married,professional.course,no,no,no,cellular,jul,thu,86,2,999,1,failure,-2.9,92.469,-33.6,1.072,5076.2,no +56,entrepreneur,married,unknown,no,yes,no,cellular,jul,thu,478,2,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +32,self-employed,single,university.degree,no,no,no,cellular,jul,thu,276,2,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +50,admin.,married,university.degree,no,yes,no,cellular,jul,thu,567,5,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +60,housemaid,married,basic.4y,no,yes,no,cellular,jul,thu,503,2,5,2,success,-2.9,92.469,-33.6,1.072,5076.2,yes +51,technician,married,professional.course,no,yes,no,cellular,jul,thu,135,2,999,1,failure,-2.9,92.469,-33.6,1.072,5076.2,yes +46,admin.,divorced,high.school,no,yes,no,telephone,jul,thu,176,1,999,0,nonexistent,-2.9,92.469,-33.6,1.072,5076.2,yes +57,retired,divorced,basic.9y,no,yes,no,cellular,jul,fri,247,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +56,admin.,divorced,unknown,no,yes,no,telephone,jul,fri,353,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +21,unemployed,single,high.school,no,yes,no,cellular,jul,fri,203,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +29,admin.,single,high.school,no,no,no,cellular,jul,fri,446,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +36,admin.,married,high.school,no,yes,no,cellular,jul,fri,122,1,999,1,failure,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +47,blue-collar,married,professional.course,no,yes,no,cellular,jul,fri,175,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +29,technician,single,university.degree,no,no,no,cellular,jul,fri,1007,6,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +57,unknown,married,basic.6y,no,no,no,cellular,jul,fri,64,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +48,admin.,divorced,university.degree,no,yes,no,cellular,jul,fri,409,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +35,admin.,single,high.school,no,yes,no,cellular,jul,fri,147,2,14,2,failure,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +56,retired,married,high.school,no,yes,no,cellular,jul,fri,603,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +30,admin.,married,university.degree,no,no,no,cellular,jul,fri,438,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +57,retired,divorced,basic.9y,no,no,no,cellular,jul,fri,897,3,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +53,technician,married,high.school,no,yes,no,cellular,jul,fri,531,3,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +33,admin.,single,university.degree,no,no,no,cellular,jul,fri,704,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +29,technician,single,university.degree,no,yes,no,cellular,jul,fri,473,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +47,technician,married,professional.course,no,no,no,telephone,jul,fri,320,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +28,admin.,single,university.degree,no,yes,no,cellular,jul,fri,67,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +75,retired,married,basic.4y,no,yes,yes,cellular,jul,fri,67,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +58,admin.,married,high.school,no,yes,no,cellular,jul,fri,318,4,999,1,failure,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +34,admin.,married,high.school,no,no,no,cellular,jul,fri,59,7,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +35,technician,married,university.degree,no,yes,no,cellular,jul,fri,236,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,no +56,retired,married,high.school,no,yes,yes,cellular,jul,fri,308,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0590000000000002,5076.2,yes +46,admin.,single,university.degree,no,yes,no,cellular,jul,mon,413,5,999,0,nonexistent,-2.9,92.469,-33.6,1.048,5076.2,no +43,entrepreneur,single,unknown,no,no,no,cellular,jul,mon,96,3,999,1,failure,-2.9,92.469,-33.6,1.048,5076.2,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,mon,202,4,999,0,nonexistent,-2.9,92.469,-33.6,1.048,5076.2,yes +25,student,single,unknown,no,no,no,telephone,jul,mon,116,3,999,0,nonexistent,-2.9,92.469,-33.6,1.048,5076.2,no +30,admin.,single,university.degree,no,no,yes,cellular,jul,mon,207,2,999,0,nonexistent,-2.9,92.469,-33.6,1.048,5076.2,no +23,student,single,high.school,no,no,no,cellular,jul,mon,270,3,999,0,nonexistent,-2.9,92.469,-33.6,1.048,5076.2,yes +37,admin.,married,university.degree,no,yes,no,cellular,jul,mon,227,2,999,0,nonexistent,-2.9,92.469,-33.6,1.048,5076.2,yes +28,services,single,university.degree,no,yes,no,cellular,jul,mon,316,4,999,0,nonexistent,-2.9,92.469,-33.6,1.048,5076.2,yes +53,admin.,married,high.school,no,no,no,cellular,jul,tue,964,1,999,1,failure,-2.9,92.469,-33.6,1.044,5076.2,yes +33,management,married,university.degree,no,yes,no,cellular,jul,tue,429,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,yes +41,admin.,married,university.degree,no,yes,no,cellular,jul,tue,826,1,999,1,failure,-2.9,92.469,-33.6,1.044,5076.2,no +38,admin.,married,university.degree,no,yes,no,cellular,jul,tue,422,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +42,admin.,divorced,university.degree,no,no,no,cellular,jul,tue,94,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +37,admin.,married,high.school,no,no,no,cellular,jul,tue,106,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +25,student,single,unknown,unknown,yes,no,cellular,jul,tue,371,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,yes +50,admin.,married,high.school,no,yes,no,cellular,jul,tue,98,2,999,1,failure,-2.9,92.469,-33.6,1.044,5076.2,no +46,admin.,divorced,high.school,no,unknown,unknown,cellular,jul,tue,297,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,yes +30,self-employed,single,university.degree,no,yes,no,cellular,jul,tue,185,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +26,services,single,high.school,no,yes,no,cellular,jul,tue,407,1,13,1,success,-2.9,92.469,-33.6,1.044,5076.2,yes +31,services,single,university.degree,no,no,no,telephone,jul,tue,82,2,999,1,failure,-2.9,92.469,-33.6,1.044,5076.2,no +25,student,single,high.school,no,yes,no,cellular,jul,tue,112,1,999,1,failure,-2.9,92.469,-33.6,1.044,5076.2,no +29,unemployed,single,university.degree,no,yes,no,cellular,jul,tue,611,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +26,unemployed,single,high.school,no,yes,no,cellular,jul,tue,445,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +23,student,single,high.school,no,yes,no,cellular,jul,tue,682,2,13,1,success,-2.9,92.469,-33.6,1.044,5076.2,yes +26,services,single,high.school,no,no,no,cellular,jul,tue,180,2,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,yes +46,admin.,divorced,high.school,no,no,no,cellular,jul,tue,282,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +45,technician,married,high.school,no,no,no,cellular,jul,tue,58,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +26,services,single,high.school,no,yes,no,cellular,jul,tue,98,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +23,student,single,high.school,no,no,no,cellular,jul,tue,370,1,999,1,failure,-2.9,92.469,-33.6,1.044,5076.2,yes +42,blue-collar,married,high.school,no,yes,no,cellular,jul,tue,148,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +31,technician,married,university.degree,no,no,no,cellular,jul,tue,404,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +38,technician,single,university.degree,no,yes,no,cellular,jul,tue,321,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +26,student,single,high.school,no,yes,no,cellular,jul,tue,432,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +27,admin.,single,unknown,no,yes,no,telephone,jul,tue,876,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,yes +25,student,single,unknown,no,no,no,cellular,jul,tue,170,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +33,admin.,married,high.school,no,no,no,telephone,jul,tue,257,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,yes +27,admin.,single,university.degree,no,no,no,cellular,jul,tue,207,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +40,admin.,married,university.degree,no,yes,no,cellular,jul,tue,243,1,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,yes +44,technician,single,professional.course,no,yes,no,cellular,jul,tue,112,2,999,0,nonexistent,-2.9,92.469,-33.6,1.044,5076.2,no +31,admin.,single,high.school,no,yes,no,cellular,jul,wed,167,1,999,1,failure,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +42,technician,married,university.degree,no,no,no,cellular,jul,wed,361,1,999,1,failure,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +47,management,married,university.degree,no,yes,no,cellular,jul,wed,123,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +42,admin.,single,university.degree,no,no,no,cellular,jul,wed,268,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +29,technician,married,university.degree,no,yes,no,cellular,jul,wed,896,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +68,retired,married,basic.4y,no,yes,no,cellular,jul,wed,665,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +50,technician,married,professional.course,no,no,no,cellular,jul,wed,87,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +45,admin.,married,university.degree,no,no,no,cellular,jul,wed,194,1,13,1,success,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +24,student,single,high.school,no,no,no,cellular,jul,wed,115,1,999,1,failure,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +41,admin.,married,university.degree,no,yes,no,cellular,jul,wed,181,1,999,1,failure,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +44,technician,married,professional.course,no,yes,no,cellular,jul,wed,188,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +20,student,single,high.school,no,no,no,cellular,jul,wed,625,1,999,1,failure,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +45,admin.,married,university.degree,no,yes,no,cellular,jul,wed,106,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +20,student,single,high.school,no,no,no,cellular,jul,wed,74,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +20,student,single,high.school,no,yes,no,cellular,jul,wed,349,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +28,unemployed,single,university.degree,no,unknown,unknown,telephone,jul,wed,167,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +36,technician,single,high.school,no,yes,no,cellular,jul,wed,243,1,999,1,failure,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +69,services,married,unknown,no,no,no,telephone,jul,wed,396,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +30,self-employed,single,university.degree,no,yes,no,cellular,jul,wed,90,3,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +44,blue-collar,single,unknown,no,yes,no,telephone,jul,wed,576,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +43,admin.,divorced,university.degree,no,no,no,cellular,jul,wed,281,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +42,blue-collar,married,basic.6y,no,yes,no,cellular,jul,wed,72,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +42,admin.,single,university.degree,no,yes,yes,cellular,jul,wed,122,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +32,admin.,single,professional.course,no,yes,no,cellular,jul,wed,72,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +27,student,single,high.school,no,no,yes,cellular,jul,wed,537,2,999,1,failure,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +42,technician,married,university.degree,no,no,yes,cellular,jul,wed,430,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,wed,210,5,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +59,admin.,married,high.school,no,yes,no,cellular,jul,wed,286,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +40,technician,married,high.school,no,yes,no,cellular,jul,wed,475,3,3,1,success,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,wed,153,1,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +36,technician,married,professional.course,no,yes,no,cellular,jul,wed,182,3,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,wed,97,3,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,yes +38,admin.,married,high.school,no,yes,yes,telephone,jul,wed,64,3,999,0,nonexistent,-2.9,92.469,-33.6,1.0290000000000001,5076.2,no +29,student,single,high.school,no,yes,no,cellular,jul,thu,253,2,999,0,nonexistent,-2.9,92.469,-33.6,1.018,5076.2,yes +33,technician,single,university.degree,no,yes,no,cellular,jul,thu,359,2,999,0,nonexistent,-2.9,92.469,-33.6,1.018,5076.2,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,thu,315,4,999,0,nonexistent,-2.9,92.469,-33.6,1.018,5076.2,no +23,blue-collar,single,high.school,no,no,no,cellular,jul,fri,104,2,999,0,nonexistent,-2.9,92.469,-33.6,1.0070000000000001,5076.2,yes +32,admin.,single,university.degree,no,yes,no,telephone,jul,fri,123,4,999,0,nonexistent,-2.9,92.469,-33.6,1.0070000000000001,5076.2,no +23,technician,single,professional.course,no,yes,no,telephone,jul,fri,336,4,999,0,nonexistent,-2.9,92.469,-33.6,1.0070000000000001,5076.2,yes +29,technician,single,unknown,no,yes,yes,cellular,jul,mon,326,3,999,0,nonexistent,-2.9,92.469,-33.6,0.996,5076.2,no +51,management,divorced,university.degree,no,yes,no,telephone,jul,wed,219,2,999,0,nonexistent,-2.9,92.469,-33.6,0.9790000000000001,5076.2,no +26,admin.,single,university.degree,no,yes,no,cellular,jul,wed,226,2,999,0,nonexistent,-2.9,92.469,-33.6,0.9790000000000001,5076.2,no +51,management,divorced,university.degree,no,no,no,cellular,jul,wed,166,7,999,1,failure,-2.9,92.469,-33.6,0.9790000000000001,5076.2,no +45,admin.,married,university.degree,no,yes,no,telephone,jul,thu,58,3,999,0,nonexistent,-2.9,92.469,-33.6,0.9690000000000001,5076.2,no +27,management,single,university.degree,no,yes,no,cellular,jul,mon,125,2,999,0,nonexistent,-2.9,92.469,-33.6,0.9440000000000001,5076.2,yes +37,services,married,high.school,no,yes,no,cellular,jul,mon,91,2,999,0,nonexistent,-2.9,92.469,-33.6,0.9440000000000001,5076.2,no +27,technician,single,university.degree,no,yes,no,cellular,jul,mon,258,3,999,0,nonexistent,-2.9,92.469,-33.6,0.9440000000000001,5076.2,no +36,admin.,married,high.school,no,yes,no,telephone,jul,tue,305,7,999,0,nonexistent,-2.9,92.469,-33.6,0.937,5076.2,no +53,management,married,unknown,no,yes,yes,telephone,jul,tue,465,6,999,0,nonexistent,-2.9,92.469,-33.6,0.937,5076.2,no +35,entrepreneur,married,high.school,no,no,no,cellular,jul,wed,1084,4,999,0,nonexistent,-2.9,92.469,-33.6,0.9329999999999999,5076.2,yes +33,admin.,divorced,university.degree,no,no,yes,cellular,jul,thu,106,3,999,0,nonexistent,-2.9,92.469,-33.6,0.927,5076.2,no +27,student,single,high.school,no,no,no,cellular,jul,thu,64,3,999,0,nonexistent,-2.9,92.469,-33.6,0.927,5076.2,no +51,admin.,married,university.degree,no,yes,no,cellular,jul,fri,139,5,999,0,nonexistent,-2.9,92.469,-33.6,0.9209999999999999,5076.2,yes +51,admin.,married,university.degree,no,unknown,unknown,telephone,jul,fri,116,3,999,0,nonexistent,-2.9,92.469,-33.6,0.9209999999999999,5076.2,no +50,self-employed,married,unknown,no,unknown,unknown,cellular,jul,mon,506,2,999,0,nonexistent,-2.9,92.469,-33.6,0.914,5076.2,no +38,admin.,single,university.degree,no,yes,no,telephone,jul,mon,195,2,999,0,nonexistent,-2.9,92.469,-33.6,0.914,5076.2,no +38,admin.,single,university.degree,no,yes,no,cellular,jul,mon,82,2,999,0,nonexistent,-2.9,92.469,-33.6,0.914,5076.2,no +26,technician,single,university.degree,no,yes,yes,cellular,jul,tue,105,2,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +30,student,single,university.degree,no,no,no,cellular,jul,tue,332,2,13,2,failure,-2.9,92.469,-33.6,0.9079999999999999,5076.2,yes +44,admin.,divorced,high.school,no,no,yes,cellular,jul,tue,132,4,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +23,student,single,basic.9y,no,no,no,cellular,jul,tue,73,6,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +54,admin.,married,university.degree,no,no,yes,cellular,jul,tue,822,6,13,1,success,-2.9,92.469,-33.6,0.9079999999999999,5076.2,yes +34,admin.,married,university.degree,no,no,yes,cellular,jul,tue,51,4,999,1,failure,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +26,admin.,single,university.degree,no,no,yes,cellular,jul,tue,148,4,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +54,admin.,married,university.degree,no,yes,no,cellular,jul,tue,72,2,999,1,failure,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +26,technician,single,university.degree,no,no,yes,cellular,jul,tue,67,5,999,1,failure,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +27,admin.,married,university.degree,no,no,yes,cellular,jul,tue,99,6,999,1,failure,-2.9,92.469,-33.6,0.9079999999999999,5076.2,yes +38,management,married,university.degree,no,no,no,cellular,jul,tue,486,5,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,yes +30,student,single,university.degree,no,no,no,cellular,jul,tue,109,3,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +31,admin.,single,high.school,no,no,yes,telephone,jul,tue,258,6,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +44,admin.,divorced,high.school,no,no,no,cellular,jul,tue,573,5,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,yes +47,admin.,married,university.degree,no,no,no,telephone,jul,tue,186,9,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +36,admin.,married,high.school,no,no,no,cellular,jul,tue,383,6,999,0,nonexistent,-2.9,92.469,-33.6,0.9079999999999999,5076.2,no +58,management,married,university.degree,no,no,no,cellular,jul,wed,292,6,999,1,failure,-2.9,92.469,-33.6,0.903,5076.2,no +54,unemployed,married,university.degree,no,yes,yes,cellular,jul,thu,141,2,999,0,nonexistent,-2.9,92.469,-33.6,0.899,5076.2,no +41,admin.,married,high.school,no,no,no,cellular,aug,tue,151,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +32,services,married,high.school,no,no,no,cellular,aug,tue,205,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +61,self-employed,divorced,high.school,no,no,no,cellular,aug,tue,92,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +48,management,married,university.degree,no,yes,no,cellular,aug,tue,313,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +42,admin.,married,university.degree,no,yes,no,cellular,aug,tue,576,1,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +61,retired,married,professional.course,no,no,no,cellular,aug,tue,219,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +36,admin.,single,high.school,no,yes,no,cellular,aug,tue,320,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +31,admin.,single,university.degree,no,no,no,cellular,aug,tue,138,1,15,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +18,student,single,basic.9y,no,yes,no,cellular,aug,tue,642,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +47,admin.,divorced,university.degree,no,yes,yes,cellular,aug,tue,185,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +52,management,married,university.degree,no,no,no,cellular,aug,tue,600,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +29,student,single,high.school,no,unknown,unknown,cellular,aug,tue,505,1,4,3,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +64,unemployed,married,university.degree,no,yes,no,cellular,aug,tue,248,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +26,technician,single,university.degree,no,yes,no,cellular,aug,tue,204,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +51,management,married,university.degree,no,yes,no,cellular,aug,tue,138,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +21,student,single,high.school,no,yes,yes,cellular,aug,tue,220,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +51,management,married,university.degree,no,yes,no,cellular,aug,tue,249,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +21,student,single,high.school,no,no,no,cellular,aug,tue,259,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +42,technician,single,unknown,no,yes,no,cellular,aug,tue,158,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +72,retired,divorced,university.degree,no,no,no,cellular,aug,tue,270,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +72,retired,divorced,university.degree,no,no,no,cellular,aug,tue,370,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +34,technician,single,professional.course,no,yes,no,cellular,aug,tue,251,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +24,student,single,high.school,no,yes,no,cellular,aug,tue,79,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +17,student,single,unknown,no,yes,no,cellular,aug,wed,432,3,4,2,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +34,technician,single,professional.course,no,no,no,cellular,aug,wed,305,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +59,admin.,married,high.school,no,yes,no,cellular,aug,wed,1019,2,2,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +34,technician,single,professional.course,no,no,no,cellular,aug,wed,211,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +40,admin.,married,university.degree,no,no,no,cellular,aug,wed,397,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +37,technician,married,professional.course,no,yes,no,cellular,aug,wed,414,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +57,technician,married,high.school,no,yes,yes,cellular,aug,wed,290,2,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +59,admin.,married,high.school,no,yes,no,cellular,aug,wed,277,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +52,management,married,university.degree,no,no,no,cellular,aug,wed,206,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +46,unknown,married,unknown,no,no,yes,cellular,aug,wed,299,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +43,services,divorced,basic.6y,no,yes,no,cellular,aug,wed,40,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +27,management,single,university.degree,no,yes,no,cellular,aug,wed,106,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +20,student,single,high.school,no,no,yes,cellular,aug,wed,254,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +59,retired,married,unknown,no,unknown,unknown,cellular,aug,wed,177,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +32,services,single,high.school,no,yes,yes,cellular,aug,wed,253,1,4,2,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +37,admin.,married,high.school,no,no,no,cellular,aug,wed,179,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +39,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,394,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +59,retired,divorced,university.degree,no,yes,yes,cellular,aug,wed,526,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +45,unemployed,divorced,basic.4y,no,yes,no,cellular,aug,wed,156,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +45,unemployed,divorced,basic.4y,no,no,yes,telephone,aug,wed,416,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +46,admin.,married,high.school,no,no,no,telephone,aug,wed,231,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +59,retired,married,unknown,no,no,no,cellular,aug,wed,385,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +43,services,divorced,basic.6y,no,yes,no,telephone,aug,wed,813,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +37,technician,married,professional.course,no,no,no,cellular,aug,wed,157,3,4,2,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +56,entrepreneur,married,high.school,no,yes,no,cellular,aug,wed,131,5,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +42,unemployed,married,unknown,no,no,no,cellular,aug,thu,175,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +46,blue-collar,married,professional.course,no,no,no,cellular,aug,thu,99,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +31,admin.,single,university.degree,no,no,no,cellular,aug,thu,331,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +37,admin.,married,university.degree,no,no,no,cellular,aug,thu,89,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +52,retired,divorced,university.degree,no,yes,yes,cellular,aug,thu,155,2,4,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +70,retired,married,basic.4y,unknown,yes,no,cellular,aug,thu,320,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +32,technician,married,university.degree,no,no,yes,cellular,aug,thu,975,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +63,retired,married,basic.4y,no,no,no,telephone,aug,thu,49,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +42,unemployed,married,unknown,no,yes,no,telephone,aug,thu,280,7,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +52,technician,married,professional.course,no,no,no,cellular,aug,thu,126,6,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +57,management,married,university.degree,no,yes,no,cellular,aug,thu,107,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +60,self-employed,divorced,university.degree,no,no,no,cellular,aug,thu,90,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +59,housemaid,married,basic.4y,no,yes,no,cellular,aug,thu,121,6,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +32,technician,married,university.degree,no,yes,no,cellular,aug,thu,148,2,4,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +37,blue-collar,married,basic.9y,no,yes,yes,cellular,aug,thu,161,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +63,retired,married,basic.4y,no,no,no,cellular,aug,thu,87,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +37,admin.,married,university.degree,no,no,no,cellular,aug,thu,305,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +28,student,single,unknown,no,yes,no,cellular,aug,thu,111,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +52,retired,divorced,university.degree,no,no,no,cellular,aug,thu,427,1,15,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +45,technician,single,university.degree,no,no,no,cellular,aug,thu,146,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +58,retired,married,high.school,no,no,no,cellular,aug,thu,144,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +79,retired,married,unknown,no,no,no,cellular,aug,thu,86,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +53,technician,married,professional.course,no,yes,no,cellular,aug,thu,190,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +53,technician,married,professional.course,no,yes,no,cellular,aug,thu,100,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +24,student,single,high.school,no,no,no,cellular,aug,thu,355,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +74,retired,married,high.school,no,no,no,cellular,aug,thu,472,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +54,admin.,divorced,high.school,no,yes,no,cellular,aug,thu,131,2,4,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +74,retired,married,high.school,no,no,no,cellular,aug,thu,174,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +74,retired,married,high.school,no,yes,no,cellular,aug,thu,1452,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +58,unemployed,divorced,professional.course,no,no,yes,cellular,aug,thu,142,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +74,retired,married,high.school,no,no,no,cellular,aug,thu,135,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +42,unemployed,married,unknown,no,yes,yes,cellular,aug,thu,250,4,4,2,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +35,admin.,single,university.degree,no,yes,no,cellular,aug,thu,789,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +31,technician,divorced,professional.course,no,yes,no,cellular,aug,thu,310,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +35,admin.,single,university.degree,no,yes,no,telephone,aug,thu,338,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +35,admin.,single,university.degree,no,yes,no,cellular,aug,thu,116,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +60,entrepreneur,married,unknown,no,no,no,cellular,aug,thu,130,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +35,admin.,single,university.degree,no,no,no,cellular,aug,thu,250,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +35,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,471,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +25,technician,single,university.degree,no,yes,no,telephone,aug,thu,256,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +44,admin.,married,university.degree,no,yes,no,cellular,aug,thu,254,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +76,retired,married,basic.4y,no,yes,no,cellular,aug,thu,550,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +76,retired,married,basic.4y,no,yes,no,cellular,aug,fri,345,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +32,technician,single,professional.course,no,no,no,cellular,aug,fri,169,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +46,housemaid,married,high.school,no,yes,no,cellular,aug,fri,358,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +29,admin.,single,university.degree,no,yes,no,cellular,aug,fri,107,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +38,admin.,single,university.degree,no,yes,no,cellular,aug,fri,116,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +51,technician,married,professional.course,no,yes,no,telephone,aug,fri,115,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +82,retired,married,university.degree,no,no,no,cellular,aug,fri,79,2,999,2,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +33,blue-collar,married,basic.9y,no,no,no,cellular,aug,fri,79,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +38,admin.,single,university.degree,no,yes,no,cellular,aug,fri,140,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +32,technician,single,professional.course,no,yes,no,telephone,aug,fri,107,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +32,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,131,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +29,admin.,single,university.degree,no,no,no,cellular,aug,fri,289,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +75,retired,married,basic.4y,no,no,yes,cellular,aug,fri,714,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +25,admin.,single,university.degree,no,yes,no,cellular,aug,fri,255,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +34,admin.,married,university.degree,no,no,no,cellular,aug,fri,78,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,fri,258,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +32,technician,single,professional.course,no,no,no,cellular,aug,fri,87,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +46,housemaid,married,high.school,no,yes,no,cellular,aug,fri,258,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +51,housemaid,married,unknown,no,no,no,cellular,aug,fri,273,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +32,unemployed,single,university.degree,no,yes,no,cellular,aug,fri,88,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +70,retired,married,basic.4y,no,yes,no,cellular,aug,fri,530,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +24,student,single,high.school,no,no,no,cellular,aug,fri,292,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +24,student,single,high.school,no,yes,no,cellular,aug,fri,456,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +41,services,single,university.degree,no,yes,no,cellular,aug,fri,142,1,4,2,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +41,services,single,university.degree,no,yes,no,cellular,aug,fri,325,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +33,admin.,single,high.school,no,yes,no,cellular,aug,fri,1088,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +48,unemployed,single,basic.9y,no,no,no,cellular,aug,fri,173,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +54,technician,married,university.degree,no,yes,no,cellular,aug,fri,325,1,4,1,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +73,retired,married,basic.4y,no,no,no,cellular,aug,fri,453,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +48,entrepreneur,married,university.degree,no,no,yes,cellular,aug,fri,295,2,4,2,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +73,retired,married,basic.9y,no,no,no,cellular,aug,fri,239,1,15,1,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +58,admin.,married,university.degree,no,no,no,telephone,aug,fri,121,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +73,retired,married,basic.4y,no,yes,no,cellular,aug,fri,305,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +23,student,single,high.school,no,yes,no,cellular,aug,fri,136,1,999,3,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +36,management,married,university.degree,no,yes,no,cellular,aug,fri,100,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,fri,83,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +28,admin.,single,university.degree,no,no,no,cellular,aug,fri,70,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +33,blue-collar,married,basic.9y,no,no,no,cellular,aug,fri,99,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +28,admin.,single,university.degree,no,no,no,cellular,aug,fri,262,1,4,2,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +28,admin.,single,university.degree,no,yes,no,cellular,aug,fri,119,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +51,housemaid,married,unknown,no,yes,no,cellular,aug,fri,121,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +28,admin.,married,university.degree,no,yes,no,cellular,aug,fri,140,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +36,services,married,basic.9y,no,yes,no,cellular,aug,fri,215,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +51,housemaid,married,unknown,no,yes,yes,cellular,aug,fri,268,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +36,services,married,basic.9y,no,yes,no,cellular,aug,fri,221,1,4,1,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +59,unemployed,married,professional.course,no,yes,no,cellular,aug,fri,378,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +29,admin.,single,high.school,no,yes,no,cellular,aug,fri,140,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +29,admin.,single,high.school,no,no,no,cellular,aug,fri,384,1,4,3,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +30,self-employed,married,university.degree,no,yes,yes,cellular,aug,fri,390,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +29,admin.,single,high.school,no,no,no,cellular,aug,fri,88,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +73,retired,married,basic.4y,no,yes,yes,cellular,aug,fri,135,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +27,blue-collar,unknown,high.school,no,no,no,cellular,aug,fri,192,1,4,1,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +29,admin.,single,high.school,no,no,no,cellular,aug,fri,130,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +76,retired,married,university.degree,no,no,no,cellular,aug,fri,233,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +29,admin.,single,high.school,no,yes,no,cellular,aug,fri,121,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +31,admin.,married,university.degree,no,yes,no,cellular,aug,fri,353,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +33,admin.,single,high.school,no,yes,no,cellular,aug,fri,182,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +48,admin.,divorced,university.degree,no,yes,no,cellular,aug,fri,103,1,4,1,success,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,no +43,admin.,single,high.school,no,yes,no,cellular,aug,fri,231,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8809999999999999,5076.2,yes +54,unemployed,married,university.degree,no,no,no,telephone,aug,mon,122,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +44,entrepreneur,married,basic.4y,no,unknown,unknown,cellular,aug,mon,111,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +46,blue-collar,married,professional.course,no,no,no,telephone,aug,mon,255,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +35,services,single,university.degree,no,unknown,unknown,cellular,aug,mon,419,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +36,management,married,university.degree,no,no,no,cellular,aug,mon,1225,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +40,blue-collar,divorced,basic.9y,no,no,no,cellular,aug,mon,54,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +36,management,married,university.degree,no,no,no,telephone,aug,mon,328,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +52,admin.,married,university.degree,no,no,no,cellular,aug,mon,268,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +38,technician,married,professional.course,no,no,no,cellular,aug,mon,923,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +41,admin.,married,high.school,no,no,no,cellular,aug,mon,88,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +27,student,single,high.school,no,no,no,cellular,aug,mon,131,1,3,2,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +38,admin.,single,high.school,no,yes,yes,cellular,aug,mon,167,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +64,retired,married,university.degree,no,no,no,telephone,aug,mon,133,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +36,admin.,divorced,university.degree,no,no,no,cellular,aug,mon,559,1,5,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +36,admin.,divorced,university.degree,no,yes,no,cellular,aug,mon,146,2,999,2,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +37,technician,married,university.degree,no,yes,no,cellular,aug,mon,187,1,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +65,retired,married,basic.6y,no,no,no,cellular,aug,mon,161,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +66,admin.,married,university.degree,no,no,no,cellular,aug,mon,489,2,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +19,student,single,basic.9y,no,no,no,cellular,aug,mon,120,1,3,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +40,blue-collar,married,high.school,no,yes,no,cellular,aug,mon,158,1,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +40,admin.,married,university.degree,no,no,no,cellular,aug,mon,246,1,3,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +33,admin.,married,high.school,no,yes,no,cellular,aug,mon,252,1,6,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +43,self-employed,divorced,university.degree,no,no,no,telephone,aug,mon,156,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +43,self-employed,divorced,university.degree,no,no,no,cellular,aug,mon,1529,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +63,housemaid,married,basic.4y,no,yes,no,telephone,aug,mon,235,1,6,2,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +35,admin.,married,high.school,no,no,no,cellular,aug,mon,155,1,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +31,admin.,married,high.school,no,no,yes,cellular,aug,mon,155,2,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +33,technician,single,basic.9y,no,yes,yes,cellular,aug,mon,289,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +36,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,153,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +32,entrepreneur,married,unknown,no,no,no,cellular,aug,mon,352,2,999,2,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +69,retired,married,professional.course,no,yes,no,telephone,aug,mon,411,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +35,admin.,single,high.school,no,yes,yes,cellular,aug,mon,107,4,2,3,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +21,admin.,single,university.degree,no,yes,no,cellular,aug,mon,89,2,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +19,student,single,basic.9y,no,yes,no,telephone,aug,mon,85,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +46,blue-collar,married,professional.course,no,no,no,telephone,aug,mon,151,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +19,student,single,basic.9y,no,no,no,cellular,aug,mon,96,1,3,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +32,student,married,professional.course,no,yes,no,cellular,aug,mon,540,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +44,unknown,married,university.degree,no,yes,no,cellular,aug,mon,263,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +39,technician,married,professional.course,no,yes,no,cellular,aug,mon,247,1,4,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +40,management,married,university.degree,no,no,no,cellular,aug,mon,162,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +40,management,married,university.degree,no,no,yes,cellular,aug,mon,121,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +52,admin.,married,university.degree,no,yes,no,cellular,aug,mon,179,3,4,2,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +67,retired,married,professional.course,no,yes,yes,cellular,aug,mon,71,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +57,entrepreneur,married,professional.course,no,yes,no,telephone,aug,mon,157,1,3,1,success,-2.9,92.20100000000001,-31.4,0.884,5076.2,no +37,blue-collar,married,basic.9y,no,no,no,cellular,aug,mon,213,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.884,5076.2,yes +37,blue-collar,married,basic.9y,no,no,no,cellular,aug,tue,373,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +34,technician,single,professional.course,no,yes,no,cellular,aug,tue,1416,2,12,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +35,technician,married,university.degree,no,yes,no,cellular,aug,tue,425,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +58,technician,married,professional.course,no,no,no,cellular,aug,tue,48,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +43,services,married,high.school,no,yes,no,telephone,aug,tue,329,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +70,housemaid,divorced,basic.4y,no,no,no,telephone,aug,tue,90,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +34,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,265,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +69,retired,married,high.school,no,yes,no,cellular,aug,tue,151,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +59,technician,single,basic.6y,no,no,no,telephone,aug,tue,181,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +49,management,divorced,university.degree,no,yes,yes,cellular,aug,tue,138,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +31,admin.,single,university.degree,no,no,no,cellular,aug,tue,265,1,4,3,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +31,admin.,single,university.degree,no,no,no,cellular,aug,tue,157,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +50,management,married,university.degree,no,no,no,cellular,aug,tue,89,3,4,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +31,admin.,single,university.degree,no,no,no,telephone,aug,tue,387,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +45,services,married,high.school,no,no,no,cellular,aug,tue,249,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +60,retired,married,high.school,no,no,no,cellular,aug,tue,123,1,4,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,156,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +30,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,155,1,4,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +31,admin.,single,university.degree,no,yes,yes,telephone,aug,tue,115,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +58,technician,married,professional.course,no,no,no,cellular,aug,tue,704,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +33,admin.,single,high.school,no,yes,no,cellular,aug,tue,136,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +26,student,single,professional.course,no,yes,no,cellular,aug,tue,176,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +35,self-employed,married,university.degree,no,yes,no,telephone,aug,tue,88,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +59,retired,married,high.school,no,yes,no,cellular,aug,tue,85,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +29,technician,single,professional.course,no,yes,yes,cellular,aug,tue,110,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +50,blue-collar,married,unknown,no,yes,no,cellular,aug,tue,1398,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +61,entrepreneur,married,university.degree,unknown,yes,no,cellular,aug,tue,651,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +52,management,married,high.school,no,yes,yes,cellular,aug,tue,167,1,10,4,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +52,management,married,high.school,no,no,no,cellular,aug,tue,408,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +42,admin.,single,university.degree,no,no,no,cellular,aug,tue,982,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +85,retired,married,professional.course,no,no,no,cellular,aug,tue,140,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +27,admin.,single,university.degree,no,yes,no,cellular,aug,tue,168,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +27,admin.,single,university.degree,no,yes,no,cellular,aug,tue,287,1,6,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +49,technician,married,professional.course,no,yes,no,cellular,aug,tue,75,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +30,admin.,married,university.degree,no,no,no,cellular,aug,tue,139,3,6,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +69,entrepreneur,married,university.degree,no,yes,no,cellular,aug,tue,93,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +28,admin.,single,university.degree,no,no,no,cellular,aug,tue,225,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +33,student,single,unknown,no,yes,yes,cellular,aug,tue,203,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +41,admin.,single,university.degree,no,yes,no,cellular,aug,tue,280,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +54,admin.,single,university.degree,unknown,yes,no,cellular,aug,tue,159,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +60,admin.,married,professional.course,no,no,no,cellular,aug,tue,66,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +57,admin.,married,university.degree,no,yes,no,cellular,aug,tue,149,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +35,admin.,married,university.degree,no,no,yes,cellular,aug,tue,349,1,999,3,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +35,admin.,single,university.degree,no,no,yes,cellular,aug,tue,371,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +80,retired,married,illiterate,unknown,yes,yes,cellular,aug,tue,125,1,6,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +26,admin.,single,university.degree,no,no,no,cellular,aug,tue,221,1,15,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +67,retired,married,university.degree,no,no,no,cellular,aug,tue,201,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +56,retired,married,high.school,no,yes,yes,cellular,aug,tue,97,1,3,2,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +59,admin.,divorced,professional.course,no,yes,no,telephone,aug,tue,91,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +44,management,married,university.degree,no,no,no,cellular,aug,tue,175,2,999,2,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +47,admin.,married,university.degree,no,yes,no,cellular,aug,tue,526,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +58,technician,married,professional.course,no,yes,no,cellular,aug,tue,89,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +59,admin.,divorced,professional.course,no,no,no,cellular,aug,tue,206,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +59,admin.,divorced,professional.course,no,no,no,cellular,aug,tue,477,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +69,blue-collar,married,unknown,no,yes,no,cellular,aug,tue,400,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +59,admin.,divorced,professional.course,no,no,no,telephone,aug,tue,198,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +59,admin.,divorced,professional.course,no,unknown,unknown,cellular,aug,tue,203,1,4,1,success,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +34,admin.,divorced,university.degree,no,no,no,cellular,aug,tue,267,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +30,admin.,married,university.degree,no,yes,no,cellular,aug,tue,120,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +50,blue-collar,married,unknown,no,yes,yes,cellular,aug,tue,589,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +70,retired,married,high.school,no,yes,no,cellular,aug,tue,162,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +59,blue-collar,married,basic.4y,no,no,no,cellular,aug,tue,163,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +58,admin.,married,university.degree,no,no,no,cellular,aug,tue,373,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +49,admin.,married,university.degree,no,yes,no,cellular,aug,tue,464,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,yes +35,technician,single,university.degree,no,yes,no,cellular,aug,tue,113,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +57,management,married,university.degree,no,yes,no,cellular,aug,tue,71,1,5,2,failure,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +21,unemployed,single,high.school,no,yes,no,telephone,aug,tue,172,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +57,management,married,university.degree,no,no,no,cellular,aug,tue,162,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.883,5076.2,no +42,management,divorced,unknown,no,yes,no,cellular,aug,wed,266,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +66,retired,married,unknown,no,no,no,cellular,aug,wed,68,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +62,management,married,university.degree,no,yes,yes,cellular,aug,wed,345,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +27,admin.,single,university.degree,no,yes,no,cellular,aug,wed,1117,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +60,management,married,university.degree,no,no,no,cellular,aug,wed,159,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +31,services,single,university.degree,no,yes,no,telephone,aug,wed,701,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +27,admin.,single,university.degree,no,yes,no,cellular,aug,wed,429,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +36,admin.,divorced,university.degree,no,no,yes,cellular,aug,wed,623,2,6,2,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +66,retired,unknown,basic.9y,no,yes,no,cellular,aug,wed,340,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +42,management,divorced,unknown,no,yes,no,cellular,aug,wed,137,2,4,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +31,blue-collar,single,university.degree,no,no,no,cellular,aug,wed,174,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +48,admin.,married,high.school,no,no,no,cellular,aug,wed,74,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +25,admin.,single,high.school,no,yes,yes,cellular,aug,wed,121,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +26,student,single,basic.9y,no,no,no,telephone,aug,wed,127,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +26,student,single,basic.9y,no,yes,no,cellular,aug,wed,182,1,4,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +49,admin.,married,high.school,no,yes,no,cellular,aug,wed,668,2,15,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +26,student,single,basic.9y,no,no,no,telephone,aug,wed,449,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +49,admin.,married,high.school,no,yes,no,cellular,aug,wed,90,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +26,student,single,basic.9y,no,yes,no,cellular,aug,wed,582,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +25,self-employed,single,university.degree,no,no,no,cellular,aug,wed,169,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +34,blue-collar,married,high.school,no,yes,no,cellular,aug,wed,115,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +45,blue-collar,single,basic.9y,no,yes,no,cellular,aug,wed,249,1,4,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +27,admin.,single,university.degree,no,no,no,cellular,aug,wed,1336,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +45,blue-collar,single,basic.9y,no,no,no,cellular,aug,wed,150,1,3,2,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +74,retired,married,university.degree,no,yes,no,cellular,aug,wed,239,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +36,admin.,married,university.degree,no,yes,no,cellular,aug,wed,90,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +42,management,divorced,unknown,no,no,no,cellular,aug,wed,251,2,15,2,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +32,technician,married,professional.course,no,yes,no,cellular,aug,wed,641,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +60,retired,married,university.degree,no,no,no,cellular,aug,wed,576,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +40,management,married,university.degree,no,unknown,unknown,cellular,aug,wed,699,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +56,admin.,married,basic.9y,no,yes,no,cellular,aug,wed,73,1,4,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +66,retired,married,unknown,no,no,no,cellular,aug,wed,147,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +27,admin.,single,university.degree,no,yes,no,cellular,aug,wed,398,4,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +37,blue-collar,single,professional.course,no,yes,no,cellular,aug,wed,100,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +59,technician,married,university.degree,no,no,no,cellular,aug,wed,119,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +32,technician,single,professional.course,no,no,no,cellular,aug,wed,313,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +29,services,married,high.school,no,yes,no,cellular,aug,wed,90,2,4,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +48,entrepreneur,divorced,high.school,no,no,no,cellular,aug,wed,307,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +38,admin.,married,university.degree,no,no,no,cellular,aug,wed,236,1,4,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +20,student,single,basic.4y,no,yes,no,cellular,aug,wed,131,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +20,student,single,basic.4y,no,yes,no,cellular,aug,wed,267,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +27,unemployed,single,high.school,no,no,no,cellular,aug,wed,93,1,4,3,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +33,services,married,high.school,no,yes,no,cellular,aug,wed,417,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +36,admin.,single,university.degree,no,yes,no,cellular,aug,wed,87,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +54,housemaid,married,university.degree,no,no,no,cellular,aug,wed,77,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +36,admin.,single,university.degree,no,no,no,cellular,aug,wed,82,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +66,retired,unknown,basic.9y,no,yes,no,cellular,aug,wed,810,3,999,2,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +36,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,161,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +66,technician,married,professional.course,no,yes,no,telephone,aug,wed,150,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +35,blue-collar,single,basic.9y,no,no,no,cellular,aug,wed,305,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +28,admin.,single,university.degree,no,no,no,cellular,aug,wed,202,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +28,admin.,single,university.degree,no,no,no,cellular,aug,wed,332,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +28,admin.,single,university.degree,no,no,no,cellular,aug,wed,153,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +44,admin.,married,university.degree,no,yes,no,cellular,aug,wed,113,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +56,admin.,married,basic.9y,no,no,no,cellular,aug,wed,338,2,4,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +32,admin.,married,high.school,no,no,no,cellular,aug,wed,96,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +29,blue-collar,single,high.school,no,yes,no,cellular,aug,wed,71,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +41,services,married,high.school,no,unknown,unknown,cellular,aug,wed,301,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +33,admin.,single,university.degree,no,unknown,unknown,cellular,aug,wed,123,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,192,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +45,admin.,married,university.degree,no,no,no,cellular,aug,wed,363,1,4,2,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +44,admin.,married,university.degree,no,no,no,cellular,aug,wed,96,2,4,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +28,student,single,high.school,no,yes,no,cellular,aug,wed,188,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +66,retired,married,basic.6y,unknown,yes,no,cellular,aug,wed,124,1,1,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +66,retired,married,basic.6y,unknown,no,no,cellular,aug,wed,174,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +32,technician,married,professional.course,no,yes,no,cellular,aug,wed,44,1,3,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,222,2,999,2,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +42,technician,married,professional.course,no,yes,no,cellular,aug,wed,246,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +42,technician,married,professional.course,no,no,no,cellular,aug,wed,96,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +44,admin.,married,university.degree,no,no,no,cellular,aug,wed,120,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +37,management,single,university.degree,no,yes,no,cellular,aug,wed,243,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +42,technician,married,professional.course,no,yes,yes,cellular,aug,wed,543,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +28,self-employed,single,university.degree,no,unknown,unknown,cellular,aug,wed,227,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +28,technician,single,professional.course,no,no,yes,cellular,aug,wed,162,1,3,1,success,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +38,admin.,married,high.school,no,no,no,cellular,aug,wed,289,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,yes +74,retired,married,professional.course,no,no,no,cellular,aug,wed,298,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +76,retired,married,basic.4y,no,no,no,cellular,aug,wed,331,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.879,5076.2,no +29,admin.,married,university.degree,no,no,no,cellular,aug,thu,111,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +28,admin.,single,university.degree,no,no,no,cellular,aug,thu,489,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +27,admin.,single,high.school,no,no,yes,cellular,aug,thu,255,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +37,technician,single,university.degree,no,yes,yes,cellular,aug,thu,73,2,4,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +33,technician,married,university.degree,no,yes,no,cellular,aug,thu,101,4,999,2,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +23,student,single,high.school,no,yes,no,cellular,aug,thu,784,3,15,3,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +36,unemployed,married,university.degree,no,no,no,cellular,aug,thu,222,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +22,student,single,high.school,no,yes,no,cellular,aug,thu,425,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +30,admin.,married,university.degree,no,yes,no,telephone,aug,thu,181,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +29,admin.,single,university.degree,no,yes,yes,cellular,aug,thu,254,3,3,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +41,admin.,married,high.school,no,yes,no,cellular,aug,thu,1175,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +31,blue-collar,married,professional.course,no,no,no,cellular,aug,thu,414,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +39,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,102,1,4,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +39,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,200,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +30,services,single,high.school,no,yes,no,cellular,aug,thu,148,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +36,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,220,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +88,retired,divorced,basic.4y,no,yes,no,cellular,aug,thu,402,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +39,admin.,married,high.school,no,no,no,cellular,aug,thu,315,2,4,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +39,management,married,university.degree,no,no,no,cellular,aug,thu,105,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +39,admin.,married,university.degree,unknown,yes,no,cellular,aug,thu,368,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +45,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,150,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +34,housemaid,married,university.degree,no,no,no,cellular,aug,thu,485,3,4,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +32,blue-collar,single,basic.9y,no,yes,no,cellular,aug,thu,282,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +74,retired,married,basic.4y,no,no,no,cellular,aug,thu,307,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +46,admin.,married,university.degree,no,yes,no,cellular,aug,thu,399,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +46,admin.,married,university.degree,no,yes,no,cellular,aug,thu,164,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +62,retired,married,university.degree,unknown,yes,yes,cellular,aug,thu,791,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +34,housemaid,married,university.degree,no,no,yes,cellular,aug,thu,1152,2,6,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +36,admin.,married,university.degree,no,no,no,cellular,aug,thu,138,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +36,unemployed,married,university.degree,no,yes,no,cellular,aug,thu,138,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +38,management,married,university.degree,no,yes,no,cellular,aug,thu,328,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +33,admin.,single,university.degree,no,yes,no,cellular,aug,thu,72,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +24,student,single,high.school,no,no,no,cellular,aug,thu,136,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +39,unemployed,married,high.school,no,no,no,cellular,aug,thu,192,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +34,self-employed,married,university.degree,no,no,no,cellular,aug,thu,78,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +20,student,single,high.school,no,no,no,cellular,aug,thu,347,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +46,technician,married,basic.6y,no,yes,no,cellular,aug,thu,464,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +81,retired,married,basic.6y,no,no,no,cellular,aug,thu,189,2,4,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +43,technician,married,university.degree,no,no,no,cellular,aug,thu,160,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +22,student,single,basic.6y,no,yes,no,cellular,aug,thu,293,2,4,2,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +34,management,married,university.degree,no,no,no,cellular,aug,thu,233,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +32,services,married,high.school,no,yes,no,cellular,aug,thu,105,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +36,services,married,high.school,no,yes,yes,cellular,aug,thu,227,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +32,services,married,high.school,no,no,no,cellular,aug,thu,100,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +34,self-employed,single,university.degree,no,no,no,telephone,aug,thu,57,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +24,technician,single,professional.course,no,no,no,cellular,aug,thu,129,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +28,unemployed,single,university.degree,no,no,yes,cellular,aug,thu,74,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +27,technician,single,university.degree,no,no,no,cellular,aug,thu,103,1,4,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +46,admin.,married,university.degree,no,yes,no,telephone,aug,thu,213,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +76,retired,married,basic.6y,no,no,yes,cellular,aug,thu,284,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +64,unknown,married,unknown,no,yes,yes,cellular,aug,thu,219,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +40,admin.,married,high.school,no,no,no,cellular,aug,thu,477,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +35,admin.,single,high.school,no,no,yes,cellular,aug,thu,73,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +74,retired,married,professional.course,no,yes,no,cellular,aug,thu,204,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +41,blue-collar,married,basic.9y,no,no,no,cellular,aug,thu,726,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +41,blue-collar,married,basic.9y,no,no,no,cellular,aug,thu,75,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +76,retired,married,university.degree,no,yes,no,cellular,aug,thu,344,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +48,self-employed,married,university.degree,no,no,no,cellular,aug,thu,135,1,4,3,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +25,admin.,single,university.degree,no,no,yes,cellular,aug,thu,112,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +25,admin.,single,university.degree,no,no,yes,cellular,aug,thu,99,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +21,student,single,high.school,no,no,no,cellular,aug,thu,185,2,4,2,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +39,admin.,married,basic.9y,unknown,no,no,cellular,aug,thu,371,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +44,unemployed,married,high.school,no,yes,no,cellular,aug,thu,143,1,3,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +44,unemployed,married,high.school,no,yes,no,telephone,aug,thu,99,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +44,unemployed,married,high.school,no,yes,no,cellular,aug,thu,146,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +44,unemployed,married,high.school,no,yes,no,cellular,aug,thu,284,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +33,services,married,high.school,no,no,no,cellular,aug,thu,738,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +29,management,married,university.degree,no,yes,no,cellular,aug,thu,75,1,4,2,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +39,blue-collar,married,basic.6y,no,no,no,cellular,aug,thu,320,2,3,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +73,retired,married,professional.course,no,yes,no,cellular,aug,thu,135,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +36,technician,married,professional.course,no,yes,no,cellular,aug,thu,92,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +22,student,single,high.school,no,no,no,cellular,aug,thu,53,2,3,1,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +33,services,married,high.school,no,unknown,unknown,cellular,aug,thu,240,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +57,admin.,single,high.school,no,yes,no,cellular,aug,thu,479,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +62,retired,married,university.degree,unknown,no,no,cellular,aug,thu,154,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +21,student,single,high.school,no,no,no,cellular,aug,thu,236,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +72,retired,divorced,basic.4y,no,yes,yes,cellular,aug,thu,238,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +31,technician,married,university.degree,no,no,no,cellular,aug,thu,158,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +33,admin.,single,university.degree,no,no,no,cellular,aug,thu,275,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +43,unemployed,married,high.school,no,no,no,cellular,aug,thu,319,4,3,2,success,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +36,management,married,basic.6y,no,yes,yes,cellular,aug,thu,354,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,yes +36,admin.,married,university.degree,no,no,no,cellular,aug,thu,126,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.873,5076.2,no +28,unemployed,married,professional.course,no,yes,no,telephone,aug,fri,275,6,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +17,student,single,basic.9y,no,yes,no,cellular,aug,fri,182,2,999,2,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +26,student,single,professional.course,no,yes,no,cellular,aug,fri,150,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +43,management,married,basic.9y,no,yes,yes,cellular,aug,fri,233,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +61,retired,married,basic.9y,no,yes,no,telephone,aug,fri,176,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +39,technician,married,university.degree,no,yes,no,cellular,aug,fri,156,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +62,retired,married,unknown,no,no,no,cellular,aug,fri,172,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +70,retired,married,professional.course,no,no,no,cellular,aug,fri,185,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +45,unemployed,married,basic.9y,no,no,no,cellular,aug,fri,126,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +43,management,married,basic.9y,no,yes,no,cellular,aug,fri,180,1,6,2,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +29,blue-collar,married,basic.4y,no,yes,no,cellular,aug,fri,98,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +48,management,divorced,university.degree,no,no,no,cellular,aug,fri,117,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +35,technician,married,professional.course,no,yes,no,cellular,aug,fri,225,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +61,management,married,university.degree,no,yes,no,cellular,aug,fri,209,2,4,2,success,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +24,student,single,high.school,unknown,yes,no,cellular,aug,fri,319,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +33,blue-collar,single,basic.9y,no,no,no,cellular,aug,fri,257,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +32,blue-collar,married,basic.9y,no,yes,yes,cellular,aug,fri,230,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +42,management,married,university.degree,no,yes,no,cellular,aug,fri,436,1,13,1,success,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +36,unemployed,single,university.degree,no,no,no,cellular,aug,fri,415,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +36,unemployed,single,university.degree,no,no,no,cellular,aug,fri,260,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +17,student,single,basic.9y,no,yes,no,cellular,aug,fri,92,3,4,2,success,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +54,admin.,married,university.degree,no,yes,no,cellular,aug,fri,326,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +25,student,single,high.school,no,no,no,cellular,aug,fri,253,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +25,student,single,high.school,no,yes,no,cellular,aug,fri,78,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +48,admin.,single,university.degree,no,yes,no,cellular,aug,fri,260,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +20,student,single,high.school,no,no,no,cellular,aug,fri,190,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +63,blue-collar,married,basic.4y,no,yes,yes,cellular,aug,fri,107,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +58,blue-collar,divorced,basic.4y,no,no,no,cellular,aug,fri,186,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +55,retired,married,basic.4y,no,yes,no,cellular,aug,fri,137,1,3,1,success,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +35,admin.,single,high.school,no,yes,no,cellular,aug,fri,105,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +71,retired,married,basic.4y,no,yes,no,cellular,aug,fri,125,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +25,services,single,high.school,no,no,no,cellular,aug,fri,553,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +70,retired,married,professional.course,no,yes,no,cellular,aug,fri,94,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +28,unemployed,married,professional.course,no,no,no,cellular,aug,fri,276,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +46,technician,married,professional.course,no,yes,no,cellular,aug,fri,182,6,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +42,technician,married,professional.course,no,yes,no,cellular,aug,fri,100,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +26,student,single,high.school,no,no,no,cellular,aug,fri,482,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +35,admin.,married,university.degree,no,no,no,cellular,aug,fri,201,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +32,admin.,married,university.degree,no,yes,no,cellular,aug,fri,88,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +38,self-employed,divorced,high.school,no,no,no,cellular,aug,fri,391,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +28,unemployed,married,professional.course,no,yes,no,cellular,aug,fri,190,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +17,student,single,basic.9y,no,unknown,unknown,cellular,aug,fri,498,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +31,admin.,married,university.degree,no,no,no,cellular,aug,fri,880,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +63,retired,divorced,basic.4y,no,yes,no,cellular,aug,fri,153,2,3,1,success,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +29,blue-collar,single,basic.6y,no,no,no,cellular,aug,fri,260,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +37,entrepreneur,married,basic.6y,no,yes,no,cellular,aug,fri,148,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +25,technician,single,university.degree,no,yes,no,cellular,aug,fri,142,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +61,retired,married,basic.9y,no,no,no,cellular,aug,fri,99,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +70,retired,married,professional.course,no,no,no,cellular,aug,fri,70,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +28,unemployed,married,professional.course,no,no,no,telephone,aug,fri,140,11,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +31,entrepreneur,single,university.degree,no,yes,no,cellular,aug,fri,211,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,yes +35,technician,married,university.degree,no,no,no,cellular,aug,fri,224,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +20,student,single,high.school,no,no,no,telephone,aug,fri,159,2,4,2,success,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +35,management,married,high.school,no,yes,yes,cellular,aug,fri,313,4,999,2,failure,-2.9,92.20100000000001,-31.4,0.8690000000000001,5076.2,no +22,student,single,basic.9y,no,no,no,telephone,aug,mon,297,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +68,retired,married,basic.4y,no,no,no,cellular,aug,mon,110,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +62,management,divorced,high.school,no,no,no,cellular,aug,mon,405,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +65,retired,married,high.school,no,no,no,cellular,aug,mon,80,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +26,admin.,single,university.degree,no,yes,no,cellular,aug,mon,138,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +76,retired,married,professional.course,no,no,no,cellular,aug,mon,308,1,15,1,success,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +66,retired,married,unknown,no,no,no,cellular,aug,mon,43,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +23,technician,single,university.degree,no,yes,no,cellular,aug,mon,116,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +43,management,married,university.degree,no,no,no,cellular,aug,mon,75,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +72,retired,divorced,basic.4y,no,no,no,cellular,aug,mon,152,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +73,retired,married,basic.4y,no,no,no,cellular,aug,mon,348,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +67,retired,married,professional.course,no,yes,yes,cellular,aug,mon,186,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +80,retired,married,high.school,no,no,no,telephone,aug,mon,199,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +60,admin.,married,university.degree,no,no,no,cellular,aug,mon,133,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +33,technician,married,university.degree,no,yes,no,cellular,aug,mon,551,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +23,student,single,high.school,no,no,no,cellular,aug,mon,123,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +23,student,single,high.school,no,no,no,cellular,aug,mon,80,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +25,admin.,single,university.degree,no,no,no,cellular,aug,mon,286,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +25,admin.,single,university.degree,no,yes,no,cellular,aug,mon,163,1,6,1,success,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +33,unemployed,single,university.degree,no,no,no,cellular,aug,mon,156,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +65,retired,married,high.school,no,yes,yes,cellular,aug,mon,97,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +34,technician,married,university.degree,no,no,no,cellular,aug,mon,220,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +34,technician,married,university.degree,no,no,no,cellular,aug,mon,473,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +31,admin.,single,university.degree,no,no,no,telephone,aug,mon,122,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +34,technician,single,professional.course,no,no,no,cellular,aug,mon,237,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +31,technician,married,university.degree,no,no,no,cellular,aug,mon,109,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +26,admin.,single,university.degree,no,unknown,unknown,cellular,aug,mon,115,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +43,management,married,university.degree,no,no,no,telephone,aug,mon,123,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +50,blue-collar,married,basic.4y,no,no,no,cellular,aug,mon,123,2,15,1,success,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +30,services,single,high.school,no,no,no,cellular,aug,mon,366,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +28,admin.,single,university.degree,no,yes,no,cellular,aug,mon,343,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +34,technician,married,professional.course,no,no,no,cellular,aug,mon,123,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +48,technician,married,high.school,no,yes,no,cellular,aug,mon,711,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +44,admin.,single,university.degree,no,no,no,cellular,aug,mon,207,1,6,1,success,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +18,student,single,basic.6y,no,yes,no,cellular,aug,mon,628,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +23,technician,married,professional.course,no,yes,no,cellular,aug,mon,341,1,3,2,success,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +27,self-employed,single,university.degree,no,unknown,unknown,cellular,aug,mon,130,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +27,self-employed,single,university.degree,no,no,no,cellular,aug,mon,241,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +28,admin.,single,university.degree,no,no,no,cellular,aug,mon,192,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +28,admin.,single,university.degree,no,yes,no,cellular,aug,mon,340,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +28,admin.,single,university.degree,no,unknown,unknown,cellular,aug,mon,148,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +41,admin.,single,high.school,no,yes,no,cellular,aug,mon,606,1,6,1,success,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +29,management,single,university.degree,no,no,no,cellular,aug,mon,300,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +74,retired,married,basic.9y,no,yes,no,cellular,aug,mon,156,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +46,entrepreneur,married,high.school,no,yes,no,cellular,aug,mon,109,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.861,5076.2,no +22,student,single,professional.course,no,yes,no,cellular,aug,mon,162,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.861,5076.2,yes +29,unemployed,single,university.degree,no,yes,no,cellular,aug,tue,33,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +67,retired,married,basic.6y,no,no,no,cellular,aug,tue,460,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +36,admin.,single,university.degree,no,no,no,cellular,aug,tue,278,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +65,housemaid,divorced,basic.4y,no,yes,no,cellular,aug,tue,212,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +31,admin.,single,high.school,no,yes,no,cellular,aug,tue,243,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +61,retired,married,university.degree,no,no,no,telephone,aug,tue,249,2,3,1,success,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +63,retired,married,university.degree,no,no,no,cellular,aug,tue,177,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +34,admin.,single,university.degree,no,yes,no,telephone,aug,tue,205,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +34,admin.,single,university.degree,no,no,yes,cellular,aug,tue,543,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +33,admin.,married,high.school,no,no,no,cellular,aug,tue,147,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +33,admin.,married,high.school,no,no,yes,cellular,aug,tue,113,1,6,2,success,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +26,admin.,single,university.degree,no,yes,no,telephone,aug,tue,215,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +47,admin.,single,university.degree,no,yes,no,cellular,aug,tue,161,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +49,technician,married,university.degree,no,no,no,cellular,aug,tue,90,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +32,technician,single,university.degree,no,yes,yes,cellular,aug,tue,96,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +56,management,married,university.degree,no,no,no,telephone,aug,tue,108,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +59,management,married,university.degree,no,yes,no,cellular,aug,tue,210,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +61,retired,married,university.degree,no,yes,no,cellular,aug,tue,101,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,tue,360,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +37,admin.,married,university.degree,no,no,yes,cellular,aug,tue,66,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +37,admin.,married,university.degree,no,yes,no,cellular,aug,tue,148,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +35,technician,married,university.degree,no,unknown,unknown,cellular,aug,tue,117,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +32,services,married,high.school,no,no,no,cellular,aug,tue,363,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +71,retired,married,basic.4y,unknown,unknown,unknown,cellular,aug,tue,216,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +50,admin.,married,university.degree,no,no,no,cellular,aug,tue,587,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +34,technician,married,professional.course,no,no,no,cellular,aug,tue,193,1,13,1,success,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +56,management,married,university.degree,no,yes,no,cellular,aug,tue,370,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +33,blue-collar,divorced,basic.4y,no,yes,no,cellular,aug,tue,395,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +20,student,single,high.school,no,yes,no,cellular,aug,tue,532,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +64,retired,married,high.school,unknown,no,no,cellular,aug,tue,301,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +29,admin.,single,university.degree,no,yes,no,cellular,aug,tue,307,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +65,retired,married,basic.4y,no,yes,no,cellular,aug,tue,197,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +63,retired,married,university.degree,no,no,no,telephone,aug,tue,280,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +35,technician,married,professional.course,no,no,no,cellular,aug,tue,441,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,yes +35,admin.,single,university.degree,no,no,no,telephone,aug,tue,396,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8590000000000001,5076.2,no +26,admin.,single,high.school,no,no,no,cellular,aug,wed,431,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +38,technician,married,university.degree,no,yes,no,cellular,aug,wed,220,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +74,retired,divorced,basic.4y,no,yes,no,cellular,aug,wed,536,1,13,1,success,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +33,admin.,married,high.school,no,yes,no,cellular,aug,wed,206,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +33,admin.,married,high.school,no,yes,no,telephone,aug,wed,578,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +62,unemployed,married,high.school,no,yes,no,cellular,aug,wed,250,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +80,retired,married,basic.4y,no,no,no,cellular,aug,wed,207,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +26,technician,single,university.degree,no,yes,yes,cellular,aug,wed,65,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +38,technician,married,university.degree,no,yes,no,cellular,aug,wed,238,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +35,admin.,married,university.degree,no,yes,no,cellular,aug,wed,768,2,999,2,failure,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +37,admin.,married,university.degree,no,no,no,cellular,aug,wed,225,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +56,housemaid,divorced,basic.4y,no,no,no,cellular,aug,wed,89,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +20,student,single,basic.9y,no,no,no,cellular,aug,wed,98,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +32,technician,single,university.degree,no,yes,no,cellular,aug,wed,240,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,173,1,1,1,success,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +55,unknown,married,university.degree,no,yes,no,cellular,aug,wed,164,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +26,admin.,single,high.school,no,yes,no,telephone,aug,wed,170,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +74,retired,married,university.degree,no,yes,yes,cellular,aug,wed,232,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +33,admin.,single,university.degree,no,yes,no,cellular,aug,wed,67,1,3,1,success,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +73,retired,married,basic.4y,unknown,no,no,cellular,aug,wed,76,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +64,retired,married,basic.4y,no,yes,no,cellular,aug,wed,145,1,3,2,success,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +32,admin.,married,university.degree,no,yes,no,telephone,aug,wed,328,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +34,admin.,single,university.degree,no,no,no,cellular,aug,wed,195,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +34,unemployed,single,university.degree,no,no,no,cellular,aug,wed,484,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +33,admin.,married,high.school,no,no,no,cellular,aug,wed,321,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +54,technician,married,basic.9y,no,no,no,cellular,aug,wed,196,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +35,admin.,married,university.degree,no,no,yes,cellular,aug,wed,65,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +32,admin.,married,university.degree,no,yes,no,cellular,aug,wed,80,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +66,retired,married,basic.4y,no,yes,yes,telephone,aug,wed,82,3,999,3,failure,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,no +33,admin.,single,university.degree,no,no,no,cellular,aug,wed,338,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8540000000000001,5076.2,yes +40,admin.,divorced,high.school,no,yes,no,cellular,aug,thu,262,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +37,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,329,3,9,1,success,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +25,admin.,single,university.degree,no,yes,no,telephone,aug,thu,84,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +66,retired,married,basic.6y,no,yes,no,cellular,aug,thu,267,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +36,technician,single,professional.course,no,yes,no,cellular,aug,thu,474,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +34,admin.,single,university.degree,no,yes,no,cellular,aug,thu,377,6,3,1,success,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +27,admin.,single,university.degree,no,yes,no,cellular,aug,thu,97,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +35,blue-collar,divorced,high.school,no,no,no,cellular,aug,thu,151,1,3,1,success,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +37,student,single,unknown,no,no,no,cellular,aug,thu,928,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +62,admin.,married,university.degree,no,no,no,cellular,aug,thu,68,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +32,management,single,university.degree,no,no,no,cellular,aug,thu,149,1,3,2,success,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +38,services,single,high.school,no,yes,no,cellular,aug,thu,83,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +74,retired,married,basic.9y,no,no,no,cellular,aug,thu,188,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +71,retired,single,university.degree,no,yes,no,cellular,aug,thu,217,1,6,2,failure,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +29,admin.,married,university.degree,no,yes,no,cellular,aug,thu,69,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +29,admin.,married,university.degree,no,no,no,cellular,aug,thu,131,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +24,admin.,single,university.degree,no,no,no,cellular,aug,thu,147,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +24,admin.,single,university.degree,no,yes,no,cellular,aug,thu,158,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +45,self-employed,married,university.degree,no,no,yes,cellular,aug,thu,157,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +26,admin.,single,university.degree,no,no,no,cellular,aug,thu,99,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +25,student,single,university.degree,no,no,no,cellular,aug,thu,184,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +38,admin.,divorced,professional.course,no,no,no,cellular,aug,thu,201,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +28,technician,single,professional.course,no,yes,no,cellular,aug,thu,64,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +28,technician,single,professional.course,no,yes,no,cellular,aug,thu,63,2,3,1,success,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +28,technician,single,professional.course,no,yes,no,cellular,aug,thu,78,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +25,student,single,university.degree,no,no,no,cellular,aug,thu,75,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.851,5076.2,no +34,technician,single,unknown,no,yes,no,cellular,aug,thu,320,2,3,1,success,-2.9,92.20100000000001,-31.4,0.851,5076.2,yes +51,management,married,high.school,no,yes,yes,cellular,aug,fri,228,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +53,admin.,married,university.degree,no,no,no,cellular,aug,fri,139,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +64,retired,married,unknown,no,yes,yes,cellular,aug,fri,89,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +64,retired,married,university.degree,no,no,no,cellular,aug,fri,102,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +64,retired,married,university.degree,no,yes,yes,cellular,aug,fri,146,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +76,retired,married,basic.4y,no,yes,no,cellular,aug,fri,406,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +76,retired,married,basic.4y,no,no,no,cellular,aug,fri,61,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +61,retired,married,basic.4y,no,yes,yes,cellular,aug,fri,374,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +61,retired,married,basic.4y,no,yes,no,cellular,aug,fri,168,1,15,1,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +61,retired,married,basic.4y,no,yes,yes,cellular,aug,fri,69,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +58,retired,married,university.degree,no,yes,no,cellular,aug,fri,92,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +36,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,96,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +62,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,64,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +87,retired,divorced,basic.4y,no,no,no,cellular,aug,fri,273,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +39,student,single,unknown,no,yes,no,telephone,aug,fri,104,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +54,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,204,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +54,technician,divorced,university.degree,no,no,no,cellular,aug,fri,90,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +24,student,single,high.school,no,yes,no,cellular,aug,fri,200,1,6,4,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +24,student,single,high.school,no,yes,no,cellular,aug,fri,53,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +24,student,single,high.school,no,yes,yes,cellular,aug,fri,44,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +24,student,single,high.school,no,yes,yes,cellular,aug,fri,298,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +24,student,single,high.school,no,no,no,cellular,aug,fri,276,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +34,unemployed,single,professional.course,no,no,no,cellular,aug,fri,531,2,2,1,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +54,admin.,married,university.degree,no,yes,no,cellular,aug,fri,91,2,3,1,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +55,management,married,university.degree,no,no,no,cellular,aug,fri,72,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +62,admin.,married,university.degree,no,yes,no,cellular,aug,fri,116,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +79,housemaid,married,basic.4y,no,no,no,cellular,aug,fri,126,1,3,2,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +30,blue-collar,married,high.school,no,yes,no,cellular,aug,fri,252,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +36,admin.,single,high.school,no,yes,no,cellular,aug,fri,159,1,3,2,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +64,retired,married,unknown,no,yes,no,cellular,aug,fri,171,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +39,admin.,married,university.degree,no,yes,yes,cellular,aug,fri,343,2,14,1,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +35,admin.,married,university.degree,no,yes,no,cellular,aug,fri,419,5,3,2,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,no +64,retired,married,unknown,no,no,no,cellular,aug,fri,252,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +24,student,single,unknown,no,yes,yes,cellular,aug,fri,744,1,3,2,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +24,student,single,unknown,no,yes,no,cellular,aug,fri,438,1,6,1,success,-2.9,92.20100000000001,-31.4,0.8490000000000001,5076.2,yes +70,retired,married,university.degree,no,yes,no,cellular,aug,mon,73,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +34,admin.,married,university.degree,no,no,no,cellular,aug,mon,62,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +54,self-employed,married,university.degree,no,yes,no,cellular,aug,mon,323,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,mon,227,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +74,retired,married,basic.4y,unknown,yes,no,cellular,aug,mon,467,2,6,1,success,-2.9,92.20100000000001,-31.4,0.843,5076.2,yes +47,housemaid,married,university.degree,no,yes,no,cellular,aug,mon,232,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,yes +38,unemployed,single,high.school,no,yes,no,cellular,aug,mon,712,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,yes +66,retired,married,university.degree,no,no,yes,cellular,aug,mon,315,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +69,housemaid,married,basic.4y,no,no,no,telephone,aug,mon,420,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +58,retired,married,university.degree,no,yes,no,telephone,aug,mon,100,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +88,retired,married,university.degree,no,yes,no,cellular,aug,mon,401,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +40,admin.,married,university.degree,no,yes,no,cellular,aug,mon,55,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +57,retired,married,university.degree,no,yes,no,cellular,aug,mon,349,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +47,self-employed,married,university.degree,no,yes,no,cellular,aug,mon,143,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +64,retired,married,basic.9y,no,yes,no,cellular,aug,mon,79,2,3,1,success,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +57,retired,married,university.degree,no,no,no,cellular,aug,mon,497,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.843,5076.2,no +49,technician,divorced,high.school,no,no,no,cellular,aug,tue,109,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +25,admin.,single,university.degree,no,no,no,telephone,aug,tue,103,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +66,retired,married,basic.4y,unknown,yes,no,cellular,aug,tue,142,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +81,retired,married,high.school,no,no,no,cellular,aug,tue,50,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +44,technician,divorced,high.school,no,no,no,cellular,aug,tue,188,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +43,services,married,high.school,no,no,yes,cellular,aug,tue,79,2,3,2,success,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +38,student,single,unknown,no,yes,yes,cellular,aug,tue,158,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +63,housemaid,married,basic.4y,no,no,no,cellular,aug,tue,511,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +51,admin.,divorced,high.school,no,yes,no,cellular,aug,tue,192,1,6,1,success,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +58,retired,married,high.school,no,no,no,cellular,aug,tue,585,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +51,admin.,divorced,high.school,no,yes,no,cellular,aug,tue,133,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +51,admin.,divorced,high.school,no,no,no,cellular,aug,tue,83,1,6,2,failure,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +54,technician,married,professional.course,no,yes,no,cellular,aug,tue,41,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +63,technician,married,unknown,no,yes,no,cellular,aug,tue,173,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +63,technician,married,unknown,no,yes,no,cellular,aug,tue,279,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +63,technician,married,unknown,no,no,no,cellular,aug,tue,47,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +64,unknown,married,unknown,no,no,no,cellular,aug,tue,275,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +58,retired,married,high.school,no,no,no,cellular,aug,tue,130,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +54,retired,married,professional.course,unknown,no,no,cellular,aug,tue,76,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +63,housemaid,married,basic.4y,no,no,no,cellular,aug,tue,479,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +54,retired,married,professional.course,unknown,no,no,cellular,aug,tue,95,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +60,housemaid,divorced,professional.course,no,yes,no,cellular,aug,tue,186,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +62,retired,married,professional.course,no,yes,no,cellular,aug,tue,531,3,6,1,success,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +58,retired,married,high.school,no,no,no,cellular,aug,tue,360,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +58,retired,married,high.school,no,yes,no,cellular,aug,tue,242,6,3,1,success,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +53,admin.,divorced,high.school,no,yes,no,cellular,aug,tue,159,2,3,1,success,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +56,services,single,high.school,no,no,yes,cellular,aug,tue,555,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +43,admin.,married,high.school,no,yes,no,cellular,aug,tue,291,2,3,2,success,-2.9,92.20100000000001,-31.4,0.838,5076.2,yes +43,admin.,married,university.degree,no,no,yes,cellular,aug,tue,161,3,13,1,success,-2.9,92.20100000000001,-31.4,0.838,5076.2,no +67,retired,divorced,university.degree,no,yes,no,cellular,aug,wed,89,5,999,1,failure,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +27,admin.,single,high.school,no,no,no,telephone,aug,wed,415,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,yes +49,entrepreneur,single,university.degree,no,yes,no,cellular,aug,wed,78,6,5,1,success,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +42,retired,divorced,illiterate,no,no,no,telephone,aug,wed,128,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,yes +59,technician,married,professional.course,no,yes,no,telephone,aug,wed,240,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +57,retired,married,university.degree,no,yes,no,cellular,aug,wed,187,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +59,technician,married,professional.course,no,yes,no,cellular,aug,wed,210,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,yes +28,admin.,married,university.degree,no,yes,no,cellular,aug,wed,75,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +80,retired,married,basic.4y,no,yes,no,cellular,aug,wed,323,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,yes +80,retired,married,basic.4y,no,yes,no,cellular,aug,wed,76,1,3,2,success,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +78,retired,married,basic.4y,no,no,yes,cellular,aug,wed,103,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +56,housemaid,married,basic.4y,no,yes,no,cellular,aug,wed,359,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +42,retired,divorced,illiterate,no,no,no,cellular,aug,wed,146,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8340000000000001,5076.2,no +28,student,single,unknown,no,no,no,cellular,aug,thu,700,4,999,1,failure,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,yes +24,self-employed,single,university.degree,no,no,no,cellular,aug,thu,64,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,no +71,retired,married,university.degree,no,no,no,cellular,aug,thu,148,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,no +71,retired,married,university.degree,no,yes,no,cellular,aug,thu,1112,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,no +59,admin.,single,university.degree,no,no,no,cellular,aug,thu,259,3,15,1,success,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,yes +46,housemaid,married,basic.4y,no,unknown,unknown,cellular,aug,thu,154,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,no +51,admin.,married,university.degree,no,yes,no,cellular,aug,thu,212,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,yes +46,admin.,married,university.degree,no,yes,no,cellular,aug,thu,445,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,yes +50,admin.,married,university.degree,no,no,yes,cellular,aug,thu,460,1,15,2,failure,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,yes +46,self-employed,married,university.degree,no,yes,no,cellular,aug,thu,148,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,no +58,retired,divorced,high.school,no,no,no,cellular,aug,thu,398,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,yes +31,admin.,single,university.degree,no,no,no,cellular,aug,thu,81,1,3,1,success,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,yes +42,admin.,divorced,university.degree,no,yes,no,cellular,aug,thu,294,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.8290000000000001,5076.2,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,fri,118,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +36,housemaid,single,university.degree,no,unknown,unknown,cellular,aug,fri,119,2,3,1,success,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +59,retired,married,unknown,no,no,no,cellular,aug,fri,109,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +48,management,married,university.degree,unknown,yes,no,cellular,aug,fri,207,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +45,services,married,high.school,no,yes,no,cellular,aug,fri,67,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +28,student,single,unknown,no,yes,no,telephone,aug,fri,268,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +27,student,single,university.degree,no,yes,no,cellular,aug,fri,630,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +25,student,single,unknown,unknown,yes,no,cellular,aug,fri,50,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +25,student,single,unknown,unknown,no,no,cellular,aug,fri,248,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +25,student,single,unknown,unknown,yes,no,cellular,aug,fri,121,1,15,2,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +25,student,single,unknown,unknown,yes,no,cellular,aug,fri,90,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +25,student,single,unknown,unknown,yes,no,cellular,aug,fri,81,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +24,student,single,high.school,no,no,no,cellular,aug,fri,65,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +24,student,single,high.school,no,yes,no,telephone,aug,fri,359,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +33,admin.,married,high.school,no,no,no,cellular,aug,fri,207,3,15,1,success,-2.9,92.20100000000001,-31.4,0.825,5076.2,yes +43,technician,single,professional.course,no,no,no,cellular,aug,fri,255,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +26,student,single,high.school,no,no,no,cellular,aug,fri,133,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +55,entrepreneur,divorced,basic.9y,no,yes,no,cellular,aug,fri,622,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,yes +26,student,single,university.degree,no,no,yes,cellular,aug,fri,173,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,yes +62,retired,married,professional.course,no,yes,yes,cellular,aug,fri,517,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,yes +44,admin.,married,high.school,no,no,no,cellular,aug,fri,283,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +34,technician,married,university.degree,no,yes,no,cellular,aug,fri,94,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +28,student,single,professional.course,no,no,no,cellular,aug,fri,36,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +44,management,married,unknown,no,yes,no,cellular,aug,fri,247,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +26,student,single,high.school,no,yes,no,cellular,aug,fri,155,2,6,2,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,yes +72,unknown,married,unknown,no,yes,yes,cellular,aug,fri,207,8,999,1,failure,-2.9,92.20100000000001,-31.4,0.825,5076.2,yes +45,technician,married,high.school,no,yes,no,cellular,aug,fri,368,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.825,5076.2,no +30,student,married,university.degree,no,no,no,cellular,aug,mon,98,2,3,2,success,-2.9,92.20100000000001,-31.4,0.821,5076.2,yes +51,technician,married,professional.course,no,yes,no,cellular,aug,mon,72,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +40,technician,married,high.school,no,yes,no,cellular,aug,mon,69,2,999,2,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +26,self-employed,single,university.degree,no,yes,no,cellular,aug,mon,102,2,999,1,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +40,technician,married,high.school,no,no,no,cellular,aug,mon,115,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +73,retired,married,university.degree,no,no,no,telephone,aug,mon,245,4,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +36,admin.,married,high.school,no,no,no,cellular,aug,mon,54,5,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +73,retired,married,basic.4y,no,unknown,unknown,cellular,aug,mon,160,3,999,1,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,yes +38,technician,married,professional.course,no,unknown,unknown,telephone,aug,mon,473,2,9,1,success,-2.9,92.20100000000001,-31.4,0.821,5076.2,yes +36,technician,single,professional.course,no,yes,no,cellular,aug,mon,62,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +73,retired,divorced,high.school,no,yes,no,cellular,aug,mon,114,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +40,technician,married,high.school,no,yes,no,cellular,aug,mon,83,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +30,student,married,university.degree,no,yes,no,cellular,aug,mon,186,3,3,1,success,-2.9,92.20100000000001,-31.4,0.821,5076.2,yes +29,admin.,single,university.degree,no,yes,yes,cellular,aug,mon,121,12,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +53,admin.,married,university.degree,no,yes,no,cellular,aug,mon,81,1,999,2,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +53,admin.,married,university.degree,no,yes,no,cellular,aug,mon,267,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,yes +38,admin.,married,high.school,no,yes,no,cellular,aug,mon,106,1,999,1,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +38,admin.,married,high.school,no,yes,no,cellular,aug,mon,470,1,6,2,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,yes +33,self-employed,married,university.degree,no,yes,no,cellular,aug,mon,98,3,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +31,management,married,university.degree,no,yes,yes,cellular,aug,mon,271,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,yes +59,self-employed,married,university.degree,no,yes,no,telephone,aug,mon,139,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +63,retired,married,university.degree,no,yes,no,cellular,aug,mon,79,1,6,2,failure,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,mon,89,1,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +31,management,married,university.degree,no,yes,no,cellular,aug,mon,197,2,999,0,nonexistent,-2.9,92.20100000000001,-31.4,0.821,5076.2,no +53,admin.,married,university.degree,unknown,yes,no,cellular,sep,tue,81,5,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +32,admin.,single,university.degree,no,yes,yes,cellular,sep,tue,69,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +52,admin.,married,unknown,no,no,no,telephone,sep,tue,97,5,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +39,entrepreneur,married,basic.6y,no,yes,no,cellular,sep,tue,265,2,16,1,success,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,yes +32,admin.,single,university.degree,no,yes,no,cellular,sep,tue,157,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +36,admin.,married,university.degree,no,yes,yes,cellular,sep,tue,28,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +52,admin.,married,unknown,no,no,no,telephone,sep,tue,513,13,14,2,failure,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +35,entrepreneur,married,high.school,no,no,no,cellular,sep,tue,91,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +48,technician,married,basic.9y,no,no,no,cellular,sep,tue,99,3,999,1,failure,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +27,management,single,university.degree,no,yes,no,cellular,sep,tue,137,2,4,2,success,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +38,admin.,single,university.degree,no,yes,yes,cellular,sep,tue,115,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +38,admin.,single,university.degree,no,yes,no,telephone,sep,tue,490,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +28,management,single,university.degree,no,yes,no,cellular,sep,tue,76,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +28,management,single,university.degree,no,yes,no,cellular,sep,tue,368,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +51,blue-collar,married,professional.course,no,yes,no,cellular,sep,tue,86,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +52,technician,married,professional.course,no,yes,yes,cellular,sep,tue,77,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +33,admin.,married,high.school,no,yes,no,cellular,sep,tue,212,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,yes +54,admin.,married,unknown,no,yes,no,cellular,sep,tue,82,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,yes +79,retired,married,basic.9y,no,no,no,cellular,sep,tue,181,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,yes +39,entrepreneur,married,basic.6y,no,yes,no,cellular,sep,tue,531,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,yes +39,entrepreneur,married,basic.6y,no,no,no,cellular,sep,tue,106,4,16,2,failure,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +45,admin.,married,university.degree,no,unknown,unknown,cellular,sep,tue,55,6,999,1,failure,-3.4,92.37899999999999,-29.8,0.8190000000000001,5017.5,no +19,student,single,basic.9y,no,yes,no,cellular,sep,wed,207,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.813,5017.5,no +37,admin.,married,university.degree,no,yes,no,cellular,sep,wed,140,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.813,5017.5,yes +34,technician,married,professional.course,no,yes,no,cellular,sep,wed,233,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.813,5017.5,yes +60,admin.,married,professional.course,no,yes,yes,telephone,sep,wed,61,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.813,5017.5,no +40,unemployed,married,university.degree,no,yes,yes,cellular,sep,wed,172,4,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.813,5017.5,no +34,technician,married,professional.course,no,yes,yes,cellular,sep,wed,121,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.813,5017.5,yes +60,unemployed,married,basic.6y,no,yes,no,cellular,sep,thu,95,1,3,1,success,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +18,student,single,unknown,no,no,no,cellular,sep,thu,385,1,3,1,success,-3.4,92.37899999999999,-29.8,0.809,5017.5,yes +18,student,single,unknown,no,yes,no,cellular,sep,thu,114,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +25,admin.,single,university.degree,no,yes,no,cellular,sep,thu,420,1,1,1,success,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +26,admin.,single,university.degree,no,yes,no,telephone,sep,thu,471,1,7,1,success,-3.4,92.37899999999999,-29.8,0.809,5017.5,yes +72,retired,married,unknown,no,no,no,cellular,sep,thu,60,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +60,management,married,university.degree,no,yes,yes,telephone,sep,thu,225,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +32,admin.,married,university.degree,no,no,no,cellular,sep,thu,444,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.809,5017.5,yes +46,technician,married,professional.course,no,yes,yes,cellular,sep,thu,144,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +60,retired,married,professional.course,no,yes,no,cellular,sep,thu,104,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +60,retired,married,professional.course,no,yes,no,cellular,sep,thu,365,1,3,1,success,-3.4,92.37899999999999,-29.8,0.809,5017.5,yes +44,admin.,married,university.degree,no,yes,no,cellular,sep,thu,331,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.809,5017.5,yes +44,admin.,married,university.degree,no,yes,no,cellular,sep,thu,259,1,14,1,success,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +63,unknown,married,unknown,no,yes,no,cellular,sep,thu,268,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +40,unknown,single,unknown,no,no,no,cellular,sep,thu,224,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.809,5017.5,yes +43,technician,married,high.school,no,yes,no,cellular,sep,thu,531,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +43,technician,married,high.school,no,yes,yes,cellular,sep,thu,167,1,3,2,success,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +26,student,single,unknown,no,no,no,cellular,sep,thu,81,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +26,student,single,unknown,no,yes,yes,cellular,sep,thu,733,1,3,1,success,-3.4,92.37899999999999,-29.8,0.809,5017.5,yes +18,student,single,unknown,no,unknown,unknown,cellular,sep,thu,72,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +71,retired,married,basic.4y,no,yes,no,telephone,sep,thu,2055,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.809,5017.5,no +35,services,divorced,high.school,no,yes,no,cellular,sep,fri,56,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +35,admin.,married,university.degree,no,yes,yes,cellular,sep,fri,73,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +61,retired,married,basic.9y,no,yes,yes,cellular,sep,fri,104,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +59,management,married,university.degree,no,yes,no,cellular,sep,fri,328,2,3,1,success,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +38,technician,married,professional.course,no,yes,no,cellular,sep,fri,166,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +51,technician,married,professional.course,no,no,yes,cellular,sep,fri,520,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +53,technician,married,professional.course,no,yes,yes,cellular,sep,fri,730,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +26,management,single,university.degree,no,no,no,cellular,sep,fri,351,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +41,management,married,basic.6y,no,no,no,cellular,sep,fri,181,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +53,technician,married,professional.course,no,yes,no,telephone,sep,fri,384,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +83,retired,married,unknown,no,yes,no,cellular,sep,fri,369,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +45,admin.,single,high.school,no,no,no,cellular,sep,fri,204,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +40,admin.,divorced,high.school,no,yes,no,telephone,sep,fri,101,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +32,admin.,married,university.degree,no,yes,no,cellular,sep,fri,205,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +50,admin.,married,high.school,no,yes,yes,cellular,sep,fri,128,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +76,management,married,unknown,no,no,no,cellular,sep,fri,113,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +76,management,married,unknown,no,no,no,cellular,sep,fri,879,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +39,blue-collar,married,basic.9y,no,yes,no,cellular,sep,fri,293,1,3,1,success,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +72,retired,married,basic.4y,no,no,no,cellular,sep,fri,230,1,3,2,success,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +18,student,single,unknown,no,yes,no,cellular,sep,fri,563,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +31,admin.,single,university.degree,no,no,no,cellular,sep,fri,123,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +28,student,single,high.school,no,no,no,cellular,sep,fri,555,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +71,retired,married,professional.course,no,no,no,cellular,sep,fri,313,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +63,management,married,unknown,no,yes,no,cellular,sep,fri,156,2,999,2,failure,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +50,admin.,married,high.school,no,yes,no,cellular,sep,fri,434,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,yes +39,technician,married,basic.9y,no,no,no,cellular,sep,fri,171,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +46,admin.,married,high.school,no,yes,yes,cellular,sep,fri,154,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +55,admin.,single,university.degree,no,yes,no,cellular,sep,fri,93,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +47,admin.,married,university.degree,no,no,no,cellular,sep,fri,639,3,999,1,failure,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +31,admin.,single,university.degree,no,yes,no,cellular,sep,fri,112,7,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +54,admin.,married,university.degree,no,no,yes,cellular,sep,fri,172,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.8029999999999999,5017.5,no +28,admin.,married,university.degree,no,yes,yes,cellular,sep,mon,589,3,999,1,failure,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +45,housemaid,single,basic.4y,no,no,no,telephone,sep,mon,569,4,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +59,admin.,married,unknown,no,yes,yes,cellular,sep,mon,281,3,3,1,success,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +61,retired,married,university.degree,no,no,no,cellular,sep,mon,350,1,3,2,success,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +59,admin.,married,unknown,no,no,yes,cellular,sep,mon,295,4,999,1,failure,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +45,housemaid,single,basic.4y,no,yes,no,cellular,sep,mon,219,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +41,admin.,married,university.degree,no,yes,no,cellular,sep,mon,182,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +30,management,married,university.degree,no,yes,no,telephone,sep,mon,221,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +48,technician,married,professional.course,no,yes,no,cellular,sep,mon,669,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +41,admin.,married,university.degree,no,no,no,cellular,sep,mon,133,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +54,technician,married,professional.course,no,no,no,cellular,sep,mon,99,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +54,technician,married,professional.course,no,yes,no,telephone,sep,mon,289,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +25,blue-collar,single,basic.9y,no,no,no,cellular,sep,mon,92,1,999,2,failure,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +28,technician,married,high.school,no,yes,no,cellular,sep,mon,89,1,4,1,success,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +41,admin.,married,university.degree,no,yes,no,cellular,sep,mon,97,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +52,technician,married,professional.course,no,yes,yes,cellular,sep,mon,211,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +45,admin.,married,university.degree,no,no,no,cellular,sep,mon,394,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +45,admin.,married,university.degree,no,no,no,cellular,sep,mon,587,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +61,retired,married,university.degree,no,no,no,telephone,sep,mon,147,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +25,self-employed,single,university.degree,no,yes,no,cellular,sep,mon,510,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +45,admin.,married,university.degree,no,no,no,cellular,sep,mon,351,1,3,2,success,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +28,services,single,university.degree,no,yes,no,cellular,sep,mon,274,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +41,admin.,married,university.degree,no,no,no,cellular,sep,mon,800,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +46,blue-collar,married,professional.course,no,no,no,cellular,sep,mon,98,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +39,admin.,married,university.degree,no,no,no,cellular,sep,mon,57,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,no +30,admin.,single,university.degree,no,no,no,cellular,sep,mon,199,6,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.797,5017.5,yes +68,retired,married,basic.4y,no,no,no,telephone,sep,tue,201,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,no +30,self-employed,single,university.degree,no,yes,no,cellular,sep,tue,145,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +43,technician,married,professional.course,no,no,no,cellular,sep,tue,293,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +49,admin.,married,high.school,no,no,no,cellular,sep,tue,495,1,3,1,success,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +71,retired,married,basic.4y,no,yes,no,cellular,sep,tue,206,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +66,management,divorced,university.degree,no,no,no,cellular,sep,tue,679,1,1,1,success,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +76,retired,divorced,basic.4y,no,no,no,cellular,sep,tue,221,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,no +39,self-employed,divorced,high.school,no,no,no,cellular,sep,tue,261,1,3,1,success,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +30,self-employed,single,university.degree,no,no,no,cellular,sep,tue,169,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +29,self-employed,single,university.degree,no,yes,no,cellular,sep,tue,445,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +63,retired,married,unknown,no,yes,yes,cellular,sep,tue,167,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,no +43,technician,married,high.school,no,yes,no,cellular,sep,tue,260,1,3,1,success,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +75,retired,married,unknown,no,no,no,cellular,sep,tue,191,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +24,student,single,basic.9y,no,unknown,unknown,cellular,sep,tue,137,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +71,retired,married,basic.4y,no,no,no,cellular,sep,tue,76,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,no +39,self-employed,divorced,high.school,no,no,no,cellular,sep,tue,108,2,3,1,success,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +18,student,single,unknown,no,no,no,telephone,sep,tue,401,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,no +30,self-employed,single,university.degree,no,yes,no,cellular,sep,tue,191,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,no +35,services,married,high.school,no,no,no,cellular,sep,tue,421,2,3,1,success,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,no +34,technician,married,professional.course,no,yes,yes,telephone,sep,tue,376,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7879999999999999,5017.5,yes +53,technician,married,unknown,no,no,no,cellular,sep,wed,121,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +30,admin.,married,university.degree,no,yes,yes,cellular,sep,wed,475,5,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +69,retired,married,basic.9y,no,yes,no,cellular,sep,wed,71,1,5,1,success,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +58,retired,married,basic.4y,no,no,no,cellular,sep,wed,394,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +58,retired,married,basic.4y,no,no,no,telephone,sep,wed,180,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +36,services,married,high.school,no,yes,yes,cellular,sep,wed,569,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +78,unknown,married,unknown,no,yes,no,cellular,sep,wed,95,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +78,unknown,married,unknown,no,yes,no,cellular,sep,wed,234,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +46,admin.,married,high.school,no,yes,no,cellular,sep,wed,408,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +91,retired,married,university.degree,no,yes,yes,cellular,sep,wed,837,1,999,2,failure,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +62,retired,married,university.degree,no,yes,no,cellular,sep,wed,105,3,999,1,failure,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +27,admin.,single,university.degree,no,yes,yes,cellular,sep,wed,345,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +27,admin.,single,university.degree,no,no,no,cellular,sep,wed,397,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +36,unemployed,married,unknown,unknown,no,no,cellular,sep,wed,344,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +32,self-employed,single,university.degree,no,yes,no,cellular,sep,wed,372,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +62,retired,married,university.degree,no,no,no,telephone,sep,wed,595,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +29,admin.,single,university.degree,no,yes,no,cellular,sep,wed,307,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +58,housemaid,divorced,basic.4y,no,yes,yes,cellular,sep,wed,511,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +32,student,married,high.school,no,no,no,telephone,sep,wed,277,5,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +91,retired,married,university.degree,no,no,yes,cellular,sep,wed,223,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,no +76,retired,married,basic.4y,no,yes,no,cellular,sep,wed,259,2,3,1,success,-3.4,92.37899999999999,-29.8,0.7809999999999999,5017.5,yes +56,admin.,married,university.degree,no,yes,no,cellular,sep,thu,169,2,3,2,success,-3.4,92.37899999999999,-29.8,0.778,5017.5,yes +56,entrepreneur,married,university.degree,no,yes,no,cellular,sep,thu,105,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.778,5017.5,no +42,management,married,basic.6y,no,yes,no,cellular,sep,thu,84,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.778,5017.5,yes +25,admin.,single,high.school,no,no,no,cellular,sep,thu,185,1,3,1,success,-3.4,92.37899999999999,-29.8,0.778,5017.5,yes +59,management,married,unknown,no,yes,no,cellular,sep,thu,107,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.778,5017.5,no +56,admin.,married,high.school,no,no,no,cellular,sep,thu,276,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.778,5017.5,no +42,management,married,basic.6y,no,yes,no,telephone,sep,thu,230,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.778,5017.5,yes +31,technician,married,professional.course,no,yes,no,cellular,sep,fri,90,4,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +69,retired,married,high.school,no,no,no,cellular,sep,fri,346,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +69,retired,married,university.degree,no,yes,no,cellular,sep,fri,324,8,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +57,management,married,basic.4y,no,yes,no,cellular,sep,fri,122,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +73,retired,married,basic.4y,no,yes,no,cellular,sep,fri,96,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +34,admin.,single,university.degree,no,no,no,cellular,sep,fri,260,3,3,2,success,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +49,admin.,divorced,university.degree,no,yes,no,cellular,sep,fri,283,3,3,1,success,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +53,housemaid,married,basic.4y,no,yes,no,cellular,sep,fri,129,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +36,admin.,single,university.degree,no,yes,no,cellular,sep,fri,339,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +36,admin.,married,university.degree,no,yes,no,cellular,sep,fri,355,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +43,admin.,single,high.school,no,yes,no,cellular,sep,fri,212,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +76,retired,married,university.degree,no,yes,no,cellular,sep,fri,336,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +28,admin.,single,university.degree,no,yes,no,cellular,sep,fri,91,1,1,3,success,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +73,retired,married,basic.4y,no,yes,no,cellular,sep,fri,158,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +40,unemployed,married,professional.course,no,no,yes,telephone,sep,fri,91,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +38,admin.,single,high.school,no,yes,no,cellular,sep,fri,113,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +31,admin.,single,high.school,no,yes,no,cellular,sep,fri,210,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +36,admin.,single,university.degree,no,yes,no,cellular,sep,fri,100,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +69,retired,married,high.school,no,no,no,cellular,sep,fri,240,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +71,retired,married,unknown,no,yes,no,cellular,sep,fri,658,4,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +34,admin.,married,university.degree,no,no,no,telephone,sep,fri,290,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,yes +40,unemployed,married,professional.course,no,yes,no,cellular,sep,fri,155,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.773,5017.5,no +47,management,married,university.degree,no,yes,no,cellular,sep,mon,323,1,3,2,success,-3.4,92.37899999999999,-29.8,0.7709999999999999,5017.5,yes +30,self-employed,married,university.degree,no,yes,no,telephone,sep,mon,103,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7709999999999999,5017.5,no +83,retired,married,unknown,no,yes,no,cellular,sep,mon,75,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7709999999999999,5017.5,no +39,admin.,married,high.school,no,no,no,cellular,sep,mon,85,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7709999999999999,5017.5,no +41,technician,married,professional.course,no,yes,no,cellular,sep,mon,394,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7709999999999999,5017.5,no +46,unemployed,married,university.degree,no,yes,yes,cellular,sep,mon,161,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7709999999999999,5017.5,no +62,entrepreneur,married,university.degree,no,no,no,cellular,sep,tue,170,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +62,entrepreneur,married,university.degree,no,yes,no,telephone,sep,tue,722,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +70,retired,married,basic.4y,no,no,no,cellular,sep,tue,150,1,3,2,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +59,retired,married,basic.4y,no,yes,no,cellular,sep,tue,458,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +49,blue-collar,married,basic.4y,no,yes,no,cellular,sep,tue,133,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.77,5017.5,no +70,admin.,married,basic.4y,no,no,no,cellular,sep,tue,1962,1,999,2,failure,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +29,admin.,single,high.school,no,yes,no,cellular,sep,tue,107,2,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +27,admin.,married,university.degree,no,yes,no,cellular,sep,tue,173,2,6,2,failure,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +24,technician,married,university.degree,no,yes,yes,cellular,sep,tue,89,2,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +21,student,single,basic.9y,no,unknown,unknown,cellular,sep,tue,875,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +51,services,married,high.school,no,yes,no,cellular,sep,tue,208,1,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,no +27,admin.,single,university.degree,no,yes,no,cellular,sep,tue,126,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +70,admin.,married,basic.4y,no,yes,yes,cellular,sep,tue,91,1,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +24,admin.,single,university.degree,no,no,no,cellular,sep,tue,106,1,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +53,technician,married,professional.course,no,no,no,cellular,sep,tue,103,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.77,5017.5,no +53,technician,married,professional.course,no,no,no,cellular,sep,tue,925,1,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,yes +66,admin.,married,university.degree,no,no,no,cellular,sep,tue,39,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.77,5017.5,no +69,unknown,married,university.degree,no,yes,yes,cellular,sep,tue,109,2,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,no +47,admin.,divorced,high.school,no,yes,no,cellular,sep,tue,188,1,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,no +70,admin.,married,basic.4y,no,no,no,cellular,sep,tue,111,1,3,1,success,-3.4,92.37899999999999,-29.8,0.77,5017.5,no +38,admin.,single,university.degree,unknown,yes,no,cellular,sep,wed,153,1,3,1,success,-3.4,92.37899999999999,-29.8,0.768,5017.5,yes +31,self-employed,married,university.degree,no,no,no,cellular,sep,wed,106,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +31,self-employed,married,university.degree,no,no,no,cellular,sep,wed,152,1,3,1,success,-3.4,92.37899999999999,-29.8,0.768,5017.5,yes +49,unemployed,married,high.school,no,no,no,cellular,sep,wed,169,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +49,unemployed,married,high.school,no,yes,no,cellular,sep,wed,177,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +32,technician,married,university.degree,no,no,no,telephone,sep,wed,994,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +49,unemployed,married,high.school,no,no,no,cellular,sep,wed,292,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.768,5017.5,yes +49,unemployed,married,high.school,no,no,no,cellular,sep,wed,387,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.768,5017.5,yes +60,retired,divorced,high.school,no,no,no,cellular,sep,wed,99,2,999,2,failure,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +51,unemployed,married,high.school,no,yes,no,cellular,sep,wed,657,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +32,technician,married,university.degree,no,no,no,cellular,sep,wed,246,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +50,blue-collar,married,basic.6y,no,yes,no,cellular,sep,wed,92,3,999,1,failure,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +63,retired,married,professional.course,no,no,no,telephone,sep,wed,134,3,999,1,failure,-3.4,92.37899999999999,-29.8,0.768,5017.5,no +43,self-employed,married,high.school,no,yes,no,cellular,sep,thu,613,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7659999999999999,5017.5,no +36,admin.,married,high.school,no,yes,no,cellular,sep,thu,192,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7659999999999999,5017.5,no +36,admin.,married,high.school,no,no,no,cellular,sep,thu,543,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7659999999999999,5017.5,yes +46,self-employed,divorced,high.school,no,no,no,cellular,sep,fri,267,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.762,5017.5,yes +56,unemployed,married,professional.course,no,no,no,cellular,sep,fri,323,3,6,1,success,-3.4,92.37899999999999,-29.8,0.762,5017.5,yes +52,admin.,married,university.degree,no,no,no,cellular,sep,fri,1104,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.762,5017.5,yes +56,unemployed,married,professional.course,no,no,no,cellular,sep,fri,1551,1,999,2,failure,-3.4,92.37899999999999,-29.8,0.762,5017.5,no +37,technician,married,university.degree,no,yes,no,telephone,sep,tue,773,1,3,2,success,-3.4,92.37899999999999,-29.8,0.755,5017.5,yes +39,services,married,high.school,no,no,no,cellular,sep,tue,65,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.755,5017.5,yes +60,self-employed,divorced,university.degree,no,no,no,cellular,sep,tue,83,1,3,1,success,-3.4,92.37899999999999,-29.8,0.755,5017.5,yes +47,admin.,divorced,high.school,no,yes,no,cellular,sep,tue,159,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.755,5017.5,no +44,technician,married,professional.course,no,yes,no,cellular,sep,tue,173,1,4,1,success,-3.4,92.37899999999999,-29.8,0.755,5017.5,yes +22,services,single,professional.course,no,yes,yes,cellular,sep,tue,239,1,3,2,success,-3.4,92.37899999999999,-29.8,0.755,5017.5,yes +22,services,single,professional.course,no,yes,yes,cellular,sep,tue,369,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.755,5017.5,yes +50,technician,married,university.degree,no,yes,yes,cellular,sep,wed,1353,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7490000000000001,5017.5,no +63,housemaid,married,basic.4y,no,yes,no,cellular,sep,wed,299,1,3,1,success,-3.4,92.37899999999999,-29.8,0.7490000000000001,5017.5,yes +35,technician,married,university.degree,no,yes,yes,cellular,sep,thu,62,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.743,5017.5,no +60,retired,divorced,professional.course,no,yes,no,cellular,sep,thu,63,1,999,2,failure,-3.4,92.37899999999999,-29.8,0.743,5017.5,no +60,retired,divorced,professional.course,no,yes,yes,cellular,sep,thu,794,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.743,5017.5,no +33,technician,single,basic.9y,no,no,no,cellular,sep,fri,105,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +54,blue-collar,married,basic.4y,no,no,no,cellular,sep,fri,49,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +53,admin.,divorced,university.degree,no,yes,yes,cellular,sep,fri,168,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +61,management,married,university.degree,no,yes,no,cellular,sep,fri,491,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +70,retired,married,high.school,no,yes,no,cellular,sep,fri,144,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +61,management,married,university.degree,no,no,no,cellular,sep,fri,105,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +70,retired,divorced,university.degree,no,yes,no,cellular,sep,fri,692,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,yes +68,retired,single,university.degree,no,yes,no,cellular,sep,fri,81,1,3,1,success,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +70,retired,divorced,university.degree,no,no,no,cellular,sep,fri,399,2,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +68,retired,single,university.degree,no,yes,no,cellular,sep,fri,139,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +33,technician,single,basic.9y,no,yes,no,cellular,sep,fri,114,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +45,admin.,married,university.degree,no,yes,no,cellular,sep,fri,64,1,999,2,failure,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +53,blue-collar,married,basic.4y,no,yes,no,cellular,sep,fri,85,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +62,self-employed,married,university.degree,unknown,no,no,cellular,sep,fri,74,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +62,self-employed,married,university.degree,unknown,yes,no,cellular,sep,fri,79,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,no +81,retired,married,basic.4y,no,yes,no,cellular,sep,fri,210,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.741,5017.5,yes +68,retired,single,university.degree,no,no,no,cellular,sep,mon,500,2,999,1,failure,-3.4,92.37899999999999,-29.8,0.7390000000000001,5017.5,no +30,admin.,married,university.degree,no,no,no,cellular,sep,mon,294,2,6,1,success,-3.4,92.37899999999999,-29.8,0.7390000000000001,5017.5,yes +68,retired,single,university.degree,no,yes,no,telephone,sep,mon,80,3,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.7390000000000001,5017.5,no +43,services,married,basic.6y,no,no,no,cellular,sep,tue,115,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.75,5017.5,no +43,services,married,basic.6y,no,no,no,cellular,sep,tue,159,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.75,5017.5,yes +43,services,married,basic.6y,no,yes,no,cellular,sep,tue,79,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.75,5017.5,no +30,unemployed,single,high.school,no,yes,no,cellular,sep,tue,75,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.75,5017.5,no +70,housemaid,divorced,basic.4y,no,no,no,cellular,sep,tue,213,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.75,5017.5,no +70,housemaid,divorced,basic.4y,no,yes,no,cellular,sep,tue,161,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.75,5017.5,no +56,management,divorced,university.degree,no,no,no,cellular,sep,tue,277,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.75,5017.5,yes +37,housemaid,divorced,high.school,no,no,no,cellular,sep,wed,134,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.753,5017.5,no +61,retired,married,high.school,no,yes,no,cellular,sep,wed,117,1,3,1,success,-3.4,92.37899999999999,-29.8,0.753,5017.5,yes +35,technician,married,professional.course,no,yes,no,cellular,sep,wed,195,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.753,5017.5,no +55,unemployed,married,university.degree,no,yes,yes,cellular,sep,wed,585,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.753,5017.5,no +35,admin.,married,university.degree,no,yes,no,telephone,sep,wed,234,1,999,0,nonexistent,-3.4,92.37899999999999,-29.8,0.753,5017.5,yes +37,unknown,single,university.degree,no,yes,yes,cellular,sep,wed,78,1,999,1,failure,-3.4,92.37899999999999,-29.8,0.753,5017.5,no +37,unknown,single,university.degree,no,no,no,cellular,sep,wed,314,1,1,1,success,-3.4,92.37899999999999,-29.8,0.753,5017.5,no +50,management,married,university.degree,no,yes,no,cellular,oct,thu,305,2,4,1,success,-3.4,92.431,-26.9,0.754,5017.5,yes +37,admin.,single,university.degree,no,yes,no,cellular,oct,thu,447,3,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,yes +59,technician,single,basic.6y,no,no,no,cellular,oct,thu,86,1,999,2,failure,-3.4,92.431,-26.9,0.754,5017.5,no +31,admin.,married,university.degree,no,yes,no,cellular,oct,thu,760,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +35,admin.,married,high.school,no,yes,no,cellular,oct,thu,194,1,4,1,success,-3.4,92.431,-26.9,0.754,5017.5,yes +35,admin.,married,high.school,no,no,no,cellular,oct,thu,302,1,4,2,success,-3.4,92.431,-26.9,0.754,5017.5,no +36,admin.,married,university.degree,no,yes,no,cellular,oct,thu,66,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +69,retired,married,university.degree,no,yes,no,cellular,oct,thu,199,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +65,admin.,married,university.degree,no,yes,no,cellular,oct,thu,120,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +49,technician,divorced,unknown,no,no,no,cellular,oct,thu,56,1,999,2,failure,-3.4,92.431,-26.9,0.754,5017.5,no +49,technician,divorced,unknown,no,no,no,cellular,oct,thu,237,1,999,2,failure,-3.4,92.431,-26.9,0.754,5017.5,no +49,technician,divorced,unknown,no,yes,no,cellular,oct,thu,168,1,4,1,success,-3.4,92.431,-26.9,0.754,5017.5,no +78,retired,married,basic.9y,no,yes,no,telephone,oct,thu,321,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +32,admin.,married,university.degree,no,yes,no,cellular,oct,thu,177,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +50,management,married,university.degree,no,yes,no,telephone,oct,thu,258,1,999,1,failure,-3.4,92.431,-26.9,0.754,5017.5,no +71,retired,married,basic.4y,no,no,no,cellular,oct,thu,250,2,999,2,failure,-3.4,92.431,-26.9,0.754,5017.5,no +29,admin.,single,university.degree,no,yes,no,cellular,oct,thu,99,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +51,technician,married,professional.course,no,yes,no,cellular,oct,thu,67,6,6,3,failure,-3.4,92.431,-26.9,0.754,5017.5,no +49,technician,divorced,unknown,no,yes,yes,cellular,oct,thu,81,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +23,unemployed,single,basic.9y,no,yes,no,cellular,oct,thu,238,1,4,1,success,-3.4,92.431,-26.9,0.754,5017.5,yes +38,admin.,married,high.school,no,yes,no,cellular,oct,thu,82,1,999,1,failure,-3.4,92.431,-26.9,0.754,5017.5,no +71,retired,married,basic.4y,no,yes,no,cellular,oct,thu,137,1,999,1,failure,-3.4,92.431,-26.9,0.754,5017.5,yes +26,technician,single,university.degree,no,yes,no,cellular,oct,thu,152,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +54,management,divorced,university.degree,unknown,yes,no,cellular,oct,thu,214,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,no +75,retired,divorced,basic.4y,unknown,yes,no,cellular,oct,thu,502,1,999,0,nonexistent,-3.4,92.431,-26.9,0.754,5017.5,yes +83,retired,married,professional.course,no,yes,no,cellular,oct,fri,849,2,4,1,success,-3.4,92.431,-26.9,0.752,5017.5,yes +28,unemployed,single,basic.4y,no,yes,yes,cellular,oct,fri,462,1,999,0,nonexistent,-3.4,92.431,-26.9,0.752,5017.5,no +63,retired,married,basic.6y,no,yes,no,cellular,oct,fri,91,2,999,0,nonexistent,-3.4,92.431,-26.9,0.752,5017.5,no +28,unemployed,single,basic.4y,no,yes,no,cellular,oct,fri,160,2,4,1,success,-3.4,92.431,-26.9,0.752,5017.5,no +71,retired,married,basic.9y,no,no,no,cellular,oct,fri,131,2,999,0,nonexistent,-3.4,92.431,-26.9,0.752,5017.5,no +82,retired,married,university.degree,no,yes,no,cellular,oct,tue,215,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,yes +45,blue-collar,married,professional.course,no,no,no,cellular,oct,tue,117,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +68,retired,married,high.school,no,yes,no,cellular,oct,tue,88,1,999,2,failure,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +37,housemaid,single,university.degree,no,yes,no,cellular,oct,tue,89,1,999,1,failure,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +43,management,single,university.degree,no,yes,no,cellular,oct,tue,205,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +43,management,single,university.degree,no,no,no,cellular,oct,tue,408,1,999,1,failure,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +69,retired,divorced,professional.course,no,no,no,cellular,oct,tue,144,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,yes +82,retired,married,university.degree,no,yes,yes,cellular,oct,tue,63,1,999,1,failure,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +82,retired,married,university.degree,no,yes,no,cellular,oct,tue,526,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +80,retired,divorced,basic.4y,no,no,no,cellular,oct,tue,96,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +65,retired,married,high.school,no,yes,no,cellular,oct,tue,384,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,yes +80,retired,divorced,basic.4y,no,no,no,cellular,oct,tue,125,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +41,technician,married,professional.course,no,yes,no,cellular,oct,tue,304,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +27,admin.,married,high.school,no,no,no,cellular,oct,tue,572,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +56,unknown,married,basic.4y,no,yes,no,cellular,oct,tue,172,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,no +56,unknown,married,basic.4y,no,no,no,cellular,oct,tue,480,1,2,2,success,-3.4,92.431,-26.9,0.7440000000000001,5017.5,yes +37,housemaid,single,university.degree,no,no,no,cellular,oct,tue,296,3,999,0,nonexistent,-3.4,92.431,-26.9,0.7440000000000001,5017.5,yes +36,admin.,married,university.degree,no,yes,no,cellular,oct,wed,133,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,no +63,retired,married,high.school,no,yes,no,cellular,oct,wed,323,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +30,unemployed,single,high.school,no,yes,yes,cellular,oct,wed,953,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +50,unknown,married,unknown,no,no,no,cellular,oct,wed,209,1,8,3,failure,-3.4,92.431,-26.9,0.74,5017.5,yes +35,admin.,married,university.degree,no,no,no,cellular,oct,wed,371,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,yes +86,retired,divorced,basic.4y,no,unknown,unknown,cellular,oct,wed,130,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +48,management,married,university.degree,no,yes,yes,cellular,oct,wed,157,2,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +34,self-employed,married,university.degree,no,no,no,cellular,oct,wed,201,1,5,3,failure,-3.4,92.431,-26.9,0.74,5017.5,yes +58,technician,married,basic.4y,no,no,yes,cellular,oct,wed,867,2,4,2,success,-3.4,92.431,-26.9,0.74,5017.5,no +38,admin.,married,university.degree,no,yes,no,cellular,oct,wed,90,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +60,admin.,married,unknown,no,yes,no,cellular,oct,wed,290,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,yes +48,management,married,university.degree,no,no,no,cellular,oct,wed,81,1,6,1,success,-3.4,92.431,-26.9,0.74,5017.5,yes +48,management,married,university.degree,no,yes,no,cellular,oct,wed,294,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,yes +48,management,married,university.degree,no,no,no,cellular,oct,wed,301,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,no +35,technician,married,university.degree,no,yes,no,telephone,oct,wed,73,2,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +38,admin.,married,university.degree,no,no,no,cellular,oct,wed,180,2,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,no +58,technician,married,basic.4y,no,yes,no,telephone,oct,wed,88,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +53,admin.,married,unknown,no,yes,no,cellular,oct,wed,73,2,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +58,technician,married,basic.4y,no,yes,no,cellular,oct,wed,525,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +32,admin.,married,university.degree,no,yes,yes,cellular,oct,wed,223,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +63,retired,married,high.school,no,no,no,cellular,oct,wed,335,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,yes +63,retired,married,high.school,no,no,no,cellular,oct,wed,1386,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +41,technician,married,professional.course,no,no,no,cellular,oct,thu,173,2,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,no +48,admin.,married,high.school,no,no,no,cellular,oct,thu,113,1,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,no +69,technician,married,professional.course,no,yes,no,cellular,oct,thu,189,1,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,no +42,management,divorced,unknown,no,yes,no,cellular,oct,thu,148,1,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,no +42,management,divorced,unknown,no,yes,no,telephone,oct,thu,259,1,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,no +42,management,divorced,unknown,no,no,no,cellular,oct,thu,78,1,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,no +77,retired,divorced,unknown,no,no,no,cellular,oct,thu,97,2,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,no +54,management,divorced,university.degree,no,yes,no,cellular,oct,thu,234,2,6,1,success,-3.4,92.431,-26.9,0.741,5017.5,yes +36,technician,married,professional.course,unknown,no,no,cellular,oct,thu,667,1,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,yes +37,management,single,basic.9y,no,no,no,cellular,oct,thu,137,1,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,yes +69,technician,married,professional.course,no,yes,no,cellular,oct,thu,676,1,999,0,nonexistent,-3.4,92.431,-26.9,0.741,5017.5,no +42,management,single,university.degree,no,no,no,cellular,oct,fri,1106,2,999,0,nonexistent,-3.4,92.431,-26.9,0.743,5017.5,yes +29,unemployed,divorced,high.school,no,no,no,cellular,oct,mon,181,2,999,0,nonexistent,-3.4,92.431,-26.9,0.743,5017.5,no +59,technician,married,university.degree,no,no,no,cellular,oct,mon,268,1,999,1,failure,-3.4,92.431,-26.9,0.743,5017.5,no +42,management,single,university.degree,no,yes,no,cellular,oct,mon,105,1,999,0,nonexistent,-3.4,92.431,-26.9,0.743,5017.5,yes +42,management,single,university.degree,no,no,no,cellular,oct,mon,134,1,6,1,success,-3.4,92.431,-26.9,0.743,5017.5,no +59,technician,married,university.degree,no,yes,no,cellular,oct,mon,511,3,999,1,failure,-3.4,92.431,-26.9,0.743,5017.5,yes +42,management,single,university.degree,no,yes,no,cellular,oct,mon,138,1,999,0,nonexistent,-3.4,92.431,-26.9,0.743,5017.5,yes +75,retired,married,basic.9y,no,no,no,cellular,oct,mon,120,1,999,0,nonexistent,-3.4,92.431,-26.9,0.743,5017.5,no +36,admin.,married,university.degree,no,yes,yes,cellular,oct,mon,78,1,999,1,failure,-3.4,92.431,-26.9,0.743,5017.5,yes +29,unemployed,divorced,high.school,no,no,no,cellular,oct,mon,92,1,999,0,nonexistent,-3.4,92.431,-26.9,0.743,5017.5,no +42,management,single,university.degree,no,no,no,cellular,oct,mon,146,1,999,0,nonexistent,-3.4,92.431,-26.9,0.743,5017.5,yes +33,blue-collar,married,basic.4y,no,yes,no,telephone,oct,mon,99,3,3,1,success,-3.4,92.431,-26.9,0.743,5017.5,no +77,retired,married,university.degree,no,no,yes,cellular,oct,mon,348,1,999,0,nonexistent,-3.4,92.431,-26.9,0.743,5017.5,yes +70,retired,married,university.degree,no,yes,no,cellular,oct,mon,837,2,999,1,failure,-3.4,92.431,-26.9,0.743,5017.5,no +38,technician,divorced,professional.course,no,no,yes,cellular,oct,tue,135,1,999,2,failure,-3.4,92.431,-26.9,0.742,5017.5,no +32,admin.,married,professional.course,no,yes,no,cellular,oct,tue,435,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +44,technician,married,basic.9y,no,yes,no,cellular,oct,tue,306,1,2,1,success,-3.4,92.431,-26.9,0.742,5017.5,no +48,admin.,married,basic.6y,no,no,no,cellular,oct,tue,61,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +80,retired,married,basic.4y,no,yes,yes,cellular,oct,tue,78,1,999,1,failure,-3.4,92.431,-26.9,0.742,5017.5,no +71,retired,single,university.degree,no,unknown,unknown,cellular,oct,tue,98,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +71,retired,single,university.degree,no,yes,no,cellular,oct,tue,167,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +71,retired,single,university.degree,no,no,no,telephone,oct,tue,120,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +26,student,single,basic.9y,no,unknown,unknown,cellular,oct,tue,92,1,999,1,failure,-3.4,92.431,-26.9,0.742,5017.5,no +30,management,married,university.degree,no,no,no,cellular,oct,tue,411,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +35,student,single,university.degree,no,yes,no,cellular,oct,tue,79,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +30,management,married,university.degree,no,yes,no,cellular,oct,tue,1226,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +80,retired,married,basic.4y,no,no,no,cellular,oct,tue,242,1,999,2,failure,-3.4,92.431,-26.9,0.742,5017.5,yes +45,blue-collar,single,basic.9y,no,no,no,cellular,oct,tue,845,1,999,2,failure,-3.4,92.431,-26.9,0.742,5017.5,no +33,unemployed,married,high.school,no,no,yes,cellular,oct,tue,227,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +58,unemployed,married,basic.9y,no,no,yes,cellular,oct,tue,49,1,999,2,failure,-3.4,92.431,-26.9,0.742,5017.5,no +55,technician,married,professional.course,no,yes,no,cellular,oct,tue,182,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +55,technician,married,professional.course,no,no,no,cellular,oct,tue,213,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +55,technician,married,professional.course,no,no,no,cellular,oct,tue,285,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +48,technician,married,professional.course,no,no,yes,telephone,oct,tue,200,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +32,admin.,married,professional.course,no,yes,no,cellular,oct,tue,169,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +32,admin.,married,professional.course,no,no,yes,cellular,oct,tue,221,1,6,1,success,-3.4,92.431,-26.9,0.742,5017.5,yes +22,student,single,high.school,no,yes,no,cellular,oct,tue,210,1,6,1,success,-3.4,92.431,-26.9,0.742,5017.5,yes +26,student,single,basic.9y,no,yes,no,cellular,oct,tue,75,2,999,1,failure,-3.4,92.431,-26.9,0.742,5017.5,no +27,technician,single,unknown,no,no,no,cellular,oct,tue,404,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +56,admin.,married,basic.9y,no,yes,no,cellular,oct,tue,1573,2,999,1,failure,-3.4,92.431,-26.9,0.742,5017.5,no +17,student,single,unknown,no,no,yes,cellular,oct,tue,896,1,2,2,success,-3.4,92.431,-26.9,0.742,5017.5,yes +33,unemployed,married,high.school,no,yes,yes,cellular,oct,tue,301,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +45,blue-collar,single,basic.9y,no,no,yes,cellular,oct,tue,204,2,999,1,failure,-3.4,92.431,-26.9,0.742,5017.5,yes +26,student,single,basic.9y,no,yes,no,telephone,oct,tue,1003,3,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +48,admin.,married,basic.6y,no,yes,no,cellular,oct,tue,115,2,5,2,success,-3.4,92.431,-26.9,0.742,5017.5,no +80,retired,married,basic.4y,no,no,no,cellular,oct,tue,82,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +44,blue-collar,single,professional.course,no,no,no,cellular,oct,tue,123,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +71,retired,single,university.degree,no,no,no,telephone,oct,tue,120,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +28,technician,single,high.school,no,no,no,cellular,oct,wed,216,1,999,1,failure,-3.4,92.431,-26.9,0.742,5017.5,yes +28,technician,single,high.school,no,unknown,unknown,cellular,oct,wed,84,1,6,1,success,-3.4,92.431,-26.9,0.742,5017.5,yes +28,admin.,single,high.school,no,no,no,telephone,oct,wed,958,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +36,admin.,single,university.degree,no,no,no,cellular,oct,wed,146,1,999,1,failure,-3.4,92.431,-26.9,0.742,5017.5,no +71,retired,married,basic.9y,no,no,no,cellular,oct,wed,237,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +36,admin.,single,university.degree,no,yes,no,cellular,oct,wed,113,1,2,2,success,-3.4,92.431,-26.9,0.742,5017.5,no +74,retired,married,unknown,no,yes,yes,cellular,oct,wed,251,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +37,technician,married,university.degree,no,yes,no,cellular,oct,wed,364,1,999,1,failure,-3.4,92.431,-26.9,0.742,5017.5,yes +36,admin.,married,university.degree,no,yes,no,cellular,oct,wed,104,1,999,2,failure,-3.4,92.431,-26.9,0.742,5017.5,no +37,blue-collar,single,professional.course,no,no,no,cellular,oct,wed,727,3,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +56,admin.,married,basic.9y,no,no,no,cellular,oct,wed,79,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +38,admin.,married,high.school,no,yes,no,cellular,oct,wed,108,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +35,technician,married,university.degree,no,yes,no,cellular,oct,wed,68,1,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +42,entrepreneur,married,basic.9y,no,no,no,cellular,oct,wed,122,3,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +34,management,married,university.degree,no,no,no,telephone,oct,wed,290,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,yes +28,technician,single,university.degree,no,yes,yes,cellular,oct,wed,166,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +36,admin.,married,university.degree,no,no,no,cellular,oct,wed,632,2,999,0,nonexistent,-3.4,92.431,-26.9,0.742,5017.5,no +36,unemployed,married,high.school,no,no,no,telephone,oct,thu,130,2,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +33,admin.,single,university.degree,no,no,no,cellular,oct,thu,441,5,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,yes +37,blue-collar,married,basic.6y,no,yes,no,cellular,oct,thu,262,4,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +35,admin.,married,university.degree,no,yes,no,cellular,oct,thu,86,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,no +49,admin.,single,university.degree,no,no,no,cellular,oct,thu,73,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +28,student,single,high.school,no,no,no,telephone,oct,thu,280,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +34,technician,single,professional.course,no,no,no,cellular,oct,thu,138,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,no +30,self-employed,single,high.school,no,no,no,telephone,oct,thu,172,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +44,admin.,divorced,high.school,no,no,no,cellular,oct,thu,634,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +28,admin.,single,university.degree,no,yes,no,cellular,oct,thu,522,2,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +68,retired,married,professional.course,no,no,no,cellular,oct,thu,76,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,no +37,blue-collar,married,basic.6y,no,no,no,cellular,oct,thu,244,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +37,blue-collar,married,basic.6y,no,yes,no,cellular,oct,thu,68,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +40,services,married,professional.course,no,yes,no,cellular,oct,thu,244,1,3,1,success,-3.4,92.431,-26.9,0.74,5017.5,yes +28,student,single,unknown,no,yes,no,cellular,oct,thu,231,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +74,retired,married,professional.course,no,yes,no,cellular,oct,thu,96,2,3,1,success,-3.4,92.431,-26.9,0.74,5017.5,no +35,admin.,married,university.degree,no,yes,no,cellular,oct,thu,126,2,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +74,retired,married,basic.9y,no,yes,no,cellular,oct,thu,134,2,6,1,success,-3.4,92.431,-26.9,0.74,5017.5,yes +37,blue-collar,married,basic.6y,no,no,no,cellular,oct,thu,246,5,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +37,blue-collar,married,basic.6y,no,no,no,cellular,oct,thu,128,2,6,3,failure,-3.4,92.431,-26.9,0.74,5017.5,yes +33,admin.,single,university.degree,no,yes,no,telephone,oct,thu,166,3,6,2,success,-3.4,92.431,-26.9,0.74,5017.5,yes +25,admin.,single,university.degree,no,yes,yes,telephone,oct,thu,227,1,999,0,nonexistent,-3.4,92.431,-26.9,0.74,5017.5,no +37,management,single,university.degree,no,no,no,cellular,oct,thu,570,1,999,1,failure,-3.4,92.431,-26.9,0.74,5017.5,yes +83,retired,married,basic.9y,no,no,no,cellular,oct,fri,138,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +25,admin.,single,university.degree,no,yes,yes,cellular,oct,fri,115,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +28,services,married,basic.9y,no,yes,no,telephone,oct,fri,186,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +28,services,married,basic.9y,no,yes,no,cellular,oct,fri,847,1,2,1,success,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +85,housemaid,divorced,basic.4y,unknown,yes,no,telephone,oct,fri,181,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +22,student,single,high.school,no,no,no,cellular,oct,fri,154,2,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +32,self-employed,married,professional.course,no,no,yes,cellular,oct,fri,55,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +25,admin.,single,university.degree,no,unknown,unknown,cellular,oct,fri,1580,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +39,technician,married,university.degree,no,no,no,cellular,oct,fri,170,1,6,1,success,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +33,technician,married,professional.course,no,yes,no,cellular,oct,fri,154,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +40,admin.,married,university.degree,no,yes,yes,cellular,oct,fri,109,5,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +38,admin.,married,university.degree,no,yes,no,cellular,oct,fri,131,2,8,1,success,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +39,technician,married,university.degree,no,yes,no,cellular,oct,fri,141,1,7,2,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +39,admin.,single,high.school,no,no,no,cellular,oct,fri,95,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +39,admin.,single,high.school,no,yes,no,cellular,oct,fri,132,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +33,admin.,single,university.degree,no,yes,no,cellular,oct,fri,233,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +60,self-employed,married,university.degree,no,yes,no,telephone,oct,fri,128,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +33,self-employed,single,professional.course,no,yes,yes,telephone,oct,fri,193,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +26,admin.,single,university.degree,no,no,no,cellular,oct,fri,306,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +30,technician,single,professional.course,no,yes,no,telephone,oct,fri,169,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +36,services,married,high.school,no,yes,no,cellular,oct,fri,104,1,6,1,success,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +36,services,married,high.school,no,no,no,cellular,oct,fri,141,1,999,2,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +49,admin.,single,high.school,no,no,no,cellular,oct,fri,165,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +49,admin.,single,high.school,no,yes,no,telephone,oct,fri,434,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +28,admin.,single,university.degree,no,no,no,cellular,oct,fri,317,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +50,technician,married,professional.course,no,unknown,unknown,cellular,oct,fri,447,1,8,2,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +33,admin.,married,university.degree,no,no,no,cellular,oct,fri,130,1,6,1,success,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +38,technician,married,university.degree,no,no,no,cellular,oct,fri,156,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +28,management,single,university.degree,no,no,no,cellular,oct,fri,324,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +62,retired,married,university.degree,unknown,no,no,cellular,oct,fri,717,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +34,management,married,university.degree,no,yes,no,cellular,oct,fri,87,1,2,1,success,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +44,blue-collar,married,professional.course,no,no,no,cellular,oct,fri,283,1,999,2,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +32,admin.,single,university.degree,no,no,no,cellular,oct,fri,147,2,6,1,success,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +49,admin.,single,high.school,no,yes,no,cellular,oct,fri,136,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +36,admin.,married,university.degree,no,no,no,cellular,oct,fri,342,1,999,2,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +36,management,married,basic.4y,no,no,no,cellular,oct,mon,143,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +70,retired,married,basic.4y,no,yes,no,cellular,oct,mon,131,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +34,admin.,single,university.degree,no,no,no,cellular,oct,mon,131,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +29,management,single,university.degree,no,no,no,cellular,oct,mon,94,1,999,2,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +21,student,single,high.school,no,no,yes,cellular,oct,mon,238,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +60,retired,married,basic.4y,no,no,no,cellular,oct,mon,98,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +60,retired,married,basic.4y,no,no,no,cellular,oct,mon,599,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +60,retired,married,basic.4y,no,yes,no,cellular,oct,mon,1020,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +25,admin.,single,university.degree,no,yes,no,cellular,oct,mon,123,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +36,admin.,single,high.school,no,yes,no,cellular,oct,mon,113,1,6,1,success,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +55,entrepreneur,married,professional.course,no,yes,no,cellular,oct,mon,534,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +60,retired,married,basic.4y,no,no,no,cellular,oct,mon,82,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +55,entrepreneur,married,professional.course,no,no,no,cellular,oct,mon,116,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +30,services,single,high.school,no,no,no,cellular,oct,mon,120,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +32,services,married,high.school,no,no,no,cellular,oct,mon,217,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +54,unemployed,divorced,high.school,no,no,yes,cellular,oct,mon,54,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +20,student,single,high.school,no,no,yes,cellular,oct,mon,169,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +36,management,married,basic.4y,no,yes,no,cellular,oct,mon,109,3,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +38,blue-collar,married,basic.9y,no,yes,no,cellular,oct,mon,167,3,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +30,services,single,high.school,no,yes,no,cellular,oct,mon,385,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +55,entrepreneur,married,professional.course,no,yes,no,telephone,oct,mon,323,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +41,blue-collar,married,basic.9y,no,no,no,cellular,oct,mon,79,1,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +41,blue-collar,married,basic.9y,no,no,no,cellular,oct,mon,104,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +55,entrepreneur,married,professional.course,no,yes,yes,cellular,oct,mon,233,1,999,2,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +65,retired,married,unknown,no,unknown,unknown,telephone,oct,mon,208,3,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +54,housemaid,married,professional.course,no,no,no,telephone,oct,mon,187,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +67,retired,married,professional.course,no,no,no,telephone,oct,mon,270,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +35,self-employed,single,university.degree,no,unknown,unknown,cellular,oct,mon,123,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +54,housemaid,married,professional.course,no,no,no,telephone,oct,mon,1745,3,999,1,failure,-3.4,92.431,-26.9,0.7390000000000001,5017.5,no +21,student,single,high.school,no,no,no,cellular,oct,mon,328,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7390000000000001,5017.5,yes +51,entrepreneur,married,basic.4y,no,no,no,cellular,oct,tue,626,1,999,1,failure,-3.4,92.431,-26.9,0.737,5017.5,no +59,housemaid,married,basic.4y,no,no,no,telephone,oct,tue,2187,1,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,no +30,technician,married,professional.course,no,yes,no,cellular,oct,tue,59,1,999,1,failure,-3.4,92.431,-26.9,0.737,5017.5,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,oct,tue,164,1,999,1,failure,-3.4,92.431,-26.9,0.737,5017.5,no +58,blue-collar,married,basic.9y,no,yes,no,cellular,oct,tue,92,1,999,1,failure,-3.4,92.431,-26.9,0.737,5017.5,no +36,management,married,basic.6y,no,yes,no,cellular,oct,tue,332,1,999,1,failure,-3.4,92.431,-26.9,0.737,5017.5,yes +33,admin.,married,university.degree,no,yes,no,cellular,oct,tue,148,2,6,1,success,-3.4,92.431,-26.9,0.737,5017.5,yes +31,admin.,married,university.degree,no,yes,no,cellular,oct,tue,107,1,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,no +57,admin.,single,high.school,no,unknown,unknown,telephone,oct,tue,513,1,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,yes +31,services,single,professional.course,no,yes,no,telephone,oct,tue,373,1,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,yes +31,admin.,married,university.degree,no,yes,no,cellular,oct,tue,213,1,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,yes +60,technician,married,basic.4y,no,yes,no,cellular,oct,tue,595,2,6,1,success,-3.4,92.431,-26.9,0.737,5017.5,yes +70,retired,married,basic.4y,no,yes,no,cellular,oct,tue,76,2,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,no +59,housemaid,married,basic.4y,no,yes,no,cellular,oct,tue,518,2,6,1,success,-3.4,92.431,-26.9,0.737,5017.5,yes +53,entrepreneur,married,basic.4y,no,yes,no,telephone,oct,tue,251,2,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,no +30,technician,married,professional.course,no,yes,no,cellular,oct,tue,427,1,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,yes +24,management,single,university.degree,no,yes,no,cellular,oct,tue,676,2,999,1,failure,-3.4,92.431,-26.9,0.737,5017.5,yes +39,admin.,single,high.school,no,yes,no,cellular,oct,tue,386,1,999,0,nonexistent,-3.4,92.431,-26.9,0.737,5017.5,yes +44,admin.,married,university.degree,no,yes,no,cellular,oct,wed,192,3,6,1,success,-3.4,92.431,-26.9,0.735,5017.5,yes +38,admin.,married,university.degree,no,yes,no,cellular,oct,wed,828,1,999,1,failure,-3.4,92.431,-26.9,0.735,5017.5,yes +38,admin.,married,university.degree,no,yes,no,cellular,oct,wed,576,1,6,1,success,-3.4,92.431,-26.9,0.735,5017.5,yes +70,retired,married,high.school,no,yes,no,cellular,oct,wed,72,3,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,no +33,admin.,single,university.degree,no,no,yes,cellular,oct,wed,110,1,999,2,failure,-3.4,92.431,-26.9,0.735,5017.5,no +88,retired,divorced,basic.4y,no,yes,no,cellular,oct,wed,180,1,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,no +36,admin.,married,university.degree,no,yes,no,cellular,oct,wed,825,1,6,1,success,-3.4,92.431,-26.9,0.735,5017.5,yes +62,retired,divorced,university.degree,no,yes,no,telephone,oct,wed,129,3,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,no +44,admin.,married,university.degree,no,no,no,cellular,oct,wed,1206,1,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,no +32,admin.,married,university.degree,no,yes,no,cellular,oct,wed,467,2,6,1,success,-3.4,92.431,-26.9,0.735,5017.5,yes +88,retired,divorced,basic.4y,no,no,no,cellular,oct,wed,512,2,6,1,success,-3.4,92.431,-26.9,0.735,5017.5,yes +44,admin.,married,university.degree,no,yes,no,telephone,oct,wed,749,1,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,yes +36,admin.,married,university.degree,no,no,no,cellular,oct,wed,135,1,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,yes +54,admin.,divorced,university.degree,no,yes,no,cellular,oct,wed,164,2,6,2,success,-3.4,92.431,-26.9,0.735,5017.5,no +42,blue-collar,married,professional.course,no,yes,no,cellular,oct,wed,307,1,7,1,success,-3.4,92.431,-26.9,0.735,5017.5,yes +42,blue-collar,married,professional.course,no,no,no,cellular,oct,wed,287,1,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,yes +29,blue-collar,single,basic.9y,no,no,yes,cellular,oct,wed,107,2,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,yes +54,unemployed,married,basic.9y,no,yes,no,cellular,oct,wed,200,1,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,yes +34,technician,married,professional.course,no,yes,no,cellular,oct,wed,442,2,8,1,success,-3.4,92.431,-26.9,0.735,5017.5,yes +32,admin.,single,university.degree,no,yes,no,cellular,oct,wed,197,2,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,no +30,admin.,married,university.degree,no,yes,no,telephone,oct,wed,196,2,999,0,nonexistent,-3.4,92.431,-26.9,0.735,5017.5,no +37,unemployed,married,university.degree,no,yes,no,cellular,oct,thu,249,2,999,1,failure,-3.4,92.431,-26.9,0.733,5017.5,yes +35,unemployed,married,university.degree,no,no,no,cellular,oct,thu,360,5,999,0,nonexistent,-3.4,92.431,-26.9,0.733,5017.5,yes +56,technician,married,basic.4y,no,no,no,cellular,oct,thu,257,1,6,1,success,-3.4,92.431,-26.9,0.733,5017.5,yes +33,services,married,high.school,no,yes,no,cellular,oct,thu,313,3,999,0,nonexistent,-3.4,92.431,-26.9,0.733,5017.5,yes +71,management,married,university.degree,no,yes,no,cellular,oct,thu,127,3,999,2,failure,-3.4,92.431,-26.9,0.733,5017.5,yes +56,retired,married,professional.course,no,unknown,unknown,cellular,oct,thu,181,1,6,1,success,-3.4,92.431,-26.9,0.733,5017.5,yes +56,retired,married,professional.course,no,no,no,cellular,oct,thu,133,1,3,1,success,-3.4,92.431,-26.9,0.733,5017.5,yes +25,services,single,high.school,no,yes,no,cellular,oct,thu,287,1,999,0,nonexistent,-3.4,92.431,-26.9,0.733,5017.5,no +31,admin.,single,university.degree,no,no,no,cellular,oct,thu,334,1,999,0,nonexistent,-3.4,92.431,-26.9,0.733,5017.5,no +35,unemployed,married,university.degree,no,yes,no,cellular,oct,thu,391,2,999,0,nonexistent,-3.4,92.431,-26.9,0.733,5017.5,no +45,technician,married,professional.course,no,no,no,cellular,oct,thu,504,1,6,1,success,-3.4,92.431,-26.9,0.733,5017.5,yes +30,admin.,single,university.degree,no,yes,no,telephone,oct,thu,1002,4,999,0,nonexistent,-3.4,92.431,-26.9,0.733,5017.5,yes +56,technician,married,basic.4y,no,no,no,cellular,oct,thu,306,3,3,1,success,-3.4,92.431,-26.9,0.733,5017.5,yes +25,services,single,high.school,no,yes,no,cellular,oct,thu,260,2,999,0,nonexistent,-3.4,92.431,-26.9,0.733,5017.5,yes +24,admin.,single,university.degree,no,yes,yes,telephone,oct,thu,97,1,999,0,nonexistent,-3.4,92.431,-26.9,0.733,5017.5,yes +30,admin.,single,university.degree,no,no,yes,cellular,oct,thu,102,1,999,1,failure,-3.4,92.431,-26.9,0.733,5017.5,no +35,unemployed,married,university.degree,no,no,no,cellular,oct,thu,344,1,6,1,success,-3.4,92.431,-26.9,0.733,5017.5,yes +24,student,single,unknown,no,no,no,cellular,oct,fri,114,4,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,no +61,management,married,university.degree,no,yes,no,cellular,oct,fri,336,2,999,1,failure,-3.4,92.431,-26.9,0.73,5017.5,yes +22,student,single,high.school,no,no,no,cellular,oct,fri,270,3,6,1,success,-3.4,92.431,-26.9,0.73,5017.5,yes +64,admin.,married,high.school,no,yes,no,cellular,oct,fri,130,1,999,1,failure,-3.4,92.431,-26.9,0.73,5017.5,yes +23,technician,single,university.degree,no,yes,no,cellular,oct,fri,374,1,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,yes +21,student,single,high.school,no,yes,no,cellular,oct,fri,149,1,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,yes +32,unknown,single,high.school,no,yes,no,cellular,oct,fri,267,1,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,no +24,student,single,unknown,no,yes,no,cellular,oct,fri,460,1,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,yes +32,admin.,married,university.degree,no,yes,no,cellular,oct,fri,94,1,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,no +98,retired,married,basic.4y,unknown,yes,no,cellular,oct,fri,476,1,2,2,success,-3.4,92.431,-26.9,0.73,5017.5,yes +64,admin.,married,high.school,no,yes,no,cellular,oct,fri,427,1,999,1,failure,-3.4,92.431,-26.9,0.73,5017.5,yes +35,blue-collar,single,high.school,no,no,no,cellular,oct,fri,622,1,6,1,success,-3.4,92.431,-26.9,0.73,5017.5,no +98,retired,married,basic.4y,unknown,yes,no,cellular,oct,fri,272,2,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,yes +22,student,single,basic.9y,no,no,no,cellular,oct,fri,438,1,999,1,failure,-3.4,92.431,-26.9,0.73,5017.5,yes +22,student,single,basic.9y,no,no,no,cellular,oct,fri,221,2,6,1,success,-3.4,92.431,-26.9,0.73,5017.5,yes +26,admin.,single,university.degree,no,no,no,cellular,oct,fri,133,2,999,1,failure,-3.4,92.431,-26.9,0.73,5017.5,no +31,self-employed,single,university.degree,no,yes,no,cellular,oct,fri,91,1,999,1,failure,-3.4,92.431,-26.9,0.73,5017.5,no +31,self-employed,single,university.degree,no,no,no,cellular,oct,fri,76,1,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,no +29,admin.,single,high.school,no,yes,no,cellular,oct,fri,292,1,6,1,success,-3.4,92.431,-26.9,0.73,5017.5,yes +34,admin.,married,university.degree,no,no,no,cellular,oct,fri,281,1,999,2,failure,-3.4,92.431,-26.9,0.73,5017.5,yes +37,blue-collar,married,basic.6y,no,unknown,unknown,cellular,oct,fri,93,1,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,no +37,blue-collar,married,basic.6y,no,no,no,telephone,oct,fri,131,1,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,no +26,admin.,single,high.school,no,no,no,telephone,oct,fri,257,2,4,1,success,-3.4,92.431,-26.9,0.73,5017.5,yes +61,management,married,university.degree,no,no,no,cellular,oct,fri,56,4,999,0,nonexistent,-3.4,92.431,-26.9,0.73,5017.5,no +33,admin.,single,high.school,no,yes,no,cellular,oct,mon,61,2,6,2,failure,-3.4,92.431,-26.9,0.731,5017.5,no +26,admin.,married,high.school,no,yes,yes,cellular,oct,mon,183,2,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,no +29,admin.,single,university.degree,no,no,no,cellular,oct,mon,87,2,999,1,failure,-3.4,92.431,-26.9,0.731,5017.5,no +29,technician,single,professional.course,no,yes,no,cellular,oct,mon,633,2,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,no +73,retired,divorced,basic.4y,no,yes,no,cellular,oct,mon,127,2,999,3,failure,-3.4,92.431,-26.9,0.731,5017.5,no +29,admin.,single,university.degree,no,yes,no,cellular,oct,mon,110,2,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,no +50,management,married,basic.9y,no,no,no,cellular,oct,mon,151,2,6,2,failure,-3.4,92.431,-26.9,0.731,5017.5,no +29,admin.,single,university.degree,no,yes,no,cellular,oct,mon,99,2,999,1,failure,-3.4,92.431,-26.9,0.731,5017.5,no +33,admin.,single,high.school,no,no,no,cellular,oct,mon,87,1,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,no +33,admin.,single,high.school,no,no,no,cellular,oct,mon,251,1,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,yes +30,unemployed,single,high.school,no,yes,no,cellular,oct,mon,67,1,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,no +26,admin.,married,high.school,no,yes,no,cellular,oct,mon,703,1,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,yes +26,admin.,married,high.school,no,yes,yes,cellular,oct,mon,126,1,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,no +42,management,married,university.degree,no,yes,no,cellular,oct,mon,355,1,999,1,failure,-3.4,92.431,-26.9,0.731,5017.5,yes +42,management,married,university.degree,no,yes,yes,cellular,oct,mon,298,1,999,0,nonexistent,-3.4,92.431,-26.9,0.731,5017.5,no +55,unemployed,married,basic.9y,no,yes,no,cellular,oct,tue,156,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +55,unemployed,married,basic.9y,no,no,no,cellular,oct,tue,131,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +32,admin.,single,university.degree,no,no,no,cellular,oct,tue,96,1,999,3,failure,-3.4,92.431,-26.9,0.728,5017.5,no +63,technician,married,professional.course,no,no,no,cellular,oct,tue,157,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +72,admin.,married,university.degree,unknown,no,yes,cellular,oct,tue,143,1,6,1,success,-3.4,92.431,-26.9,0.728,5017.5,yes +71,retired,married,basic.4y,no,yes,yes,cellular,oct,tue,120,1,6,1,success,-3.4,92.431,-26.9,0.728,5017.5,no +71,retired,married,basic.4y,no,no,no,cellular,oct,tue,207,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +32,technician,single,university.degree,no,no,no,cellular,oct,tue,96,1,999,1,failure,-3.4,92.431,-26.9,0.728,5017.5,yes +52,housemaid,married,high.school,no,no,no,cellular,oct,tue,297,1,999,2,failure,-3.4,92.431,-26.9,0.728,5017.5,yes +68,retired,married,basic.4y,no,yes,no,cellular,oct,tue,102,1,6,2,success,-3.4,92.431,-26.9,0.728,5017.5,yes +45,blue-collar,married,university.degree,no,no,no,telephone,oct,tue,79,2,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +29,services,married,high.school,no,no,no,cellular,oct,tue,424,1,999,1,failure,-3.4,92.431,-26.9,0.728,5017.5,yes +33,services,single,high.school,no,no,no,cellular,oct,tue,137,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +65,housemaid,married,basic.4y,no,unknown,unknown,cellular,oct,tue,759,2,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +42,management,married,university.degree,no,no,no,telephone,oct,tue,83,1,3,1,success,-3.4,92.431,-26.9,0.728,5017.5,yes +61,retired,married,high.school,no,no,no,telephone,oct,tue,515,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +22,student,single,basic.6y,no,yes,no,cellular,oct,tue,89,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +22,student,single,basic.6y,no,yes,no,cellular,oct,tue,88,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +30,technician,married,professional.course,no,yes,no,telephone,oct,tue,521,2,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +32,admin.,single,university.degree,no,yes,no,telephone,oct,tue,376,1,999,2,failure,-3.4,92.431,-26.9,0.728,5017.5,no +39,admin.,married,professional.course,no,no,no,telephone,oct,tue,219,2,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +63,technician,married,professional.course,no,yes,no,cellular,oct,tue,298,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +63,technician,married,professional.course,no,no,no,cellular,oct,tue,259,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +81,retired,married,university.degree,unknown,yes,yes,cellular,oct,tue,327,2,6,1,success,-3.4,92.431,-26.9,0.728,5017.5,no +65,housemaid,married,basic.4y,no,yes,no,cellular,oct,tue,253,2,999,1,failure,-3.4,92.431,-26.9,0.728,5017.5,no +44,technician,married,unknown,no,no,yes,cellular,oct,tue,139,2,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +31,management,married,university.degree,no,yes,no,cellular,oct,tue,255,3,4,1,success,-3.4,92.431,-26.9,0.728,5017.5,yes +68,retired,divorced,professional.course,no,yes,no,cellular,oct,tue,418,2,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +46,blue-collar,married,basic.9y,no,yes,no,cellular,oct,tue,65,1,999,1,failure,-3.4,92.431,-26.9,0.728,5017.5,no +33,services,single,high.school,no,yes,no,cellular,oct,tue,189,2,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,no +26,management,single,university.degree,no,yes,no,cellular,oct,tue,114,1,6,1,success,-3.4,92.431,-26.9,0.728,5017.5,no +28,admin.,single,high.school,no,yes,no,cellular,oct,tue,83,2,999,3,failure,-3.4,92.431,-26.9,0.728,5017.5,no +71,retired,married,basic.4y,no,no,no,cellular,oct,tue,353,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +21,student,single,high.school,no,no,no,cellular,oct,tue,113,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +32,technician,single,university.degree,no,yes,no,cellular,oct,tue,149,1,999,0,nonexistent,-3.4,92.431,-26.9,0.728,5017.5,yes +75,retired,married,basic.4y,no,no,no,cellular,oct,wed,113,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +81,housemaid,married,basic.4y,no,yes,no,cellular,oct,wed,246,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +60,management,married,professional.course,no,yes,no,cellular,oct,wed,219,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +61,blue-collar,married,high.school,no,no,no,cellular,oct,wed,108,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +63,retired,married,high.school,no,yes,no,cellular,oct,wed,96,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,yes +46,admin.,married,high.school,no,yes,no,cellular,oct,wed,143,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +46,admin.,married,high.school,no,yes,yes,telephone,oct,wed,149,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +35,admin.,married,university.degree,no,yes,no,cellular,oct,wed,300,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +40,admin.,married,high.school,no,yes,yes,cellular,oct,wed,73,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +35,management,married,university.degree,no,yes,no,cellular,oct,wed,1118,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +62,retired,married,high.school,no,no,no,cellular,oct,wed,210,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +45,admin.,married,high.school,no,yes,no,cellular,oct,wed,1092,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +58,unemployed,divorced,basic.9y,no,yes,no,telephone,oct,wed,509,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,yes +61,blue-collar,married,high.school,no,no,no,cellular,oct,wed,190,1,2,1,success,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +32,admin.,single,university.degree,no,no,no,cellular,oct,wed,371,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,yes +34,unknown,single,university.degree,no,yes,no,telephone,oct,wed,182,2,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +24,technician,single,university.degree,no,no,no,cellular,oct,wed,197,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +30,admin.,married,university.degree,no,yes,no,cellular,oct,wed,133,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +40,management,married,university.degree,no,yes,no,telephone,oct,wed,172,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +73,retired,married,basic.4y,no,yes,no,telephone,oct,wed,185,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +34,unknown,single,university.degree,no,no,no,telephone,oct,wed,85,1,999,0,nonexistent,-3.4,92.431,-26.9,0.7240000000000001,5017.5,no +40,admin.,married,high.school,no,no,no,cellular,oct,wed,524,3,999,1,failure,-3.4,92.431,-26.9,0.7240000000000001,5017.5,yes +62,retired,married,high.school,no,no,no,cellular,oct,wed,207,1,6,1,success,-3.4,92.431,-26.9,0.7240000000000001,5017.5,yes +54,retired,married,basic.4y,no,no,yes,cellular,oct,thu,164,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +24,student,single,high.school,no,yes,no,cellular,oct,thu,423,3,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +23,technician,married,professional.course,no,yes,yes,cellular,oct,thu,408,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +36,admin.,married,university.degree,no,no,no,cellular,oct,thu,343,2,999,1,failure,-3.4,92.431,-26.9,0.722,5017.5,no +31,admin.,married,high.school,no,yes,no,cellular,oct,thu,269,2,999,1,failure,-3.4,92.431,-26.9,0.722,5017.5,no +61,technician,married,professional.course,no,no,no,cellular,oct,thu,76,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +55,retired,married,basic.4y,no,yes,no,cellular,oct,thu,139,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +33,admin.,single,university.degree,no,no,no,cellular,oct,thu,410,1,999,1,failure,-3.4,92.431,-26.9,0.722,5017.5,yes +80,retired,divorced,high.school,no,yes,no,cellular,oct,thu,169,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +75,retired,divorced,basic.4y,no,no,no,cellular,oct,thu,247,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +31,entrepreneur,unknown,university.degree,no,no,no,cellular,oct,thu,164,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +31,admin.,married,high.school,no,no,no,cellular,oct,thu,142,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +53,admin.,divorced,high.school,no,no,no,cellular,oct,thu,209,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +58,retired,divorced,high.school,no,yes,no,cellular,oct,thu,76,4,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +30,technician,married,professional.course,no,yes,yes,cellular,oct,thu,1707,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +28,admin.,single,university.degree,no,no,no,cellular,oct,thu,72,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +72,retired,married,basic.6y,no,yes,yes,cellular,oct,thu,189,3,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +82,retired,single,basic.4y,no,yes,no,cellular,oct,thu,251,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +34,admin.,married,university.degree,no,no,no,cellular,oct,thu,401,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +69,retired,married,professional.course,no,no,yes,cellular,oct,thu,103,1,999,1,failure,-3.4,92.431,-26.9,0.722,5017.5,no +32,self-employed,married,university.degree,no,yes,yes,cellular,oct,thu,679,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +67,admin.,married,basic.4y,unknown,no,no,cellular,oct,thu,299,2,2,2,success,-3.4,92.431,-26.9,0.722,5017.5,yes +48,technician,married,high.school,no,no,no,cellular,oct,thu,264,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +60,retired,divorced,basic.4y,no,yes,no,cellular,oct,thu,262,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +61,technician,married,professional.course,no,no,no,cellular,oct,thu,106,2,999,1,failure,-3.4,92.431,-26.9,0.722,5017.5,yes +48,technician,married,high.school,no,yes,no,cellular,oct,thu,215,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +48,technician,married,high.school,no,no,yes,cellular,oct,thu,288,3,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +67,retired,married,unknown,no,no,no,cellular,oct,thu,140,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +36,technician,married,university.degree,no,yes,yes,cellular,oct,thu,68,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +69,retired,married,basic.4y,no,yes,no,cellular,oct,thu,124,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +34,technician,single,university.degree,no,no,no,cellular,oct,thu,136,1,999,1,failure,-3.4,92.431,-26.9,0.722,5017.5,yes +32,admin.,single,university.degree,no,yes,no,telephone,oct,thu,220,3,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +51,blue-collar,married,basic.9y,no,yes,no,cellular,oct,thu,746,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +54,retired,married,basic.4y,no,no,no,cellular,oct,thu,377,1,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,yes +55,retired,married,basic.4y,no,no,no,cellular,oct,thu,250,1,999,2,failure,-3.4,92.431,-26.9,0.722,5017.5,no +55,retired,married,high.school,no,yes,no,cellular,oct,thu,424,2,7,1,success,-3.4,92.431,-26.9,0.722,5017.5,yes +61,technician,married,professional.course,no,no,no,cellular,oct,thu,174,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +82,retired,single,basic.4y,no,yes,no,cellular,oct,thu,185,2,999,0,nonexistent,-3.4,92.431,-26.9,0.722,5017.5,no +60,technician,married,basic.4y,no,yes,no,cellular,oct,thu,133,6,999,2,failure,-3.4,92.431,-26.9,0.722,5017.5,no +31,entrepreneur,unknown,university.degree,no,yes,no,telephone,oct,thu,157,4,999,1,failure,-3.4,92.431,-26.9,0.722,5017.5,no +78,retired,divorced,basic.6y,no,no,no,cellular,oct,fri,631,2,999,2,failure,-3.4,92.431,-26.9,0.72,5017.5,no +27,admin.,single,university.degree,no,yes,yes,telephone,oct,fri,70,3,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,no +78,retired,divorced,basic.6y,no,no,no,cellular,oct,fri,212,2,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +65,retired,married,basic.4y,no,no,no,cellular,oct,fri,176,5,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,no +26,student,single,high.school,no,no,no,cellular,oct,fri,373,3,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +37,admin.,single,university.degree,no,yes,no,telephone,oct,fri,62,3,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,no +24,blue-collar,married,basic.9y,no,yes,no,cellular,oct,fri,160,1,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,no +72,retired,married,basic.4y,no,no,no,cellular,oct,fri,155,1,6,1,success,-3.4,92.431,-26.9,0.72,5017.5,no +60,retired,married,basic.4y,unknown,yes,no,cellular,oct,fri,59,1,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,no +39,technician,single,university.degree,unknown,no,yes,cellular,oct,fri,125,1,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +39,technician,single,university.degree,unknown,yes,no,cellular,oct,fri,217,1,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +34,technician,single,university.degree,no,no,no,cellular,oct,fri,144,1,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +36,self-employed,single,university.degree,no,no,no,cellular,oct,fri,480,1,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +37,admin.,single,university.degree,no,yes,no,cellular,oct,fri,183,2,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,no +59,technician,married,basic.9y,no,no,no,cellular,oct,fri,445,1,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +25,student,single,high.school,no,no,no,cellular,oct,fri,294,1,999,1,failure,-3.4,92.431,-26.9,0.72,5017.5,yes +69,retired,married,basic.4y,no,yes,yes,cellular,oct,fri,257,3,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +18,student,single,basic.6y,no,no,yes,cellular,oct,fri,368,2,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +59,retired,divorced,basic.4y,no,yes,no,telephone,oct,fri,152,4,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,no +37,admin.,single,university.degree,no,no,no,cellular,oct,fri,416,2,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,yes +78,retired,divorced,basic.6y,no,no,no,telephone,oct,fri,177,2,999,0,nonexistent,-3.4,92.431,-26.9,0.72,5017.5,no +23,student,single,high.school,no,no,no,telephone,nov,mon,105,2,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +41,admin.,single,high.school,no,no,no,cellular,nov,mon,131,2,999,1,failure,-3.4,92.649,-30.1,0.722,5017.5,no +34,admin.,single,high.school,no,yes,no,cellular,nov,mon,121,2,999,1,failure,-3.4,92.649,-30.1,0.722,5017.5,yes +37,admin.,married,high.school,no,yes,no,cellular,nov,mon,101,3,3,1,success,-3.4,92.649,-30.1,0.722,5017.5,no +37,admin.,divorced,high.school,no,no,no,cellular,nov,mon,131,2,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +36,self-employed,single,university.degree,no,yes,no,cellular,nov,mon,69,4,999,1,failure,-3.4,92.649,-30.1,0.722,5017.5,no +50,admin.,married,university.degree,no,yes,no,cellular,nov,mon,91,2,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +35,management,single,university.degree,no,no,yes,cellular,nov,mon,75,2,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +21,student,single,basic.9y,no,no,no,cellular,nov,mon,59,2,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +34,technician,married,professional.course,no,yes,no,cellular,nov,mon,53,2,999,1,failure,-3.4,92.649,-30.1,0.722,5017.5,no +60,housemaid,married,university.degree,no,yes,no,cellular,nov,mon,66,3,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +30,admin.,single,university.degree,no,no,no,cellular,nov,mon,106,1,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,yes +37,admin.,married,high.school,no,no,no,cellular,nov,mon,235,4,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +55,admin.,married,basic.9y,no,no,no,cellular,nov,mon,154,3,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +37,self-employed,married,professional.course,no,yes,yes,cellular,nov,mon,1024,1,5,1,success,-3.4,92.649,-30.1,0.722,5017.5,yes +64,housemaid,married,basic.4y,no,yes,no,cellular,nov,mon,173,1,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +37,blue-collar,single,high.school,no,yes,no,cellular,nov,mon,128,1,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +37,admin.,married,high.school,no,yes,no,telephone,nov,mon,459,1,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +37,admin.,married,high.school,no,yes,yes,cellular,nov,mon,272,1,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +50,admin.,married,university.degree,no,yes,no,cellular,nov,mon,204,1,7,1,success,-3.4,92.649,-30.1,0.722,5017.5,no +47,technician,divorced,high.school,no,yes,no,cellular,nov,mon,182,1,999,1,failure,-3.4,92.649,-30.1,0.722,5017.5,yes +32,admin.,married,university.degree,no,yes,yes,cellular,nov,mon,144,1,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +32,admin.,single,university.degree,no,unknown,unknown,telephone,nov,mon,143,3,7,1,success,-3.4,92.649,-30.1,0.722,5017.5,no +37,admin.,divorced,high.school,no,yes,yes,telephone,nov,mon,227,5,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,mon,109,1,6,1,success,-3.4,92.649,-30.1,0.722,5017.5,no +24,student,single,professional.course,no,no,no,cellular,nov,mon,180,2,999,1,failure,-3.4,92.649,-30.1,0.722,5017.5,no +50,admin.,married,high.school,no,no,no,telephone,nov,mon,117,5,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +45,blue-collar,married,high.school,no,yes,no,cellular,nov,mon,162,2,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,yes +34,admin.,single,high.school,no,yes,no,cellular,nov,mon,725,2,8,2,failure,-3.4,92.649,-30.1,0.722,5017.5,no +33,admin.,married,university.degree,no,yes,no,telephone,nov,mon,83,4,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +32,admin.,single,university.degree,no,no,no,cellular,nov,mon,85,2,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +34,technician,married,professional.course,no,yes,no,telephone,nov,mon,179,5,999,1,failure,-3.4,92.649,-30.1,0.722,5017.5,no +52,management,married,basic.6y,no,no,no,cellular,nov,mon,209,2,999,1,failure,-3.4,92.649,-30.1,0.722,5017.5,yes +37,admin.,married,high.school,no,no,yes,cellular,nov,mon,46,3,999,0,nonexistent,-3.4,92.649,-30.1,0.722,5017.5,no +71,retired,married,professional.course,no,yes,no,cellular,nov,tue,102,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +52,admin.,divorced,university.degree,no,yes,no,cellular,nov,tue,551,1,999,3,failure,-3.4,92.649,-30.1,0.72,5017.5,no +56,admin.,divorced,high.school,no,no,no,cellular,nov,tue,786,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,no +67,self-employed,married,university.degree,no,yes,no,cellular,nov,tue,68,4,999,1,failure,-3.4,92.649,-30.1,0.72,5017.5,no +40,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,88,2,999,2,failure,-3.4,92.649,-30.1,0.72,5017.5,no +56,management,married,university.degree,no,unknown,unknown,cellular,nov,tue,289,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +32,admin.,single,high.school,no,no,no,cellular,nov,tue,1233,1,999,1,failure,-3.4,92.649,-30.1,0.72,5017.5,yes +36,admin.,single,university.degree,no,no,yes,cellular,nov,tue,187,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +79,retired,married,basic.4y,no,no,yes,cellular,nov,tue,149,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +56,housemaid,divorced,professional.course,no,yes,no,cellular,nov,tue,566,1,7,2,failure,-3.4,92.649,-30.1,0.72,5017.5,yes +27,unemployed,married,high.school,no,no,yes,cellular,nov,tue,222,3,999,1,failure,-3.4,92.649,-30.1,0.72,5017.5,no +30,unemployed,single,basic.9y,no,yes,no,cellular,nov,tue,537,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +27,blue-collar,single,basic.9y,no,no,no,cellular,nov,tue,217,1,999,2,failure,-3.4,92.649,-30.1,0.72,5017.5,yes +47,admin.,single,university.degree,no,no,no,cellular,nov,tue,193,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,no +47,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,181,4,6,1,success,-3.4,92.649,-30.1,0.72,5017.5,yes +54,admin.,married,university.degree,no,yes,yes,cellular,nov,tue,215,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +22,technician,single,professional.course,no,yes,no,cellular,nov,tue,358,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +28,self-employed,married,professional.course,no,yes,no,cellular,nov,tue,179,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +32,admin.,married,high.school,no,yes,no,cellular,nov,tue,322,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +30,admin.,single,university.degree,no,yes,no,cellular,nov,tue,402,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,no +54,technician,married,basic.9y,no,no,no,cellular,nov,tue,284,2,999,1,failure,-3.4,92.649,-30.1,0.72,5017.5,yes +71,retired,married,professional.course,no,yes,yes,telephone,nov,tue,383,1,999,0,nonexistent,-3.4,92.649,-30.1,0.72,5017.5,yes +37,entrepreneur,divorced,high.school,no,yes,yes,cellular,nov,wed,258,2,999,1,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +37,entrepreneur,divorced,high.school,no,no,no,cellular,nov,wed,90,2,999,2,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +37,entrepreneur,divorced,high.school,no,no,no,cellular,nov,wed,116,4,999,1,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +37,entrepreneur,divorced,high.school,no,no,no,cellular,nov,wed,298,2,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +58,management,married,basic.4y,no,yes,no,cellular,nov,wed,70,5,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +54,blue-collar,married,basic.9y,no,no,no,cellular,nov,wed,138,1,7,2,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +54,blue-collar,married,basic.9y,no,yes,yes,cellular,nov,wed,101,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +29,admin.,married,high.school,no,yes,no,cellular,nov,wed,85,1,999,1,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +28,admin.,married,high.school,no,yes,no,cellular,nov,wed,158,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +26,technician,single,professional.course,no,no,yes,cellular,nov,wed,358,1,9,2,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,yes +29,management,married,university.degree,no,yes,no,cellular,nov,wed,199,1,9,1,success,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +26,admin.,married,high.school,no,no,yes,cellular,nov,wed,112,1,999,1,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +56,retired,married,university.degree,no,yes,no,cellular,nov,wed,156,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +51,technician,married,professional.course,no,no,no,cellular,nov,wed,272,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +62,admin.,divorced,university.degree,no,yes,no,cellular,nov,wed,572,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +58,management,married,basic.4y,no,no,no,cellular,nov,wed,88,2,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +29,technician,single,professional.course,no,unknown,unknown,cellular,nov,wed,257,2,999,1,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +32,blue-collar,married,basic.4y,no,no,no,cellular,nov,thu,96,3,999,1,failure,-3.4,92.649,-30.1,0.716,5017.5,no +32,admin.,married,high.school,no,yes,no,telephone,nov,thu,143,3,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +73,retired,married,university.degree,no,no,yes,cellular,nov,thu,749,7,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,yes +32,blue-collar,married,basic.4y,no,yes,no,telephone,nov,thu,111,8,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +34,admin.,single,university.degree,no,no,no,cellular,nov,thu,509,2,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +69,retired,married,basic.6y,no,yes,no,cellular,nov,thu,355,3,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,yes +34,unemployed,single,university.degree,no,no,no,cellular,nov,fri,464,5,999,1,failure,-3.4,92.649,-30.1,0.716,5017.5,yes +37,admin.,married,high.school,no,yes,no,telephone,nov,fri,136,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +54,admin.,married,high.school,no,yes,no,cellular,nov,fri,402,1,3,3,success,-3.4,92.649,-30.1,0.716,5017.5,yes +34,technician,married,university.degree,no,yes,no,cellular,nov,fri,312,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +34,technician,married,basic.9y,no,yes,no,cellular,nov,fri,126,2,999,2,failure,-3.4,92.649,-30.1,0.716,5017.5,no +54,admin.,married,university.degree,no,yes,no,cellular,nov,fri,455,2,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,yes +53,management,divorced,university.degree,no,no,yes,cellular,nov,fri,368,2,3,1,success,-3.4,92.649,-30.1,0.716,5017.5,yes +56,technician,divorced,university.degree,no,no,no,cellular,nov,fri,178,2,3,1,success,-3.4,92.649,-30.1,0.716,5017.5,yes +69,retired,married,high.school,no,no,no,cellular,nov,mon,178,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +26,admin.,single,high.school,no,yes,no,cellular,nov,mon,262,1,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +26,admin.,single,high.school,no,unknown,unknown,cellular,nov,mon,347,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +27,student,single,university.degree,no,no,yes,cellular,nov,mon,118,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +57,admin.,married,high.school,no,yes,no,cellular,nov,mon,169,1,3,3,success,-3.4,92.649,-30.1,0.715,5017.5,yes +25,admin.,single,university.degree,no,no,yes,cellular,nov,mon,165,1,3,2,success,-3.4,92.649,-30.1,0.715,5017.5,yes +24,unemployed,married,high.school,no,yes,no,cellular,nov,mon,98,1,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +29,housemaid,single,university.degree,no,no,yes,telephone,nov,mon,201,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +22,student,single,professional.course,no,no,no,cellular,nov,mon,113,3,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +81,unknown,divorced,unknown,unknown,yes,no,cellular,nov,mon,161,1,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +41,management,married,university.degree,no,no,no,cellular,nov,mon,696,2,7,3,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +26,admin.,single,high.school,no,no,no,cellular,nov,mon,371,2,999,2,failure,-3.4,92.649,-30.1,0.715,5017.5,no +81,unknown,divorced,unknown,unknown,yes,no,cellular,nov,mon,263,1,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +30,blue-collar,single,unknown,no,yes,no,telephone,nov,mon,235,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +29,housemaid,single,university.degree,no,no,no,cellular,nov,mon,257,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +76,retired,single,basic.4y,no,no,no,cellular,nov,mon,347,4,6,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +32,admin.,married,university.degree,no,no,no,cellular,nov,mon,178,2,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,no +38,admin.,married,university.degree,no,no,no,cellular,nov,tue,182,2,7,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +27,blue-collar,single,high.school,no,no,no,cellular,nov,tue,775,2,8,2,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +71,housemaid,married,basic.4y,no,yes,no,cellular,nov,tue,193,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +28,admin.,married,high.school,no,no,no,cellular,nov,tue,406,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +34,technician,married,professional.course,no,yes,no,cellular,nov,tue,336,4,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +61,management,married,university.degree,no,yes,no,cellular,nov,tue,147,1,3,2,success,-3.4,92.649,-30.1,0.715,5017.5,yes +61,management,married,university.degree,no,yes,no,cellular,nov,tue,195,1,7,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +41,admin.,married,university.degree,no,no,no,telephone,nov,tue,234,2,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +57,technician,married,professional.course,no,no,no,cellular,nov,tue,564,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +71,retired,married,basic.4y,no,no,no,cellular,nov,tue,71,2,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,tue,318,2,3,3,success,-3.4,92.649,-30.1,0.715,5017.5,yes +38,admin.,married,university.degree,no,yes,no,cellular,nov,tue,64,1,3,3,success,-3.4,92.649,-30.1,0.715,5017.5,yes +41,admin.,married,university.degree,no,yes,no,cellular,nov,tue,95,1,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +52,admin.,divorced,university.degree,no,yes,no,cellular,nov,tue,89,1,3,2,success,-3.4,92.649,-30.1,0.715,5017.5,yes +25,student,single,high.school,no,no,no,telephone,nov,tue,345,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +33,admin.,married,university.degree,no,yes,no,cellular,nov,tue,344,2,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +30,admin.,single,university.degree,no,no,no,cellular,nov,tue,266,2,999,2,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +79,retired,married,basic.4y,no,no,yes,cellular,nov,tue,301,2,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +28,admin.,married,high.school,no,yes,no,cellular,nov,tue,254,5,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +54,technician,married,basic.9y,no,no,no,cellular,nov,tue,293,3,7,2,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +49,management,married,university.degree,no,no,yes,cellular,nov,tue,185,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +79,retired,married,basic.4y,no,yes,no,cellular,nov,tue,594,1,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +21,student,single,high.school,no,no,no,cellular,nov,tue,280,1,7,2,failure,-3.4,92.649,-30.1,0.715,5017.5,no +52,admin.,divorced,university.degree,no,no,no,cellular,nov,tue,213,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +63,management,married,basic.4y,unknown,yes,no,cellular,nov,tue,131,4,999,2,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +52,admin.,divorced,university.degree,no,unknown,unknown,cellular,nov,tue,143,5,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,no +45,management,married,university.degree,no,no,no,telephone,nov,tue,208,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +45,admin.,single,university.degree,no,unknown,unknown,cellular,nov,tue,133,3,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,no +30,admin.,single,university.degree,no,yes,yes,cellular,nov,tue,98,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +37,services,married,high.school,no,no,no,cellular,nov,wed,516,2,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,no +72,retired,married,professional.course,no,yes,no,telephone,nov,wed,93,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +37,services,married,high.school,no,no,no,cellular,nov,wed,459,2,999,2,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +45,admin.,married,university.degree,no,no,yes,cellular,nov,wed,158,1,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,no +36,self-employed,divorced,basic.9y,no,no,no,cellular,nov,wed,133,1,999,2,failure,-3.4,92.649,-30.1,0.715,5017.5,no +45,admin.,married,university.degree,no,no,yes,cellular,nov,wed,106,1,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,no +72,retired,married,basic.4y,no,yes,no,cellular,nov,wed,406,1,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +20,student,single,high.school,no,yes,no,cellular,nov,wed,166,1,7,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +25,technician,single,university.degree,no,no,yes,cellular,nov,wed,79,4,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +28,management,married,university.degree,no,no,no,cellular,nov,wed,69,3,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +72,retired,divorced,basic.6y,no,yes,no,cellular,nov,wed,199,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +45,technician,married,university.degree,no,yes,no,cellular,nov,wed,359,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +35,admin.,single,high.school,no,no,yes,cellular,nov,wed,98,2,7,2,failure,-3.4,92.649,-30.1,0.715,5017.5,no +20,student,single,high.school,no,no,no,cellular,nov,wed,131,1,999,3,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +20,student,single,high.school,no,no,no,cellular,nov,wed,229,2,3,3,success,-3.4,92.649,-30.1,0.715,5017.5,yes +20,student,single,high.school,no,no,no,cellular,nov,wed,187,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +36,management,married,university.degree,no,no,yes,cellular,nov,wed,166,3,3,3,success,-3.4,92.649,-30.1,0.715,5017.5,yes +72,retired,divorced,basic.6y,no,yes,no,cellular,nov,wed,244,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +37,services,married,high.school,no,no,yes,cellular,nov,wed,54,4,6,1,success,-3.4,92.649,-30.1,0.715,5017.5,no +45,admin.,married,university.degree,no,unknown,unknown,cellular,nov,wed,135,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +29,admin.,single,university.degree,no,no,yes,cellular,nov,wed,158,1,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +23,student,single,university.degree,no,yes,no,cellular,nov,wed,172,1,3,2,success,-3.4,92.649,-30.1,0.715,5017.5,yes +33,admin.,married,university.degree,no,yes,no,telephone,nov,wed,241,1,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +37,admin.,single,high.school,no,no,yes,cellular,nov,wed,248,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +53,housemaid,married,basic.4y,no,no,yes,telephone,nov,wed,513,1,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +38,admin.,married,university.degree,no,no,no,telephone,nov,thu,71,1,13,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +40,services,married,high.school,no,yes,no,cellular,nov,thu,90,3,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +29,student,single,professional.course,no,no,no,cellular,nov,thu,227,3,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +23,technician,single,professional.course,no,yes,no,cellular,nov,thu,116,5,9,2,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +32,self-employed,married,university.degree,no,no,no,cellular,nov,thu,66,2,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +29,student,single,professional.course,no,yes,yes,cellular,nov,thu,123,1,7,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +67,retired,married,basic.4y,no,yes,no,cellular,nov,thu,39,3,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +40,admin.,married,university.degree,no,no,no,cellular,nov,thu,96,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +65,retired,single,university.degree,no,no,no,cellular,nov,thu,253,1,999,2,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +43,management,married,high.school,no,no,no,cellular,nov,thu,226,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +43,management,married,high.school,no,yes,no,cellular,nov,thu,177,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +25,admin.,married,unknown,no,no,no,cellular,nov,thu,241,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +25,admin.,married,high.school,no,yes,no,cellular,nov,thu,702,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +64,unemployed,married,basic.4y,no,yes,no,cellular,nov,thu,427,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +25,admin.,married,unknown,no,no,no,cellular,nov,thu,110,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +65,retired,single,university.degree,no,no,no,cellular,nov,thu,88,2,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +29,admin.,single,university.degree,no,no,no,cellular,nov,thu,134,2,9,2,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +38,admin.,married,university.degree,no,no,no,cellular,nov,thu,126,1,7,4,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +67,retired,married,basic.4y,no,yes,no,cellular,nov,thu,99,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +51,self-employed,single,basic.9y,no,yes,no,cellular,nov,thu,104,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +49,unemployed,married,professional.course,no,yes,no,telephone,nov,thu,226,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +34,admin.,single,university.degree,no,yes,no,cellular,nov,thu,89,1,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +34,admin.,single,university.degree,no,no,no,cellular,nov,thu,169,1,7,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +34,admin.,single,university.degree,no,no,no,cellular,nov,thu,135,1,6,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +78,retired,divorced,basic.4y,no,yes,no,cellular,nov,thu,463,1,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +56,blue-collar,divorced,basic.4y,no,no,no,cellular,nov,thu,150,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +56,blue-collar,divorced,basic.4y,no,no,no,cellular,nov,thu,134,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +32,self-employed,married,university.degree,no,yes,no,cellular,nov,thu,247,1,6,3,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +52,blue-collar,single,basic.9y,no,no,no,cellular,nov,thu,771,2,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +62,housemaid,married,basic.4y,no,yes,no,cellular,nov,thu,443,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +29,student,single,professional.course,no,yes,no,telephone,nov,thu,124,2,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +52,blue-collar,single,basic.9y,no,yes,no,cellular,nov,thu,191,3,9,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +66,retired,married,basic.4y,no,yes,yes,telephone,nov,thu,1127,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +28,admin.,single,university.degree,no,yes,no,cellular,nov,thu,189,2,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +56,management,divorced,unknown,no,yes,no,cellular,nov,thu,893,7,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +35,technician,single,professional.course,no,yes,no,cellular,nov,thu,192,2,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +49,unemployed,married,professional.course,no,yes,yes,cellular,nov,thu,366,2,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +32,self-employed,married,university.degree,no,no,no,cellular,nov,thu,707,2,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +60,unemployed,married,basic.4y,no,no,no,cellular,nov,thu,627,2,6,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +62,housemaid,married,university.degree,no,yes,no,cellular,nov,thu,237,1,3,3,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +38,admin.,married,university.degree,no,no,no,telephone,nov,thu,411,4,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +29,admin.,single,high.school,no,yes,no,cellular,nov,fri,176,2,7,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +25,admin.,single,university.degree,no,no,no,cellular,nov,fri,350,5,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +26,admin.,married,high.school,no,yes,no,cellular,nov,fri,338,1,7,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +52,technician,married,professional.course,no,no,no,cellular,nov,fri,202,5,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +26,student,single,university.degree,no,no,no,cellular,nov,fri,181,1,7,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +26,blue-collar,single,high.school,no,yes,no,telephone,nov,fri,208,2,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +29,admin.,single,university.degree,no,no,no,cellular,nov,fri,122,1,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +32,admin.,single,university.degree,no,yes,no,telephone,nov,fri,2184,2,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +32,admin.,single,university.degree,no,yes,no,telephone,nov,fri,135,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +53,admin.,single,university.degree,no,yes,yes,telephone,nov,fri,212,3,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +80,retired,divorced,unknown,no,yes,yes,cellular,nov,fri,186,2,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +31,technician,married,unknown,no,no,no,cellular,nov,fri,498,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +21,student,single,university.degree,no,yes,no,cellular,nov,fri,180,3,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +65,retired,married,university.degree,no,no,no,cellular,nov,fri,226,1,3,3,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +43,technician,single,university.degree,no,no,yes,cellular,nov,fri,122,5,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +63,retired,married,unknown,no,no,no,telephone,nov,fri,137,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +31,admin.,single,high.school,no,no,no,cellular,nov,fri,122,4,999,3,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +29,technician,married,university.degree,no,yes,no,cellular,nov,fri,210,1,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +26,blue-collar,single,high.school,no,no,no,telephone,nov,fri,201,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +52,technician,married,professional.course,no,yes,no,cellular,nov,fri,495,1,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +52,technician,married,professional.course,no,yes,no,cellular,nov,fri,632,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +52,technician,married,professional.course,no,yes,no,cellular,nov,fri,259,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +27,admin.,single,university.degree,no,yes,no,cellular,nov,fri,264,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +39,management,single,university.degree,no,yes,no,cellular,nov,fri,239,2,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +77,retired,married,unknown,no,yes,no,cellular,nov,fri,381,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +77,retired,married,unknown,no,yes,no,cellular,nov,fri,193,1,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +31,admin.,single,high.school,no,no,no,telephone,nov,fri,53,3,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +31,services,married,high.school,no,no,no,telephone,nov,fri,271,2,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +41,management,married,unknown,no,no,yes,cellular,nov,fri,129,2,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +52,technician,married,professional.course,no,yes,no,telephone,nov,fri,332,2,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +55,blue-collar,married,basic.4y,no,no,no,cellular,nov,fri,227,2,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +78,retired,divorced,basic.4y,no,yes,no,cellular,nov,fri,182,2,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +18,student,single,high.school,no,no,no,cellular,nov,fri,256,2,7,2,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +40,technician,single,university.degree,no,yes,no,cellular,nov,mon,139,2,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +19,student,single,unknown,no,no,no,cellular,nov,mon,132,2,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +40,technician,single,university.degree,no,no,no,cellular,nov,mon,141,3,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +25,student,single,high.school,no,yes,no,cellular,nov,mon,61,3,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +40,technician,single,university.degree,no,yes,no,cellular,nov,mon,95,1,7,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +40,technician,single,university.degree,no,no,no,cellular,nov,mon,130,1,7,2,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +25,admin.,single,university.degree,no,no,yes,cellular,nov,mon,295,1,7,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +61,retired,married,basic.4y,no,yes,no,cellular,nov,mon,301,1,9,3,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +39,admin.,married,high.school,no,no,no,cellular,nov,mon,1011,1,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +50,admin.,married,university.degree,no,yes,no,cellular,nov,mon,124,5,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +64,retired,married,high.school,no,no,no,cellular,nov,mon,146,1,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +67,retired,married,basic.4y,no,no,no,telephone,nov,mon,167,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +50,admin.,married,university.degree,no,yes,no,cellular,nov,mon,183,1,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +75,housemaid,divorced,basic.4y,no,no,no,telephone,nov,mon,135,8,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +50,admin.,married,university.degree,no,no,no,cellular,nov,mon,176,1,7,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +56,management,married,university.degree,no,yes,no,cellular,nov,mon,124,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,163,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,84,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +37,entrepreneur,married,university.degree,no,yes,no,cellular,nov,mon,843,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +35,self-employed,single,university.degree,no,yes,no,cellular,nov,mon,365,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +27,admin.,married,high.school,no,no,yes,cellular,nov,mon,62,7,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +25,admin.,single,university.degree,no,yes,no,telephone,nov,mon,107,2,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +30,blue-collar,single,high.school,no,unknown,unknown,cellular,nov,mon,235,5,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +26,admin.,married,high.school,no,yes,no,cellular,nov,mon,432,5,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +35,management,married,university.degree,no,yes,yes,cellular,nov,mon,244,2,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +38,admin.,married,high.school,no,yes,no,cellular,nov,mon,136,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +43,self-employed,married,high.school,no,no,no,cellular,nov,mon,137,3,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +54,services,married,basic.9y,no,yes,yes,cellular,nov,mon,175,3,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +30,admin.,married,high.school,no,unknown,unknown,cellular,nov,mon,104,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +30,blue-collar,single,high.school,no,no,no,cellular,nov,mon,250,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +35,management,married,university.degree,no,no,no,telephone,nov,mon,986,1,7,3,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +31,technician,married,university.degree,no,no,no,telephone,nov,mon,57,4,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +25,admin.,single,unknown,no,yes,no,telephone,nov,mon,643,4,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +66,retired,married,basic.4y,no,yes,no,cellular,nov,mon,175,1,7,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +64,retired,married,high.school,no,yes,no,cellular,nov,mon,79,4,999,2,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +34,technician,married,professional.course,no,yes,no,cellular,nov,mon,93,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +30,blue-collar,single,high.school,no,no,no,cellular,nov,mon,94,1,999,2,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +19,student,single,unknown,no,yes,no,cellular,nov,mon,380,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +25,admin.,single,unknown,no,yes,no,cellular,nov,mon,381,1,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +25,admin.,married,university.degree,no,yes,no,telephone,nov,mon,446,8,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +42,management,married,university.degree,no,yes,no,cellular,nov,mon,104,3,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +48,technician,married,professional.course,no,yes,no,cellular,nov,mon,69,5,3,2,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +32,technician,married,university.degree,no,yes,no,cellular,nov,mon,77,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +72,retired,married,high.school,no,no,no,cellular,nov,mon,257,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +27,admin.,married,high.school,no,no,no,cellular,nov,mon,116,1,4,2,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +77,retired,divorced,basic.4y,no,yes,no,cellular,nov,mon,445,2,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +34,management,married,university.degree,no,no,no,cellular,nov,mon,75,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +72,retired,married,university.degree,no,no,no,cellular,nov,mon,111,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +40,technician,single,university.degree,no,no,no,cellular,nov,mon,105,2,3,1,success,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +40,technician,single,university.degree,no,no,no,cellular,nov,mon,984,5,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +50,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,202,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7140000000000001,5017.5,no +68,retired,married,high.school,no,no,no,cellular,nov,mon,1248,2,999,1,failure,-3.4,92.649,-30.1,0.7140000000000001,5017.5,yes +34,self-employed,single,university.degree,no,no,yes,telephone,nov,tue,85,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +47,management,married,basic.9y,no,yes,no,cellular,nov,tue,709,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +31,admin.,single,university.degree,no,yes,no,cellular,nov,tue,168,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +36,blue-collar,married,basic.9y,no,yes,no,cellular,nov,tue,320,1,999,2,failure,-3.4,92.649,-30.1,0.715,5017.5,no +35,management,married,university.degree,no,yes,no,cellular,nov,tue,209,1,999,2,failure,-3.4,92.649,-30.1,0.715,5017.5,yes +45,admin.,divorced,university.degree,no,yes,no,cellular,nov,tue,140,3,999,1,failure,-3.4,92.649,-30.1,0.715,5017.5,no +63,retired,married,basic.4y,no,yes,no,cellular,nov,tue,408,3,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,no +82,retired,divorced,basic.4y,no,yes,no,cellular,nov,tue,134,2,3,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +48,management,married,university.degree,no,yes,yes,cellular,nov,tue,747,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +53,admin.,married,university.degree,no,yes,no,cellular,nov,tue,409,2,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +43,admin.,married,university.degree,no,yes,no,telephone,nov,tue,135,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +34,housemaid,single,basic.4y,no,yes,no,cellular,nov,tue,393,4,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +43,admin.,married,university.degree,no,yes,no,cellular,nov,tue,255,1,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +26,admin.,single,university.degree,no,yes,no,cellular,nov,tue,309,3,7,1,success,-3.4,92.649,-30.1,0.715,5017.5,yes +66,retired,single,basic.4y,no,yes,no,cellular,nov,tue,525,3,999,0,nonexistent,-3.4,92.649,-30.1,0.715,5017.5,yes +40,unemployed,divorced,basic.4y,no,no,no,cellular,nov,tue,108,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +83,retired,divorced,basic.4y,no,no,no,cellular,nov,tue,242,1,3,3,success,-3.4,92.649,-30.1,0.716,5017.5,yes +32,management,married,university.degree,no,no,no,cellular,nov,tue,107,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +35,management,married,university.degree,no,no,no,cellular,nov,tue,56,1,3,2,success,-3.4,92.649,-30.1,0.716,5017.5,no +35,management,married,university.degree,no,no,no,cellular,nov,tue,190,3,7,3,failure,-3.4,92.649,-30.1,0.716,5017.5,no +34,admin.,divorced,high.school,no,no,no,cellular,nov,tue,492,2,6,3,success,-3.4,92.649,-30.1,0.716,5017.5,no +30,admin.,single,university.degree,no,yes,no,cellular,nov,tue,187,2,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +65,retired,married,basic.4y,no,no,yes,cellular,nov,tue,141,2,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +31,admin.,single,university.degree,no,no,no,cellular,nov,tue,166,2,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +83,retired,divorced,basic.4y,no,yes,yes,cellular,nov,tue,112,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +55,management,married,university.degree,no,yes,no,cellular,nov,tue,283,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +27,management,single,professional.course,no,yes,no,cellular,nov,tue,325,1,3,1,success,-3.4,92.649,-30.1,0.716,5017.5,yes +56,retired,married,university.degree,no,yes,no,cellular,nov,wed,968,2,3,3,success,-3.4,92.649,-30.1,0.716,5017.5,yes +26,student,single,unknown,no,yes,no,cellular,nov,wed,92,2,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +24,student,single,unknown,no,yes,no,cellular,nov,wed,285,2,3,3,success,-3.4,92.649,-30.1,0.716,5017.5,yes +57,retired,married,basic.4y,no,yes,no,cellular,nov,wed,295,1,3,2,success,-3.4,92.649,-30.1,0.716,5017.5,no +53,unknown,married,basic.9y,no,no,yes,cellular,nov,wed,242,1,999,1,failure,-3.4,92.649,-30.1,0.716,5017.5,no +24,admin.,single,university.degree,no,yes,no,cellular,nov,wed,84,1,9,3,failure,-3.4,92.649,-30.1,0.716,5017.5,no +58,self-employed,married,university.degree,no,no,no,cellular,nov,wed,106,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +58,self-employed,married,university.degree,no,no,no,cellular,nov,wed,1092,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +32,admin.,single,high.school,no,no,no,cellular,nov,wed,421,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +94,retired,married,basic.9y,no,no,no,cellular,nov,wed,134,1,999,1,failure,-3.4,92.649,-30.1,0.716,5017.5,no +22,student,single,unknown,no,no,no,cellular,nov,wed,87,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +31,technician,single,university.degree,no,no,no,cellular,nov,wed,372,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,yes +78,retired,married,professional.course,no,yes,no,cellular,nov,wed,103,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +21,student,single,professional.course,no,no,no,telephone,nov,wed,250,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +55,management,married,university.degree,no,yes,no,cellular,nov,wed,99,1,999,1,failure,-3.4,92.649,-30.1,0.716,5017.5,no +57,admin.,married,university.degree,no,no,no,cellular,nov,wed,182,1,3,2,success,-3.4,92.649,-30.1,0.716,5017.5,yes +61,retired,married,basic.4y,no,yes,no,cellular,nov,wed,234,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,yes +58,retired,married,basic.4y,no,yes,no,cellular,nov,wed,487,1,999,2,failure,-3.4,92.649,-30.1,0.716,5017.5,yes +56,retired,married,university.degree,no,no,no,cellular,nov,wed,232,1,3,1,success,-3.4,92.649,-30.1,0.716,5017.5,yes +48,management,divorced,university.degree,no,yes,no,cellular,nov,wed,208,1,3,1,success,-3.4,92.649,-30.1,0.716,5017.5,yes +28,admin.,single,university.degree,no,yes,no,cellular,nov,wed,170,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +55,entrepreneur,married,university.degree,no,yes,no,cellular,nov,wed,87,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,no +56,housemaid,divorced,basic.4y,no,yes,no,cellular,nov,wed,414,1,999,1,failure,-3.4,92.649,-30.1,0.716,5017.5,yes +28,technician,single,professional.course,no,yes,no,cellular,nov,wed,296,1,999,1,failure,-3.4,92.649,-30.1,0.716,5017.5,yes +86,retired,divorced,basic.4y,no,yes,no,cellular,nov,wed,237,1,999,1,failure,-3.4,92.649,-30.1,0.716,5017.5,no +27,technician,single,university.degree,no,no,yes,cellular,nov,wed,342,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,yes +28,technician,single,professional.course,no,yes,no,cellular,nov,wed,238,2,6,1,success,-3.4,92.649,-30.1,0.716,5017.5,yes +25,technician,single,professional.course,no,yes,no,cellular,nov,wed,541,1,999,0,nonexistent,-3.4,92.649,-30.1,0.716,5017.5,yes +65,admin.,divorced,university.degree,no,no,no,cellular,nov,fri,142,2,999,0,nonexistent,-3.4,92.649,-30.1,0.718,5017.5,no +32,management,single,university.degree,no,yes,yes,cellular,nov,fri,92,2,999,1,failure,-3.4,92.649,-30.1,0.718,5017.5,no +78,retired,married,professional.course,no,no,no,cellular,nov,fri,319,2,999,1,failure,-3.4,92.649,-30.1,0.718,5017.5,yes +72,retired,married,basic.9y,unknown,yes,no,cellular,nov,fri,96,2,999,0,nonexistent,-3.4,92.649,-30.1,0.718,5017.5,no +77,retired,divorced,basic.4y,no,no,no,cellular,nov,fri,90,2,999,0,nonexistent,-3.4,92.649,-30.1,0.718,5017.5,no +67,retired,married,basic.4y,no,no,no,telephone,nov,fri,341,4,999,1,failure,-3.4,92.649,-30.1,0.718,5017.5,no +73,retired,married,university.degree,no,no,no,cellular,nov,fri,160,1,999,0,nonexistent,-3.4,92.649,-30.1,0.718,5017.5,yes +31,blue-collar,married,basic.6y,no,yes,no,cellular,nov,fri,65,3,999,0,nonexistent,-3.4,92.649,-30.1,0.718,5017.5,no +38,admin.,married,university.degree,no,yes,no,cellular,nov,mon,110,3,6,1,success,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +44,admin.,divorced,high.school,no,yes,no,telephone,nov,mon,1628,2,6,1,success,-3.4,92.649,-30.1,0.7190000000000001,5017.5,yes +38,admin.,married,university.degree,no,no,yes,telephone,nov,mon,337,3,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +38,admin.,married,university.degree,no,yes,no,cellular,nov,mon,210,3,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +62,blue-collar,married,basic.4y,no,yes,no,cellular,nov,mon,152,1,6,1,success,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +81,housemaid,divorced,basic.4y,no,yes,no,cellular,nov,mon,151,6,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +62,blue-collar,married,basic.4y,no,no,no,cellular,nov,mon,123,1,999,1,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +62,blue-collar,married,basic.4y,no,yes,yes,cellular,nov,mon,152,1,999,0,nonexistent,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +31,blue-collar,married,basic.6y,no,yes,no,cellular,nov,mon,107,1,999,2,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +62,blue-collar,married,basic.4y,no,yes,yes,cellular,nov,mon,113,1,999,1,failure,-3.4,92.649,-30.1,0.7190000000000001,5017.5,no +60,admin.,married,unknown,unknown,yes,no,cellular,dec,wed,357,1,999,0,nonexistent,-3.0,92.713,-33.0,0.721,5023.5,yes +38,technician,married,university.degree,no,yes,yes,cellular,dec,wed,310,1,999,0,nonexistent,-3.0,92.713,-33.0,0.721,5023.5,yes +76,retired,married,university.degree,no,yes,no,cellular,dec,wed,258,1,999,0,nonexistent,-3.0,92.713,-33.0,0.721,5023.5,no +54,unemployed,married,high.school,no,yes,no,cellular,dec,wed,346,1,999,0,nonexistent,-3.0,92.713,-33.0,0.721,5023.5,yes +38,technician,married,university.degree,no,no,no,cellular,dec,wed,415,1,999,2,failure,-3.0,92.713,-33.0,0.721,5023.5,yes +42,blue-collar,married,basic.9y,no,yes,no,cellular,dec,wed,187,2,999,0,nonexistent,-3.0,92.713,-33.0,0.721,5023.5,no +30,technician,married,university.degree,no,yes,no,cellular,dec,thu,244,2,6,1,success,-3.0,92.713,-33.0,0.72,5023.5,yes +55,technician,married,high.school,no,yes,no,cellular,dec,thu,284,1,999,1,failure,-3.0,92.713,-33.0,0.72,5023.5,yes +58,unknown,married,basic.9y,no,yes,no,cellular,dec,thu,154,1,999,1,failure,-3.0,92.713,-33.0,0.72,5023.5,yes +83,retired,married,high.school,no,no,no,cellular,dec,thu,155,1,4,3,success,-3.0,92.713,-33.0,0.72,5023.5,yes +83,retired,married,high.school,no,yes,no,cellular,dec,thu,96,1,999,0,nonexistent,-3.0,92.713,-33.0,0.72,5023.5,no +64,admin.,married,university.degree,no,no,yes,cellular,dec,thu,1804,3,999,0,nonexistent,-3.0,92.713,-33.0,0.72,5023.5,no +60,retired,married,high.school,no,no,no,cellular,dec,thu,472,1,999,0,nonexistent,-3.0,92.713,-33.0,0.72,5023.5,yes +64,management,divorced,university.degree,no,no,yes,cellular,dec,thu,421,1,999,1,failure,-3.0,92.713,-33.0,0.72,5023.5,no +40,blue-collar,married,professional.course,no,no,no,telephone,dec,thu,237,1,999,0,nonexistent,-3.0,92.713,-33.0,0.72,5023.5,no +53,admin.,married,university.degree,no,no,no,cellular,dec,thu,110,1,6,1,success,-3.0,92.713,-33.0,0.72,5023.5,no +48,admin.,married,high.school,unknown,no,yes,cellular,dec,thu,274,1,8,1,success,-3.0,92.713,-33.0,0.72,5023.5,yes +50,admin.,single,high.school,no,yes,no,telephone,dec,fri,705,2,999,0,nonexistent,-3.0,92.713,-33.0,0.718,5023.5,yes +60,retired,married,university.degree,no,no,no,cellular,dec,fri,439,3,6,2,success,-3.0,92.713,-33.0,0.718,5023.5,yes +23,student,single,university.degree,no,yes,no,cellular,dec,fri,127,2,6,2,success,-3.0,92.713,-33.0,0.718,5023.5,no +48,management,married,university.degree,no,yes,no,cellular,dec,fri,377,5,999,1,failure,-3.0,92.713,-33.0,0.718,5023.5,no +25,admin.,single,university.degree,no,no,no,cellular,dec,fri,78,2,999,0,nonexistent,-3.0,92.713,-33.0,0.718,5023.5,no +60,retired,married,university.degree,no,yes,no,cellular,dec,fri,55,2,999,0,nonexistent,-3.0,92.713,-33.0,0.718,5023.5,no +46,admin.,married,university.degree,no,unknown,unknown,cellular,dec,fri,696,10,999,0,nonexistent,-3.0,92.713,-33.0,0.718,5023.5,yes +25,admin.,single,university.degree,no,no,no,cellular,dec,fri,1139,2,4,1,success,-3.0,92.713,-33.0,0.718,5023.5,no +55,admin.,married,high.school,no,no,no,cellular,dec,fri,254,2,999,0,nonexistent,-3.0,92.713,-33.0,0.718,5023.5,no +80,retired,divorced,basic.4y,no,no,yes,cellular,dec,fri,720,5,999,1,failure,-3.0,92.713,-33.0,0.718,5023.5,no +48,admin.,married,university.degree,no,no,no,cellular,dec,mon,85,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +30,student,single,unknown,no,no,no,cellular,dec,mon,69,1,999,1,failure,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +50,technician,married,high.school,no,yes,no,cellular,dec,mon,229,1,999,1,failure,-3.0,92.713,-33.0,0.7170000000000001,5023.5,yes +49,housemaid,single,university.degree,no,no,yes,cellular,dec,mon,334,3,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +36,admin.,single,high.school,no,unknown,unknown,cellular,dec,mon,480,1,999,1,failure,-3.0,92.713,-33.0,0.7170000000000001,5023.5,yes +54,blue-collar,married,high.school,no,no,no,cellular,dec,mon,344,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,yes +36,technician,single,professional.course,no,no,no,cellular,dec,mon,371,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +54,technician,divorced,university.degree,no,unknown,unknown,cellular,dec,mon,164,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +43,admin.,married,high.school,no,no,yes,cellular,dec,mon,415,2,8,2,failure,-3.0,92.713,-33.0,0.7170000000000001,5023.5,yes +36,admin.,single,high.school,no,yes,no,telephone,dec,mon,358,6,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +47,admin.,married,university.degree,no,no,no,telephone,dec,mon,91,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +49,housemaid,single,university.degree,no,yes,no,cellular,dec,mon,583,2,6,1,success,-3.0,92.713,-33.0,0.7170000000000001,5023.5,yes +47,admin.,married,university.degree,no,yes,yes,cellular,dec,mon,67,5,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +48,admin.,married,university.degree,no,yes,no,cellular,dec,mon,347,4,6,2,success,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +50,technician,married,high.school,no,no,no,cellular,dec,mon,620,3,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,yes +38,technician,single,university.degree,no,yes,no,cellular,dec,mon,329,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,yes +73,retired,married,basic.4y,no,no,no,cellular,dec,mon,245,5,999,0,nonexistent,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +38,unemployed,single,high.school,no,yes,no,cellular,dec,mon,1002,3,10,1,success,-3.0,92.713,-33.0,0.7170000000000001,5023.5,no +54,admin.,divorced,university.degree,no,no,no,cellular,dec,wed,288,7,6,2,success,-3.0,92.713,-33.0,0.715,5023.5,yes +42,services,married,university.degree,no,no,no,cellular,dec,wed,179,1,6,1,success,-3.0,92.713,-33.0,0.715,5023.5,yes +29,student,single,high.school,no,no,no,cellular,dec,wed,390,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +64,retired,married,basic.4y,no,unknown,unknown,telephone,dec,wed,137,8,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +56,management,married,professional.course,no,no,no,cellular,dec,wed,124,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +30,student,single,unknown,no,no,no,cellular,dec,wed,343,1,4,2,success,-3.0,92.713,-33.0,0.715,5023.5,yes +31,self-employed,single,university.degree,no,no,no,cellular,dec,wed,854,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +32,admin.,married,high.school,no,yes,yes,cellular,dec,wed,479,2,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +86,retired,married,professional.course,no,no,no,telephone,dec,wed,343,2,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +41,self-employed,married,university.degree,no,unknown,unknown,telephone,dec,wed,595,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +26,admin.,single,university.degree,no,yes,no,telephone,dec,wed,395,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +65,management,married,unknown,no,no,no,cellular,dec,wed,456,2,9,1,success,-3.0,92.713,-33.0,0.715,5023.5,yes +32,student,married,high.school,no,yes,no,telephone,dec,wed,87,5,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +32,student,married,high.school,no,yes,no,telephone,dec,wed,135,3,999,1,failure,-3.0,92.713,-33.0,0.715,5023.5,no +70,retired,divorced,basic.9y,no,no,no,telephone,dec,wed,220,2,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +65,management,married,unknown,no,yes,no,telephone,dec,wed,207,3,999,1,failure,-3.0,92.713,-33.0,0.715,5023.5,yes +37,management,married,unknown,no,no,no,cellular,dec,wed,149,3,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +64,housemaid,married,basic.4y,no,yes,yes,cellular,dec,thu,336,5,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +56,retired,married,basic.4y,no,no,no,cellular,dec,thu,429,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +51,unemployed,divorced,high.school,no,no,no,cellular,dec,thu,112,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,no +55,admin.,married,professional.course,no,yes,no,cellular,dec,thu,798,1,9,2,success,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +29,unemployed,married,basic.4y,no,no,no,telephone,dec,thu,805,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +71,retired,married,unknown,no,yes,yes,cellular,dec,thu,182,1,999,1,failure,-3.0,92.713,-33.0,0.7140000000000001,5023.5,no +64,housemaid,married,basic.4y,no,no,no,cellular,dec,thu,422,1,6,2,success,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +64,housemaid,married,basic.4y,no,no,no,telephone,dec,thu,208,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,no +64,housemaid,married,basic.4y,no,no,no,cellular,dec,thu,232,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +64,housemaid,married,basic.4y,no,no,yes,cellular,dec,thu,501,1,6,1,success,-3.0,92.713,-33.0,0.7140000000000001,5023.5,no +56,retired,married,basic.4y,no,no,no,cellular,dec,thu,582,4,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +62,housemaid,married,professional.course,no,yes,no,cellular,dec,fri,141,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +81,retired,divorced,basic.4y,no,yes,no,cellular,dec,fri,166,3,999,0,nonexistent,-3.0,92.713,-33.0,0.7140000000000001,5023.5,yes +61,admin.,married,university.degree,no,no,no,cellular,dec,mon,263,1,999,1,failure,-3.0,92.713,-33.0,0.715,5023.5,no +57,admin.,single,high.school,no,no,no,cellular,dec,mon,388,1,6,2,success,-3.0,92.713,-33.0,0.715,5023.5,no +54,technician,divorced,professional.course,no,yes,no,cellular,dec,mon,352,1,6,1,success,-3.0,92.713,-33.0,0.715,5023.5,no +18,student,single,basic.9y,no,yes,no,cellular,dec,mon,269,1,999,1,failure,-3.0,92.713,-33.0,0.715,5023.5,no +48,technician,married,professional.course,no,yes,yes,cellular,dec,mon,122,3,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +74,retired,divorced,high.school,no,yes,yes,telephone,dec,mon,88,6,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +18,student,single,basic.9y,no,yes,no,cellular,dec,mon,446,2,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +63,technician,married,unknown,no,yes,no,cellular,dec,mon,510,2,999,1,failure,-3.0,92.713,-33.0,0.715,5023.5,yes +85,retired,divorced,basic.4y,unknown,yes,no,cellular,dec,mon,321,3,6,1,success,-3.0,92.713,-33.0,0.715,5023.5,yes +84,retired,married,high.school,no,no,no,cellular,dec,tue,351,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +85,retired,divorced,basic.4y,unknown,yes,no,telephone,dec,tue,150,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +59,retired,married,professional.course,no,no,no,telephone,dec,tue,476,1,999,1,failure,-3.0,92.713,-33.0,0.715,5023.5,yes +46,admin.,single,university.degree,no,yes,yes,cellular,dec,tue,324,2,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +56,blue-collar,married,basic.4y,unknown,yes,no,cellular,dec,tue,280,3,6,1,success,-3.0,92.713,-33.0,0.715,5023.5,yes +43,admin.,married,high.school,no,yes,no,cellular,dec,tue,72,4,6,1,success,-3.0,92.713,-33.0,0.715,5023.5,no +55,services,married,basic.9y,no,yes,no,cellular,dec,wed,314,1,6,1,success,-3.0,92.713,-33.0,0.715,5023.5,yes +70,retired,married,basic.4y,no,yes,no,cellular,dec,wed,325,1,999,2,failure,-3.0,92.713,-33.0,0.715,5023.5,no +56,admin.,divorced,unknown,no,no,no,cellular,dec,wed,205,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,no +64,retired,married,high.school,no,yes,no,cellular,dec,wed,354,1,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +70,retired,married,basic.4y,no,no,no,cellular,dec,wed,546,2,999,0,nonexistent,-3.0,92.713,-33.0,0.715,5023.5,yes +47,housemaid,married,basic.9y,no,yes,no,cellular,dec,thu,155,1,999,1,failure,-3.0,92.713,-33.0,0.7120000000000001,5023.5,no +68,management,married,basic.9y,no,yes,no,cellular,dec,thu,97,1,999,2,failure,-3.0,92.713,-33.0,0.7120000000000001,5023.5,no +76,retired,married,university.degree,no,no,no,cellular,dec,thu,103,1,999,1,failure,-3.0,92.713,-33.0,0.7120000000000001,5023.5,no +68,technician,married,unknown,no,no,no,cellular,dec,thu,141,4,999,0,nonexistent,-3.0,92.713,-33.0,0.7120000000000001,5023.5,no +18,student,single,basic.9y,no,no,no,cellular,dec,thu,412,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7120000000000001,5023.5,yes +76,retired,married,university.degree,no,yes,yes,cellular,dec,thu,330,2,4,2,success,-3.0,92.713,-33.0,0.7120000000000001,5023.5,yes +19,student,single,high.school,no,yes,no,cellular,dec,thu,110,2,999,3,failure,-3.0,92.713,-33.0,0.7120000000000001,5023.5,no +24,student,single,high.school,no,yes,no,cellular,dec,thu,726,3,999,0,nonexistent,-3.0,92.713,-33.0,0.7120000000000001,5023.5,yes +76,retired,married,university.degree,no,no,yes,cellular,dec,thu,324,3,4,2,success,-3.0,92.713,-33.0,0.7120000000000001,5023.5,yes +76,retired,married,university.degree,no,unknown,unknown,cellular,dec,thu,184,6,999,1,failure,-3.0,92.713,-33.0,0.7120000000000001,5023.5,no +38,unemployed,single,high.school,no,yes,no,cellular,dec,fri,170,4,6,1,success,-3.0,92.713,-33.0,0.71,5023.5,yes +28,admin.,single,university.degree,no,yes,yes,cellular,dec,fri,454,6,999,1,failure,-3.0,92.713,-33.0,0.71,5023.5,no +21,student,single,university.degree,no,yes,no,cellular,dec,fri,379,3,6,1,success,-3.0,92.713,-33.0,0.71,5023.5,yes +52,technician,married,high.school,no,no,no,cellular,dec,fri,406,1,999,1,failure,-3.0,92.713,-33.0,0.71,5023.5,yes +23,blue-collar,single,high.school,no,yes,no,cellular,dec,fri,248,6,999,0,nonexistent,-3.0,92.713,-33.0,0.71,5023.5,no +30,self-employed,single,university.degree,no,yes,yes,cellular,dec,fri,127,2,6,1,success,-3.0,92.713,-33.0,0.71,5023.5,no +55,entrepreneur,divorced,basic.9y,no,no,no,cellular,dec,fri,415,7,999,0,nonexistent,-3.0,92.713,-33.0,0.71,5023.5,yes +36,admin.,married,university.degree,no,yes,no,telephone,dec,fri,52,4,999,0,nonexistent,-3.0,92.713,-33.0,0.71,5023.5,no +42,admin.,married,university.degree,no,no,no,telephone,dec,fri,104,5,6,1,success,-3.0,92.713,-33.0,0.71,5023.5,no +29,admin.,married,university.degree,no,yes,no,cellular,dec,mon,116,2,999,1,failure,-3.0,92.713,-33.0,0.7090000000000001,5023.5,no +26,student,single,university.degree,no,no,no,telephone,dec,mon,796,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7090000000000001,5023.5,no +43,management,married,unknown,no,yes,no,telephone,dec,mon,2062,2,8,1,success,-3.0,92.713,-33.0,0.7090000000000001,5023.5,yes +29,admin.,married,university.degree,no,no,no,cellular,dec,mon,77,3,999,1,failure,-3.0,92.713,-33.0,0.7090000000000001,5023.5,no +29,technician,single,university.degree,no,yes,no,cellular,dec,mon,264,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7090000000000001,5023.5,yes +28,unemployed,single,high.school,no,yes,no,cellular,dec,mon,94,3,6,3,success,-3.0,92.713,-33.0,0.7090000000000001,5023.5,no +31,admin.,married,professional.course,no,no,yes,cellular,dec,mon,367,2,999,1,failure,-3.0,92.713,-33.0,0.7090000000000001,5023.5,yes +51,technician,married,professional.course,no,no,yes,cellular,dec,mon,267,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7090000000000001,5023.5,yes +23,student,single,basic.9y,no,yes,no,cellular,dec,tue,321,2,999,0,nonexistent,-3.0,92.713,-33.0,0.708,5023.5,yes +27,student,single,high.school,no,yes,no,cellular,dec,tue,396,1,999,0,nonexistent,-3.0,92.713,-33.0,0.708,5023.5,no +23,student,single,basic.9y,no,yes,no,cellular,dec,tue,256,2,999,0,nonexistent,-3.0,92.713,-33.0,0.708,5023.5,yes +50,admin.,married,university.degree,no,yes,no,cellular,dec,tue,410,3,999,0,nonexistent,-3.0,92.713,-33.0,0.708,5023.5,yes +27,technician,single,university.degree,no,yes,no,cellular,dec,tue,305,3,10,1,success,-3.0,92.713,-33.0,0.708,5023.5,yes +23,student,single,basic.9y,no,yes,no,cellular,dec,tue,158,2,999,0,nonexistent,-3.0,92.713,-33.0,0.708,5023.5,no +62,retired,married,university.degree,no,yes,no,cellular,dec,wed,282,1,6,1,success,-3.0,92.713,-33.0,0.706,5023.5,yes +28,student,single,unknown,no,yes,no,cellular,dec,wed,102,2,999,0,nonexistent,-3.0,92.713,-33.0,0.706,5023.5,no +57,admin.,married,unknown,no,yes,no,cellular,dec,wed,391,2,999,0,nonexistent,-3.0,92.713,-33.0,0.706,5023.5,yes +41,admin.,married,university.degree,no,yes,no,cellular,dec,thu,422,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +35,blue-collar,married,basic.9y,no,no,yes,cellular,dec,thu,520,3,999,2,failure,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +41,admin.,married,university.degree,no,no,no,cellular,dec,thu,213,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +41,admin.,married,university.degree,no,yes,no,cellular,dec,thu,500,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +76,retired,divorced,professional.course,no,yes,no,cellular,dec,thu,956,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,dec,thu,105,1,4,3,success,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +45,admin.,married,university.degree,no,no,no,cellular,dec,thu,150,2,6,1,success,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +35,unemployed,married,professional.course,no,yes,yes,cellular,dec,thu,62,3,999,1,failure,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +41,admin.,single,university.degree,no,yes,yes,telephone,dec,thu,273,1,999,1,failure,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +46,technician,married,professional.course,no,yes,no,telephone,dec,mon,679,1,999,0,nonexistent,-3.0,92.713,-33.0,0.706,5023.5,yes +22,technician,single,professional.course,no,yes,no,cellular,dec,mon,1141,1,999,0,nonexistent,-3.0,92.713,-33.0,0.706,5023.5,yes +63,retired,married,professional.course,no,no,no,cellular,dec,mon,83,4,999,0,nonexistent,-3.0,92.713,-33.0,0.706,5023.5,no +59,self-employed,married,university.degree,no,no,no,cellular,dec,mon,193,1,999,1,failure,-3.0,92.713,-33.0,0.706,5023.5,no +53,admin.,married,university.degree,no,yes,yes,cellular,dec,mon,433,1,999,0,nonexistent,-3.0,92.713,-33.0,0.706,5023.5,no +37,admin.,married,university.degree,no,no,yes,cellular,dec,mon,206,2,6,1,success,-3.0,92.713,-33.0,0.706,5023.5,yes +35,unemployed,married,professional.course,no,yes,no,cellular,dec,mon,315,1,6,1,success,-3.0,92.713,-33.0,0.706,5023.5,yes +39,unemployed,single,university.degree,no,yes,no,cellular,dec,mon,387,1,6,2,success,-3.0,92.713,-33.0,0.706,5023.5,yes +53,admin.,married,university.degree,no,yes,yes,telephone,dec,mon,824,1,6,2,success,-3.0,92.713,-33.0,0.706,5023.5,yes +30,student,single,university.degree,no,yes,no,cellular,dec,mon,256,1,999,0,nonexistent,-3.0,92.713,-33.0,0.706,5023.5,no +46,unknown,single,unknown,unknown,yes,no,cellular,dec,mon,1472,1,6,1,success,-3.0,92.713,-33.0,0.706,5023.5,no +63,retired,married,professional.course,no,no,no,cellular,dec,mon,137,1,999,1,failure,-3.0,92.713,-33.0,0.706,5023.5,no +32,self-employed,single,university.degree,no,yes,no,cellular,dec,mon,205,4,999,1,failure,-3.0,92.713,-33.0,0.706,5023.5,yes +35,management,divorced,university.degree,no,no,no,cellular,dec,mon,473,2,999,1,failure,-3.0,92.713,-33.0,0.706,5023.5,yes +40,self-employed,married,university.degree,no,no,yes,cellular,dec,mon,893,1,999,0,nonexistent,-3.0,92.713,-33.0,0.706,5023.5,yes +34,admin.,married,university.degree,no,yes,no,cellular,dec,tue,195,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +29,management,married,university.degree,no,yes,no,telephone,dec,tue,207,4,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +73,retired,divorced,high.school,no,yes,no,cellular,dec,tue,284,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +43,blue-collar,married,basic.9y,no,yes,no,cellular,dec,tue,689,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +26,technician,single,university.degree,no,yes,no,cellular,dec,tue,296,1,5,1,success,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +27,technician,single,university.degree,no,yes,no,cellular,dec,tue,1370,3,6,2,success,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +32,admin.,single,university.degree,no,yes,no,cellular,dec,tue,449,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +34,admin.,married,university.degree,no,no,yes,cellular,dec,tue,196,2,6,2,success,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +32,admin.,single,university.degree,no,yes,no,cellular,dec,tue,215,2,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +27,technician,single,university.degree,no,yes,no,cellular,dec,tue,109,1,999,1,failure,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +35,admin.,married,university.degree,no,no,no,cellular,dec,tue,554,1,999,0,nonexistent,-3.0,92.713,-33.0,0.7070000000000001,5023.5,no +73,retired,divorced,high.school,no,no,yes,cellular,dec,tue,63,3,6,2,success,-3.0,92.713,-33.0,0.7070000000000001,5023.5,yes +51,blue-collar,married,professional.course,no,yes,no,cellular,dec,wed,241,3,999,0,nonexistent,-3.0,92.713,-33.0,0.7,5023.5,yes +31,student,married,high.school,no,yes,no,cellular,dec,wed,158,3,999,0,nonexistent,-3.0,92.713,-33.0,0.7,5023.5,no +39,admin.,married,high.school,no,yes,no,cellular,dec,wed,110,3,999,1,failure,-3.0,92.713,-33.0,0.7,5023.5,no +59,management,married,university.degree,no,no,no,cellular,dec,thu,112,4,999,1,failure,-3.0,92.713,-33.0,0.7,5023.5,no +59,management,married,university.degree,no,yes,no,cellular,dec,thu,646,3,6,1,success,-3.0,92.713,-33.0,0.7,5023.5,no +39,admin.,single,university.degree,no,yes,no,telephone,mar,mon,229,1,999,1,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +60,technician,married,university.degree,no,yes,no,telephone,mar,mon,10,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +30,blue-collar,married,high.school,no,yes,no,telephone,mar,tue,904,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +78,retired,divorced,professional.course,no,yes,no,cellular,mar,tue,591,1,999,1,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +66,retired,married,basic.4y,no,yes,no,cellular,mar,tue,229,1,6,1,success,-1.8,93.369,-34.8,0.655,5008.7,yes +66,retired,married,professional.course,no,no,yes,cellular,mar,tue,525,1,21,2,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +31,admin.,divorced,professional.course,no,yes,no,cellular,mar,tue,107,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +30,blue-collar,married,high.school,no,no,no,cellular,mar,tue,658,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +30,technician,married,professional.course,no,yes,no,cellular,mar,tue,368,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +30,technician,married,professional.course,no,yes,yes,cellular,mar,tue,147,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +27,technician,married,professional.course,no,no,yes,telephone,mar,tue,18,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +30,technician,married,professional.course,no,yes,no,cellular,mar,tue,105,1,999,1,failure,-1.8,93.369,-34.8,0.655,5008.7,no +31,admin.,married,university.degree,no,unknown,unknown,cellular,mar,tue,207,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +66,retired,married,professional.course,no,no,no,cellular,mar,tue,328,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +66,retired,married,professional.course,no,no,no,cellular,mar,tue,177,1,999,1,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +53,technician,married,high.school,no,yes,no,cellular,mar,tue,539,2,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +27,unknown,single,university.degree,no,no,no,cellular,mar,tue,133,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +19,student,single,basic.6y,no,yes,no,cellular,mar,tue,313,1,5,2,success,-1.8,93.369,-34.8,0.655,5008.7,yes +31,admin.,divorced,professional.course,no,yes,no,cellular,mar,tue,292,2,999,1,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +25,blue-collar,single,basic.6y,no,no,no,cellular,mar,tue,228,4,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +35,services,single,high.school,no,yes,no,telephone,mar,tue,187,3,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +30,technician,married,professional.course,no,yes,no,cellular,mar,tue,263,2,6,2,success,-1.8,93.369,-34.8,0.655,5008.7,yes +33,admin.,married,university.degree,no,yes,no,cellular,mar,wed,235,3,4,1,success,-1.8,93.369,-34.8,0.655,5008.7,yes +21,student,single,basic.9y,no,no,no,cellular,mar,wed,363,1,6,1,success,-1.8,93.369,-34.8,0.655,5008.7,yes +38,blue-collar,single,high.school,no,no,no,cellular,mar,wed,141,1,999,1,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +38,blue-collar,single,high.school,no,yes,no,telephone,mar,wed,557,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +24,admin.,single,university.degree,no,yes,no,cellular,mar,wed,145,2,999,1,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +38,blue-collar,single,high.school,no,yes,no,cellular,mar,wed,355,1,13,2,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +51,management,married,university.degree,no,no,no,telephone,mar,wed,19,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +37,admin.,single,high.school,no,no,no,cellular,mar,wed,153,2,4,2,success,-1.8,93.369,-34.8,0.655,5008.7,yes +21,student,single,basic.9y,no,yes,no,cellular,mar,wed,136,2,999,1,failure,-1.8,93.369,-34.8,0.655,5008.7,yes +36,admin.,married,high.school,no,yes,no,cellular,mar,wed,114,6,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +54,technician,single,university.degree,no,yes,no,telephone,mar,wed,700,3,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,no +36,management,single,university.degree,no,no,no,telephone,mar,wed,834,1,999,0,nonexistent,-1.8,93.369,-34.8,0.655,5008.7,yes +34,technician,single,university.degree,no,yes,yes,cellular,mar,thu,221,3,3,2,success,-1.8,93.369,-34.8,0.654,5008.7,yes +37,admin.,single,university.degree,no,yes,no,cellular,mar,thu,194,2,999,1,failure,-1.8,93.369,-34.8,0.654,5008.7,no +34,technician,single,university.degree,no,yes,no,cellular,mar,thu,180,2,999,0,nonexistent,-1.8,93.369,-34.8,0.654,5008.7,yes +52,services,married,high.school,unknown,yes,no,cellular,mar,thu,177,2,11,3,failure,-1.8,93.369,-34.8,0.654,5008.7,yes +34,admin.,married,professional.course,no,no,yes,telephone,mar,thu,364,2,999,1,failure,-1.8,93.369,-34.8,0.654,5008.7,no +34,technician,single,university.degree,no,no,no,cellular,mar,thu,251,1,999,2,failure,-1.8,93.369,-34.8,0.654,5008.7,yes +36,management,married,university.degree,no,no,no,cellular,mar,thu,148,1,999,2,failure,-1.8,93.369,-34.8,0.654,5008.7,yes +53,admin.,divorced,university.degree,no,no,no,cellular,mar,thu,2486,1,999,0,nonexistent,-1.8,93.369,-34.8,0.654,5008.7,yes +53,admin.,divorced,university.degree,no,yes,yes,cellular,mar,thu,431,1,999,1,failure,-1.8,93.369,-34.8,0.654,5008.7,no +25,blue-collar,single,basic.9y,no,no,no,cellular,mar,thu,117,2,999,0,nonexistent,-1.8,93.369,-34.8,0.654,5008.7,no +55,admin.,married,university.degree,no,yes,no,telephone,mar,thu,220,7,999,0,nonexistent,-1.8,93.369,-34.8,0.654,5008.7,no +25,blue-collar,single,basic.9y,no,no,no,cellular,mar,thu,456,2,10,2,success,-1.8,93.369,-34.8,0.654,5008.7,yes +66,retired,divorced,basic.4y,no,yes,no,cellular,mar,thu,141,4,999,2,failure,-1.8,93.369,-34.8,0.654,5008.7,no +53,admin.,divorced,university.degree,no,yes,no,telephone,mar,thu,262,1,999,2,failure,-1.8,93.369,-34.8,0.654,5008.7,no +34,admin.,married,professional.course,no,yes,no,cellular,mar,thu,562,3,999,1,failure,-1.8,93.369,-34.8,0.654,5008.7,yes +25,student,single,university.degree,no,yes,no,telephone,mar,fri,252,3,999,1,failure,-1.8,93.369,-34.8,0.653,5008.7,no +64,retired,married,university.degree,no,no,no,cellular,mar,fri,158,1,3,2,success,-1.8,93.369,-34.8,0.653,5008.7,no +34,blue-collar,married,high.school,no,yes,no,cellular,mar,fri,115,1,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +41,admin.,divorced,university.degree,no,yes,yes,cellular,mar,fri,418,1,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +28,unemployed,married,high.school,no,no,no,telephone,mar,fri,341,4,6,1,success,-1.8,93.369,-34.8,0.653,5008.7,yes +72,retired,married,professional.course,no,no,no,cellular,mar,fri,87,1,3,1,success,-1.8,93.369,-34.8,0.653,5008.7,yes +33,entrepreneur,single,professional.course,no,yes,no,cellular,mar,fri,373,1,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +85,retired,single,professional.course,no,no,no,cellular,mar,fri,116,7,7,2,success,-1.8,93.369,-34.8,0.653,5008.7,no +38,technician,single,high.school,no,no,no,cellular,mar,fri,154,3,17,3,failure,-1.8,93.369,-34.8,0.653,5008.7,no +31,technician,single,professional.course,no,no,no,cellular,mar,fri,172,2,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,no +34,technician,divorced,professional.course,no,no,no,telephone,mar,fri,257,1,999,1,failure,-1.8,93.369,-34.8,0.653,5008.7,yes +74,retired,married,unknown,no,no,yes,cellular,mar,fri,607,2,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +27,student,single,high.school,no,no,no,cellular,mar,fri,219,1,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +22,student,single,basic.9y,no,no,no,cellular,mar,fri,84,1,999,1,failure,-1.8,93.369,-34.8,0.653,5008.7,no +50,technician,married,university.degree,no,yes,no,cellular,mar,fri,809,1,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +41,admin.,divorced,university.degree,no,no,no,cellular,mar,fri,319,1,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +38,technician,single,high.school,no,yes,no,cellular,mar,fri,292,2,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +41,admin.,divorced,university.degree,no,yes,no,cellular,mar,fri,498,2,6,3,success,-1.8,93.369,-34.8,0.653,5008.7,yes +41,admin.,divorced,university.degree,no,yes,no,cellular,mar,fri,376,2,999,0,nonexistent,-1.8,93.369,-34.8,0.653,5008.7,yes +43,self-employed,married,university.degree,no,yes,no,cellular,mar,mon,264,2,9,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +59,management,married,basic.4y,no,yes,no,cellular,mar,mon,284,2,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,no +35,technician,single,professional.course,no,no,no,cellular,mar,mon,185,2,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,no +29,admin.,single,high.school,no,no,no,cellular,mar,mon,150,4,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,no +27,services,single,university.degree,no,yes,no,cellular,mar,mon,111,3,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,no +29,management,single,university.degree,no,yes,no,cellular,mar,mon,154,2,999,1,failure,-1.8,93.369,-34.8,0.652,5008.7,no +73,retired,married,unknown,no,yes,no,telephone,mar,mon,659,1,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,yes +29,admin.,single,unknown,no,yes,no,cellular,mar,mon,132,1,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,yes +49,blue-collar,married,basic.9y,unknown,yes,no,cellular,mar,mon,277,4,999,1,failure,-1.8,93.369,-34.8,0.652,5008.7,yes +49,blue-collar,married,basic.9y,unknown,no,no,cellular,mar,mon,157,3,7,2,success,-1.8,93.369,-34.8,0.652,5008.7,no +27,services,single,university.degree,no,yes,no,cellular,mar,mon,104,1,6,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +49,blue-collar,married,basic.9y,unknown,no,no,cellular,mar,mon,172,1,6,2,success,-1.8,93.369,-34.8,0.652,5008.7,yes +59,blue-collar,married,basic.4y,no,yes,no,cellular,mar,mon,124,2,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,yes +33,self-employed,single,university.degree,no,yes,no,cellular,mar,mon,265,2,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,yes +36,admin.,single,university.degree,no,no,no,cellular,mar,mon,409,1,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,yes +49,blue-collar,married,basic.9y,unknown,no,no,cellular,mar,mon,301,1,3,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +27,services,single,university.degree,no,no,no,cellular,mar,mon,139,6,999,1,failure,-1.8,93.369,-34.8,0.652,5008.7,no +64,retired,married,university.degree,no,no,no,cellular,mar,tue,139,2,6,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,university.degree,no,no,no,telephone,mar,tue,225,1,3,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +42,blue-collar,married,basic.6y,no,yes,yes,cellular,mar,tue,185,1,7,3,failure,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,high.school,no,no,no,cellular,mar,tue,469,1,6,2,success,-1.8,93.369,-34.8,0.652,5008.7,yes +29,blue-collar,single,professional.course,no,yes,yes,cellular,mar,tue,176,1,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,university.degree,no,yes,no,cellular,mar,tue,568,1,6,3,success,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,university.degree,no,no,no,cellular,mar,tue,241,1,6,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,university.degree,no,yes,yes,cellular,mar,tue,301,1,3,2,success,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,university.degree,no,no,yes,cellular,mar,tue,236,1,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,yes +55,unemployed,divorced,university.degree,no,no,no,cellular,mar,tue,212,3,6,3,success,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,university.degree,no,no,yes,cellular,mar,tue,305,1,11,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,university.degree,no,no,yes,cellular,mar,tue,288,2,3,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +64,retired,married,university.degree,no,no,no,cellular,mar,tue,700,2,5,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +26,admin.,single,high.school,no,no,no,cellular,mar,tue,273,2,6,1,success,-1.8,93.369,-34.8,0.652,5008.7,yes +34,admin.,single,university.degree,no,yes,no,cellular,mar,tue,265,2,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,no +34,admin.,single,university.degree,no,yes,yes,cellular,mar,tue,295,1,999,0,nonexistent,-1.8,93.369,-34.8,0.652,5008.7,yes +38,blue-collar,single,high.school,no,no,no,telephone,mar,tue,450,3,6,2,success,-1.8,93.369,-34.8,0.652,5008.7,yes +29,blue-collar,single,professional.course,no,no,yes,cellular,mar,tue,207,2,999,1,failure,-1.8,93.369,-34.8,0.652,5008.7,yes +25,unemployed,married,high.school,no,yes,no,cellular,mar,wed,436,2,6,1,success,-1.8,93.369,-34.8,0.6509999999999999,5008.7,yes +43,self-employed,married,university.degree,no,yes,no,cellular,mar,wed,239,1,999,0,nonexistent,-1.8,93.369,-34.8,0.6509999999999999,5008.7,yes +35,technician,married,university.degree,no,yes,yes,cellular,mar,wed,138,1,999,1,failure,-1.8,93.369,-34.8,0.6509999999999999,5008.7,no +28,self-employed,single,university.degree,no,yes,yes,cellular,mar,wed,217,1,999,1,failure,-1.8,93.369,-34.8,0.6509999999999999,5008.7,no +28,self-employed,single,university.degree,no,yes,no,telephone,mar,wed,152,1,999,1,failure,-1.8,93.369,-34.8,0.6509999999999999,5008.7,no +31,technician,married,university.degree,no,no,no,cellular,mar,wed,625,4,999,0,nonexistent,-1.8,93.369,-34.8,0.6509999999999999,5008.7,no +55,admin.,married,high.school,no,yes,no,cellular,mar,wed,106,2,999,1,failure,-1.8,93.369,-34.8,0.6509999999999999,5008.7,yes +28,admin.,single,university.degree,no,yes,no,cellular,mar,thu,257,4,999,2,failure,-1.8,93.369,-34.8,0.65,5008.7,yes +33,admin.,married,university.degree,no,no,yes,telephone,mar,thu,78,2,999,1,failure,-1.8,93.369,-34.8,0.65,5008.7,no +27,technician,single,university.degree,no,yes,no,cellular,mar,thu,129,4,999,1,failure,-1.8,93.369,-34.8,0.65,5008.7,no +39,admin.,divorced,university.degree,no,yes,no,cellular,mar,thu,93,1,13,1,success,-1.8,93.369,-34.8,0.65,5008.7,no +46,admin.,married,university.degree,no,no,no,telephone,mar,thu,184,1,3,1,success,-1.8,93.369,-34.8,0.65,5008.7,no +46,admin.,married,university.degree,no,yes,no,cellular,mar,thu,335,1,999,0,nonexistent,-1.8,93.369,-34.8,0.65,5008.7,yes +38,services,married,high.school,no,yes,no,cellular,mar,thu,257,1,999,0,nonexistent,-1.8,93.369,-34.8,0.65,5008.7,yes +53,admin.,divorced,university.degree,no,yes,no,cellular,mar,thu,228,1,999,1,failure,-1.8,93.369,-34.8,0.65,5008.7,no +35,technician,married,professional.course,no,no,no,telephone,mar,thu,282,2,6,1,success,-1.8,93.369,-34.8,0.65,5008.7,no +33,admin.,married,university.degree,no,yes,no,cellular,mar,thu,117,1,3,1,success,-1.8,93.369,-34.8,0.65,5008.7,no +31,admin.,single,university.degree,no,no,no,cellular,mar,thu,275,2,999,0,nonexistent,-1.8,93.369,-34.8,0.65,5008.7,no +31,self-employed,married,professional.course,no,yes,no,cellular,mar,thu,171,4,999,3,failure,-1.8,93.369,-34.8,0.65,5008.7,yes +28,services,single,professional.course,no,yes,no,cellular,mar,fri,169,3,999,1,failure,-1.8,93.369,-34.8,0.649,5008.7,no +61,self-employed,divorced,university.degree,no,no,no,cellular,mar,fri,102,2,999,1,failure,-1.8,93.369,-34.8,0.649,5008.7,no +33,admin.,married,university.degree,no,no,no,cellular,mar,fri,121,2,999,1,failure,-1.8,93.369,-34.8,0.649,5008.7,no +23,student,single,high.school,no,no,no,telephone,mar,fri,290,1,3,1,success,-1.8,93.369,-34.8,0.649,5008.7,yes +38,housemaid,single,high.school,no,yes,no,cellular,mar,fri,422,1,10,1,success,-1.8,93.369,-34.8,0.649,5008.7,yes +33,admin.,married,university.degree,no,no,no,cellular,mar,fri,119,2,999,3,failure,-1.8,93.369,-34.8,0.649,5008.7,no +26,student,single,high.school,no,no,no,cellular,mar,fri,215,1,6,3,success,-1.8,93.369,-34.8,0.649,5008.7,yes +27,services,single,university.degree,no,no,no,cellular,mar,fri,212,1,999,0,nonexistent,-1.8,93.369,-34.8,0.649,5008.7,yes +27,services,single,university.degree,no,yes,no,cellular,mar,fri,229,3,999,1,failure,-1.8,93.369,-34.8,0.649,5008.7,yes +80,retired,married,basic.4y,no,no,no,cellular,mar,fri,213,3,6,4,success,-1.8,93.369,-34.8,0.649,5008.7,yes +62,technician,married,unknown,no,no,no,cellular,mar,mon,104,2,3,2,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +58,retired,married,university.degree,no,yes,no,cellular,mar,mon,144,2,999,1,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +73,retired,married,basic.4y,no,yes,no,cellular,mar,mon,209,2,999,1,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +53,technician,married,professional.course,no,no,no,cellular,mar,mon,261,4,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +30,management,married,university.degree,no,yes,no,cellular,mar,mon,106,3,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +29,admin.,single,high.school,no,yes,yes,cellular,mar,mon,257,1,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +62,technician,married,unknown,no,yes,no,cellular,mar,mon,192,1,6,1,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +48,unemployed,married,university.degree,no,no,yes,cellular,mar,mon,151,1,999,1,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +53,technician,married,professional.course,no,yes,no,telephone,mar,mon,247,5,999,2,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +53,technician,married,professional.course,no,yes,yes,cellular,mar,mon,109,1,999,1,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +33,admin.,single,university.degree,no,no,no,cellular,mar,mon,427,1,6,2,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +58,admin.,married,university.degree,no,yes,no,cellular,mar,mon,549,5,999,2,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +62,technician,married,unknown,no,no,no,cellular,mar,mon,435,3,6,1,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +82,retired,married,professional.course,no,yes,no,telephone,mar,mon,506,2,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +29,admin.,single,university.degree,no,no,no,cellular,mar,mon,287,2,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +31,admin.,married,professional.course,no,no,no,cellular,mar,mon,161,2,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +62,technician,married,unknown,no,no,no,cellular,mar,mon,105,2,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +30,self-employed,married,university.degree,no,yes,no,telephone,mar,mon,577,7,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +30,unemployed,single,professional.course,no,yes,no,cellular,mar,mon,341,1,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +34,technician,married,professional.course,no,no,no,telephone,mar,mon,300,6,6,1,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +48,unemployed,married,university.degree,no,yes,no,cellular,mar,mon,195,2,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +29,admin.,single,university.degree,no,yes,no,cellular,mar,mon,361,1,3,3,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +34,technician,married,professional.course,no,yes,no,telephone,mar,mon,129,1,6,1,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +65,retired,married,basic.4y,no,yes,no,cellular,mar,tue,189,1,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +31,unemployed,single,university.degree,no,yes,no,cellular,mar,tue,180,1,10,1,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +47,self-employed,divorced,university.degree,no,no,no,cellular,mar,tue,261,1,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +48,unemployed,married,university.degree,no,yes,no,cellular,mar,tue,279,1,999,2,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +33,technician,single,professional.course,no,yes,no,cellular,mar,tue,459,1,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +52,admin.,married,university.degree,no,yes,no,telephone,mar,tue,294,1,999,1,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +46,unemployed,single,university.degree,no,no,no,cellular,mar,tue,263,1,10,2,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +31,admin.,single,university.degree,no,yes,no,telephone,mar,tue,295,1,3,2,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +33,technician,single,professional.course,no,yes,no,telephone,mar,tue,244,2,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +27,services,single,high.school,no,yes,yes,cellular,mar,tue,384,1,9,2,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +52,admin.,married,university.degree,no,no,no,cellular,mar,tue,231,1,6,2,success,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +66,retired,married,high.school,no,no,no,cellular,mar,tue,618,1,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +30,technician,single,university.degree,no,unknown,unknown,cellular,mar,tue,272,3,999,0,nonexistent,-1.8,93.369,-34.8,0.6459999999999999,5008.7,no +66,retired,married,high.school,no,unknown,unknown,cellular,mar,tue,881,3,999,1,failure,-1.8,93.369,-34.8,0.6459999999999999,5008.7,yes +23,student,single,high.school,no,no,no,cellular,mar,wed,128,1,999,0,nonexistent,-1.8,93.369,-34.8,0.644,5008.7,yes +33,self-employed,married,university.degree,no,yes,no,cellular,mar,wed,184,1,11,1,success,-1.8,93.369,-34.8,0.644,5008.7,no +37,technician,married,professional.course,no,yes,yes,cellular,mar,wed,395,1,9,1,success,-1.8,93.369,-34.8,0.644,5008.7,no +56,retired,married,basic.4y,no,no,no,cellular,mar,wed,181,2,9,2,failure,-1.8,93.369,-34.8,0.644,5008.7,no +59,admin.,married,university.degree,no,yes,no,telephone,mar,wed,133,7,999,0,nonexistent,-1.8,93.369,-34.8,0.644,5008.7,no +52,technician,married,basic.9y,no,no,no,cellular,mar,wed,272,3,999,0,nonexistent,-1.8,93.369,-34.8,0.644,5008.7,yes +53,blue-collar,single,basic.9y,no,unknown,unknown,cellular,mar,thu,362,1,9,2,success,-1.8,93.369,-34.8,0.643,5008.7,yes +53,technician,married,unknown,no,no,no,cellular,mar,thu,93,1,999,1,failure,-1.8,93.369,-34.8,0.643,5008.7,no +26,admin.,married,unknown,no,no,no,cellular,mar,thu,359,1,999,1,failure,-1.8,93.369,-34.8,0.643,5008.7,no +28,admin.,single,university.degree,no,yes,no,cellular,mar,thu,370,1,9,1,success,-1.8,93.369,-34.8,0.643,5008.7,no +28,admin.,single,university.degree,no,no,no,cellular,mar,thu,237,1,999,0,nonexistent,-1.8,93.369,-34.8,0.643,5008.7,yes +28,admin.,single,university.degree,no,no,no,cellular,mar,thu,125,1,999,0,nonexistent,-1.8,93.369,-34.8,0.643,5008.7,no +47,services,single,unknown,no,unknown,unknown,cellular,mar,thu,394,2,999,0,nonexistent,-1.8,93.369,-34.8,0.643,5008.7,no +38,admin.,single,university.degree,no,yes,no,cellular,mar,thu,420,1,999,0,nonexistent,-1.8,93.369,-34.8,0.643,5008.7,yes +43,admin.,married,high.school,no,yes,no,cellular,mar,thu,265,1,999,0,nonexistent,-1.8,93.369,-34.8,0.643,5008.7,yes +34,admin.,single,university.degree,no,yes,no,cellular,mar,thu,910,2,6,3,success,-1.8,93.369,-34.8,0.643,5008.7,yes +29,technician,single,professional.course,no,yes,yes,cellular,mar,thu,467,2,13,1,success,-1.8,93.369,-34.8,0.643,5008.7,yes +24,technician,single,professional.course,no,yes,no,telephone,mar,thu,165,3,999,0,nonexistent,-1.8,93.369,-34.8,0.643,5008.7,no +50,management,married,university.degree,no,yes,no,cellular,mar,thu,245,2,999,0,nonexistent,-1.8,93.369,-34.8,0.643,5008.7,no +39,admin.,divorced,professional.course,no,no,no,cellular,mar,thu,593,4,999,1,failure,-1.8,93.369,-34.8,0.643,5008.7,yes +75,retired,married,basic.9y,no,no,no,cellular,mar,mon,293,2,999,1,failure,-1.8,93.369,-34.8,0.639,5008.7,yes +59,unemployed,married,basic.9y,no,yes,no,cellular,mar,mon,254,2,999,0,nonexistent,-1.8,93.369,-34.8,0.639,5008.7,yes +27,admin.,single,unknown,no,yes,no,cellular,mar,mon,247,3,6,2,success,-1.8,93.369,-34.8,0.639,5008.7,yes +30,technician,unknown,university.degree,no,no,no,cellular,mar,mon,977,2,11,2,success,-1.8,93.369,-34.8,0.639,5008.7,yes +30,technician,unknown,university.degree,no,no,no,cellular,mar,mon,173,2,6,2,success,-1.8,93.369,-34.8,0.639,5008.7,yes +29,admin.,single,university.degree,no,yes,no,cellular,mar,mon,215,1,999,0,nonexistent,-1.8,93.369,-34.8,0.639,5008.7,yes +38,student,single,unknown,no,no,yes,cellular,mar,mon,248,1,3,4,success,-1.8,93.369,-34.8,0.639,5008.7,yes +38,student,single,unknown,no,yes,no,cellular,mar,mon,344,1,11,1,success,-1.8,93.369,-34.8,0.639,5008.7,no +38,student,single,unknown,no,no,no,cellular,mar,mon,516,6,999,0,nonexistent,-1.8,93.369,-34.8,0.639,5008.7,no +39,technician,divorced,high.school,no,no,no,cellular,mar,mon,222,1,12,2,success,-1.8,93.369,-34.8,0.639,5008.7,yes +39,technician,divorced,high.school,no,no,no,cellular,mar,mon,174,1,3,1,success,-1.8,93.369,-34.8,0.639,5008.7,yes +36,blue-collar,divorced,high.school,no,no,no,cellular,mar,mon,96,2,999,1,failure,-1.8,93.369,-34.8,0.639,5008.7,no +70,retired,married,unknown,no,no,no,telephone,mar,mon,174,2,7,2,success,-1.8,93.369,-34.8,0.639,5008.7,no +75,retired,married,basic.9y,no,no,no,cellular,mar,mon,153,2,999,0,nonexistent,-1.8,93.369,-34.8,0.639,5008.7,no +27,admin.,single,unknown,no,no,no,cellular,mar,mon,291,1,999,3,failure,-1.8,93.369,-34.8,0.639,5008.7,yes +30,student,single,unknown,no,no,yes,telephone,mar,tue,255,1,3,2,success,-1.8,93.369,-34.8,0.637,5008.7,yes +37,blue-collar,married,basic.9y,no,yes,no,cellular,mar,tue,158,1,999,1,failure,-1.8,93.369,-34.8,0.637,5008.7,no +30,student,single,unknown,no,yes,no,cellular,mar,tue,136,1,9,1,success,-1.8,93.369,-34.8,0.637,5008.7,yes +27,admin.,single,university.degree,no,no,no,cellular,mar,tue,273,1,999,0,nonexistent,-1.8,93.369,-34.8,0.637,5008.7,yes +27,admin.,single,unknown,no,no,no,cellular,mar,tue,128,1,3,1,success,-1.8,93.369,-34.8,0.637,5008.7,yes +27,admin.,single,university.degree,no,no,no,cellular,mar,tue,191,2,999,0,nonexistent,-1.8,93.369,-34.8,0.637,5008.7,yes +30,student,single,unknown,no,no,no,cellular,mar,thu,101,1,14,1,success,-1.8,93.369,-34.8,0.635,5008.7,yes +30,student,single,unknown,no,yes,no,cellular,mar,thu,292,1,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,yes +80,retired,married,basic.4y,no,yes,no,cellular,mar,thu,156,1,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,yes +28,blue-collar,single,high.school,no,no,no,cellular,mar,thu,247,1,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,no +41,technician,divorced,university.degree,no,no,no,cellular,mar,thu,187,1,6,1,success,-1.8,93.369,-34.8,0.635,5008.7,yes +33,admin.,single,unknown,no,no,no,cellular,mar,thu,196,3,999,1,failure,-1.8,93.369,-34.8,0.635,5008.7,no +28,admin.,single,university.degree,no,no,no,cellular,mar,thu,189,1,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,no +36,admin.,single,unknown,no,yes,no,cellular,mar,thu,231,1,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,no +78,retired,married,unknown,no,no,no,cellular,mar,thu,272,1,6,2,success,-1.8,93.369,-34.8,0.635,5008.7,yes +66,housemaid,divorced,basic.4y,no,yes,no,cellular,mar,thu,201,1,3,2,success,-1.8,93.369,-34.8,0.635,5008.7,yes +34,blue-collar,single,unknown,no,no,no,cellular,mar,fri,98,2,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,no +57,blue-collar,married,basic.9y,no,no,no,cellular,mar,fri,94,2,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,no +65,housemaid,divorced,basic.4y,unknown,no,no,cellular,mar,fri,288,3,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,yes +33,services,single,high.school,no,yes,no,cellular,mar,fri,128,2,6,1,success,-1.8,93.369,-34.8,0.636,5008.7,no +59,services,single,high.school,no,yes,no,cellular,mar,fri,169,2,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,no +34,blue-collar,single,unknown,no,yes,no,cellular,mar,fri,360,1,999,1,failure,-1.8,93.369,-34.8,0.636,5008.7,yes +26,admin.,single,high.school,no,yes,no,cellular,mar,fri,454,1,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,no +27,self-employed,single,university.degree,no,no,no,cellular,mar,fri,281,1,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,yes +26,admin.,single,university.degree,no,no,no,cellular,mar,fri,81,1,7,4,failure,-1.8,93.369,-34.8,0.636,5008.7,no +34,admin.,divorced,high.school,no,no,no,cellular,mar,fri,156,1,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,no +78,retired,married,basic.4y,no,yes,no,telephone,mar,fri,139,1,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,no +28,admin.,single,university.degree,no,no,no,cellular,mar,fri,157,2,999,1,failure,-1.8,93.369,-34.8,0.636,5008.7,no +51,admin.,married,university.degree,no,yes,yes,cellular,mar,fri,201,3,999,1,failure,-1.8,93.369,-34.8,0.636,5008.7,no +57,blue-collar,married,basic.9y,no,no,no,cellular,mar,fri,698,1,999,0,nonexistent,-1.8,93.369,-34.8,0.636,5008.7,no +58,services,married,high.school,no,no,no,cellular,mar,mon,92,2,3,1,success,-1.8,93.369,-34.8,0.635,5008.7,yes +58,services,married,high.school,no,no,no,cellular,mar,mon,198,2,999,2,failure,-1.8,93.369,-34.8,0.635,5008.7,no +58,services,married,high.school,no,yes,no,cellular,mar,mon,88,3,999,2,failure,-1.8,93.369,-34.8,0.635,5008.7,no +58,services,married,high.school,no,yes,no,cellular,mar,mon,164,5,999,1,failure,-1.8,93.369,-34.8,0.635,5008.7,no +58,services,married,high.school,no,no,no,cellular,mar,mon,135,1,999,2,failure,-1.8,93.369,-34.8,0.635,5008.7,no +36,admin.,single,university.degree,no,yes,no,cellular,mar,mon,231,2,999,4,failure,-1.8,93.369,-34.8,0.635,5008.7,no +57,management,married,university.degree,no,no,no,cellular,mar,mon,341,2,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,yes +62,blue-collar,married,unknown,no,no,no,cellular,mar,mon,515,2,999,2,failure,-1.8,93.369,-34.8,0.635,5008.7,no +58,services,married,high.school,no,yes,no,cellular,mar,mon,317,4,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,no +20,services,single,unknown,no,no,no,cellular,mar,mon,150,3,3,3,success,-1.8,93.369,-34.8,0.635,5008.7,no +58,services,married,high.school,no,yes,no,telephone,mar,mon,113,4,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,no +35,blue-collar,married,basic.4y,no,no,no,telephone,mar,mon,433,3,999,1,failure,-1.8,93.369,-34.8,0.635,5008.7,yes +49,technician,divorced,professional.course,no,yes,no,cellular,mar,tue,361,2,999,1,failure,-1.8,93.369,-34.8,0.635,5008.7,no +86,retired,married,basic.4y,unknown,yes,no,cellular,mar,tue,186,2,999,2,failure,-1.8,93.369,-34.8,0.635,5008.7,no +68,retired,divorced,basic.4y,no,yes,no,cellular,mar,tue,277,2,11,1,success,-1.8,93.369,-34.8,0.635,5008.7,yes +59,admin.,divorced,university.degree,no,yes,no,cellular,mar,tue,236,1,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,yes +27,admin.,single,university.degree,no,yes,no,cellular,mar,tue,359,1,999,1,failure,-1.8,93.369,-34.8,0.635,5008.7,yes +47,self-employed,married,professional.course,no,yes,no,telephone,mar,tue,110,1,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,yes +34,management,married,university.degree,no,unknown,unknown,cellular,mar,tue,57,4,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,no +27,admin.,single,university.degree,no,yes,no,cellular,mar,tue,371,1,999,2,failure,-1.8,93.369,-34.8,0.635,5008.7,no +27,admin.,single,university.degree,no,no,no,cellular,mar,tue,238,4,999,0,nonexistent,-1.8,93.369,-34.8,0.635,5008.7,yes +49,technician,divorced,professional.course,no,yes,no,cellular,mar,tue,236,4,3,1,success,-1.8,93.369,-34.8,0.635,5008.7,yes +64,retired,married,basic.4y,no,yes,no,cellular,mar,wed,262,2,999,0,nonexistent,-1.8,93.369,-34.8,0.634,5008.7,yes +56,unemployed,divorced,basic.4y,no,no,no,cellular,mar,wed,577,1,999,0,nonexistent,-1.8,93.369,-34.8,0.634,5008.7,yes +56,unemployed,divorced,basic.4y,no,yes,no,cellular,mar,wed,170,1,999,1,failure,-1.8,93.369,-34.8,0.634,5008.7,yes +56,admin.,single,university.degree,no,no,no,cellular,mar,wed,193,1,5,1,success,-1.8,93.369,-34.8,0.634,5008.7,yes +56,admin.,single,university.degree,no,yes,no,cellular,mar,wed,175,1,999,1,failure,-1.8,93.369,-34.8,0.634,5008.7,yes +56,admin.,single,university.degree,no,yes,no,cellular,mar,wed,382,1,999,1,failure,-1.8,93.369,-34.8,0.634,5008.7,no +27,admin.,single,university.degree,no,yes,no,cellular,mar,wed,210,1,6,2,success,-1.8,93.369,-34.8,0.634,5008.7,yes +32,management,married,university.degree,no,yes,no,telephone,mar,wed,30,1,999,0,nonexistent,-1.8,93.369,-34.8,0.634,5008.7,no +60,housemaid,married,basic.4y,no,yes,yes,cellular,apr,thu,149,1,12,1,success,-1.8,93.749,-34.6,0.635,5008.7,yes +56,admin.,single,university.degree,no,no,yes,cellular,apr,thu,158,1,999,1,failure,-1.8,93.749,-34.6,0.635,5008.7,no +33,admin.,single,university.degree,no,yes,no,cellular,apr,thu,280,1,7,2,success,-1.8,93.749,-34.6,0.635,5008.7,yes +27,student,single,unknown,no,yes,no,telephone,apr,thu,390,1,4,1,success,-1.8,93.749,-34.6,0.635,5008.7,yes +41,admin.,divorced,high.school,no,no,no,telephone,apr,thu,558,2,999,0,nonexistent,-1.8,93.749,-34.6,0.635,5008.7,yes +27,student,single,unknown,no,yes,no,cellular,apr,thu,176,1,999,1,failure,-1.8,93.749,-34.6,0.635,5008.7,no +35,admin.,divorced,high.school,no,yes,no,telephone,apr,thu,216,3,999,1,failure,-1.8,93.749,-34.6,0.635,5008.7,yes +27,student,single,unknown,no,no,no,cellular,apr,thu,263,1,999,0,nonexistent,-1.8,93.749,-34.6,0.635,5008.7,no +84,retired,divorced,basic.4y,no,no,no,cellular,apr,thu,220,2,999,2,failure,-1.8,93.749,-34.6,0.635,5008.7,no +32,admin.,single,university.degree,no,yes,no,cellular,apr,thu,358,2,999,0,nonexistent,-1.8,93.749,-34.6,0.635,5008.7,yes +35,admin.,divorced,high.school,no,yes,yes,telephone,apr,thu,111,1,999,0,nonexistent,-1.8,93.749,-34.6,0.635,5008.7,yes +33,admin.,single,university.degree,no,yes,no,cellular,apr,tue,179,3,999,0,nonexistent,-1.8,93.749,-34.6,0.638,5008.7,yes +27,technician,single,professional.course,no,no,no,cellular,apr,tue,127,3,999,1,failure,-1.8,93.749,-34.6,0.638,5008.7,no +46,technician,married,professional.course,no,no,yes,cellular,apr,tue,189,1,5,2,success,-1.8,93.749,-34.6,0.638,5008.7,yes +27,admin.,single,university.degree,no,no,no,cellular,apr,tue,317,1,12,1,success,-1.8,93.749,-34.6,0.638,5008.7,yes +61,admin.,married,high.school,no,yes,no,cellular,apr,tue,196,1,999,1,failure,-1.8,93.749,-34.6,0.638,5008.7,yes +76,retired,married,basic.4y,no,no,no,cellular,apr,tue,122,4,999,1,failure,-1.8,93.749,-34.6,0.638,5008.7,no +82,housemaid,divorced,basic.4y,no,unknown,unknown,cellular,apr,tue,139,6,999,0,nonexistent,-1.8,93.749,-34.6,0.638,5008.7,yes +58,retired,married,basic.4y,no,no,no,cellular,apr,wed,1307,1,999,0,nonexistent,-1.8,93.749,-34.6,0.639,5008.7,yes +39,technician,married,professional.course,no,no,no,cellular,apr,thu,208,3,999,1,failure,-1.8,93.749,-34.6,0.64,5008.7,no +53,management,divorced,university.degree,no,yes,no,cellular,apr,thu,222,2,999,0,nonexistent,-1.8,93.749,-34.6,0.64,5008.7,yes +75,retired,married,unknown,no,yes,no,cellular,apr,thu,237,2,999,0,nonexistent,-1.8,93.749,-34.6,0.64,5008.7,no +53,management,divorced,university.degree,no,yes,yes,cellular,apr,thu,126,6,999,0,nonexistent,-1.8,93.749,-34.6,0.64,5008.7,no +53,management,divorced,university.degree,no,no,no,cellular,apr,thu,198,2,999,0,nonexistent,-1.8,93.749,-34.6,0.64,5008.7,no +58,housemaid,single,professional.course,no,no,yes,cellular,apr,thu,335,1,999,0,nonexistent,-1.8,93.749,-34.6,0.64,5008.7,yes +26,unemployed,single,university.degree,no,yes,no,cellular,apr,thu,618,1,999,0,nonexistent,-1.8,93.749,-34.6,0.64,5008.7,yes +71,retired,married,professional.course,no,no,no,cellular,apr,thu,559,1,999,0,nonexistent,-1.8,93.749,-34.6,0.64,5008.7,yes +53,technician,married,university.degree,no,unknown,unknown,cellular,apr,thu,758,2,999,2,failure,-1.8,93.749,-34.6,0.64,5008.7,yes +71,retired,married,professional.course,no,yes,no,cellular,apr,thu,236,2,999,0,nonexistent,-1.8,93.749,-34.6,0.64,5008.7,no +37,technician,married,professional.course,no,yes,no,telephone,apr,mon,481,1,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,yes +54,admin.,married,high.school,no,yes,no,cellular,apr,mon,158,2,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,yes +37,management,single,university.degree,no,no,no,cellular,apr,mon,161,1,999,1,failure,-1.8,93.749,-34.6,0.642,5008.7,no +35,admin.,married,university.degree,no,yes,no,cellular,apr,mon,337,1,999,2,failure,-1.8,93.749,-34.6,0.642,5008.7,no +33,admin.,single,university.degree,no,yes,no,cellular,apr,mon,169,1,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,no +58,housemaid,single,professional.course,no,yes,no,cellular,apr,mon,284,1,6,1,success,-1.8,93.749,-34.6,0.642,5008.7,no +62,entrepreneur,married,basic.9y,no,yes,no,cellular,apr,mon,366,2,10,1,success,-1.8,93.749,-34.6,0.642,5008.7,no +58,housemaid,single,professional.course,no,no,no,cellular,apr,mon,158,2,6,2,success,-1.8,93.749,-34.6,0.642,5008.7,no +33,admin.,single,university.degree,no,no,no,cellular,apr,mon,339,1,999,2,failure,-1.8,93.749,-34.6,0.642,5008.7,no +48,admin.,married,professional.course,no,yes,no,cellular,apr,mon,333,1,7,1,success,-1.8,93.749,-34.6,0.642,5008.7,yes +49,admin.,married,high.school,unknown,no,no,cellular,apr,mon,119,1,6,1,success,-1.8,93.749,-34.6,0.642,5008.7,no +42,housemaid,divorced,basic.4y,no,yes,no,telephone,apr,mon,271,1,999,1,failure,-1.8,93.749,-34.6,0.642,5008.7,no +33,admin.,single,university.degree,no,yes,no,cellular,apr,mon,143,1,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,no +58,housemaid,single,professional.course,no,no,no,cellular,apr,mon,147,1,6,1,success,-1.8,93.749,-34.6,0.642,5008.7,no +56,technician,married,high.school,no,no,no,cellular,apr,mon,119,2,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,no +59,blue-collar,married,basic.4y,no,no,no,cellular,apr,mon,1397,3,999,1,failure,-1.8,93.749,-34.6,0.642,5008.7,yes +33,admin.,single,university.degree,no,yes,no,cellular,apr,mon,143,2,999,1,failure,-1.8,93.749,-34.6,0.642,5008.7,no +35,admin.,married,university.degree,no,yes,no,cellular,apr,mon,176,1,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,yes +63,technician,married,high.school,no,no,no,cellular,apr,mon,176,3,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,yes +33,management,single,university.degree,no,no,no,cellular,apr,tue,113,3,999,1,failure,-1.8,93.749,-34.6,0.644,5008.7,no +26,admin.,single,university.degree,no,yes,yes,cellular,apr,tue,295,4,6,2,success,-1.8,93.749,-34.6,0.644,5008.7,yes +80,housemaid,married,basic.4y,no,yes,yes,cellular,apr,tue,232,1,12,1,success,-1.8,93.749,-34.6,0.644,5008.7,yes +49,admin.,married,university.degree,no,yes,yes,cellular,apr,tue,218,2,999,3,failure,-1.8,93.749,-34.6,0.644,5008.7,yes +20,student,single,basic.4y,no,yes,yes,cellular,apr,tue,240,1,999,1,failure,-1.8,93.749,-34.6,0.644,5008.7,yes +20,student,single,basic.4y,no,yes,yes,cellular,apr,tue,278,4,6,1,success,-1.8,93.749,-34.6,0.644,5008.7,yes +53,entrepreneur,married,basic.4y,no,yes,yes,cellular,apr,tue,398,2,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +36,admin.,single,basic.9y,no,yes,yes,telephone,apr,wed,173,1,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +48,admin.,married,university.degree,no,yes,no,cellular,apr,thu,220,2,999,1,failure,-1.8,93.749,-34.6,0.644,5008.7,no +48,admin.,married,university.degree,no,no,no,telephone,apr,thu,185,1,6,2,success,-1.8,93.749,-34.6,0.644,5008.7,yes +74,retired,married,university.degree,no,no,no,cellular,apr,thu,200,1,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +48,admin.,married,university.degree,no,yes,yes,cellular,apr,thu,200,1,6,2,success,-1.8,93.749,-34.6,0.644,5008.7,yes +48,admin.,married,university.degree,no,yes,no,cellular,apr,thu,141,1,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +35,admin.,married,university.degree,no,yes,no,cellular,apr,thu,330,1,10,1,success,-1.8,93.749,-34.6,0.644,5008.7,yes +37,admin.,married,university.degree,no,yes,yes,cellular,apr,thu,214,1,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +46,services,single,basic.4y,no,no,no,cellular,apr,thu,191,3,6,1,success,-1.8,93.749,-34.6,0.644,5008.7,no +58,admin.,married,professional.course,no,yes,no,cellular,apr,thu,98,4,999,2,failure,-1.8,93.749,-34.6,0.644,5008.7,no +22,services,single,high.school,no,no,no,cellular,apr,thu,699,2,999,1,failure,-1.8,93.749,-34.6,0.644,5008.7,no +35,services,married,professional.course,no,yes,no,cellular,apr,thu,218,2,6,1,success,-1.8,93.749,-34.6,0.644,5008.7,yes +68,retired,married,basic.4y,no,yes,no,cellular,apr,fri,177,1,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,no +41,admin.,married,university.degree,no,yes,no,cellular,apr,fri,961,6,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +68,retired,married,university.degree,no,yes,no,cellular,apr,fri,330,3,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +55,technician,married,professional.course,no,yes,no,cellular,apr,fri,148,2,999,1,failure,-1.8,93.749,-34.6,0.644,5008.7,no +50,technician,single,university.degree,no,yes,no,telephone,apr,fri,634,1,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +82,retired,divorced,basic.4y,no,yes,yes,cellular,apr,mon,125,2,999,0,nonexistent,-1.8,93.749,-34.6,0.643,5008.7,yes +25,self-employed,single,unknown,no,no,no,cellular,apr,mon,131,2,999,1,failure,-1.8,93.749,-34.6,0.643,5008.7,no +29,admin.,single,university.degree,no,yes,no,cellular,apr,mon,237,4,999,0,nonexistent,-1.8,93.749,-34.6,0.643,5008.7,no +25,self-employed,single,unknown,no,no,no,cellular,apr,mon,232,3,999,1,failure,-1.8,93.749,-34.6,0.643,5008.7,no +54,admin.,married,high.school,no,no,no,cellular,apr,mon,220,1,12,1,success,-1.8,93.749,-34.6,0.643,5008.7,no +82,retired,divorced,basic.4y,no,no,no,cellular,apr,mon,529,1,6,2,success,-1.8,93.749,-34.6,0.643,5008.7,yes +74,retired,divorced,basic.4y,no,yes,no,cellular,apr,mon,142,2,999,0,nonexistent,-1.8,93.749,-34.6,0.643,5008.7,yes +74,retired,divorced,basic.4y,no,no,yes,cellular,apr,mon,184,2,14,2,failure,-1.8,93.749,-34.6,0.643,5008.7,no +74,retired,married,basic.4y,no,no,no,telephone,apr,mon,1143,5,999,0,nonexistent,-1.8,93.749,-34.6,0.643,5008.7,yes +85,housemaid,married,basic.4y,unknown,no,no,cellular,apr,tue,175,6,6,1,success,-1.8,93.749,-34.6,0.642,5008.7,yes +85,housemaid,married,basic.4y,unknown,yes,no,cellular,apr,tue,167,1,6,2,success,-1.8,93.749,-34.6,0.642,5008.7,yes +85,housemaid,married,basic.4y,unknown,no,no,cellular,apr,tue,166,1,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,no +75,retired,divorced,high.school,no,no,no,telephone,apr,tue,162,1,6,2,success,-1.8,93.749,-34.6,0.642,5008.7,yes +85,housemaid,married,basic.4y,unknown,yes,no,cellular,apr,tue,462,1,999,1,failure,-1.8,93.749,-34.6,0.642,5008.7,yes +70,retired,married,basic.4y,no,yes,no,telephone,apr,tue,268,2,999,1,failure,-1.8,93.749,-34.6,0.642,5008.7,no +45,management,married,unknown,no,yes,no,cellular,apr,tue,379,3,7,1,success,-1.8,93.749,-34.6,0.642,5008.7,yes +61,retired,married,high.school,no,yes,no,cellular,apr,tue,930,4,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,no +49,admin.,divorced,high.school,no,no,no,cellular,apr,wed,381,2,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,no +66,retired,divorced,basic.4y,no,yes,no,cellular,apr,wed,476,1,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,yes +57,housemaid,married,basic.4y,no,yes,no,telephone,apr,wed,595,3,999,1,failure,-1.8,93.749,-34.6,0.642,5008.7,yes +80,retired,divorced,basic.4y,no,yes,no,cellular,apr,wed,354,1,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,no +80,retired,divorced,basic.4y,no,yes,no,telephone,apr,wed,403,1,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,yes +80,retired,divorced,basic.4y,no,yes,no,telephone,apr,wed,623,2,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,yes +80,retired,divorced,basic.4y,no,yes,yes,cellular,apr,wed,654,2,999,0,nonexistent,-1.8,93.749,-34.6,0.642,5008.7,yes +57,housemaid,married,basic.4y,no,no,no,cellular,apr,wed,224,2,6,1,success,-1.8,93.749,-34.6,0.642,5008.7,yes +58,unemployed,married,basic.9y,no,yes,no,cellular,apr,thu,229,1,6,1,success,-1.8,93.749,-34.6,0.644,5008.7,yes +53,housemaid,married,university.degree,no,yes,no,cellular,apr,thu,494,1,6,1,success,-1.8,93.749,-34.6,0.644,5008.7,yes +80,retired,divorced,basic.4y,no,yes,no,cellular,apr,thu,234,1,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,no +57,retired,married,high.school,no,yes,no,cellular,apr,thu,407,2,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +77,retired,married,high.school,no,yes,no,cellular,apr,thu,165,7,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,yes +59,retired,divorced,high.school,no,yes,no,cellular,apr,thu,247,2,999,1,failure,-1.8,93.749,-34.6,0.644,5008.7,no +44,admin.,married,high.school,no,yes,no,cellular,apr,thu,292,4,999,0,nonexistent,-1.8,93.749,-34.6,0.644,5008.7,no +80,retired,divorced,basic.4y,no,yes,yes,cellular,apr,thu,554,1,10,2,success,-1.8,93.749,-34.6,0.644,5008.7,yes +32,admin.,single,university.degree,no,yes,yes,cellular,apr,fri,109,5,6,1,success,-1.8,93.749,-34.6,0.645,5008.7,no +43,admin.,divorced,university.degree,no,no,no,telephone,apr,fri,263,4,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,yes +41,admin.,married,university.degree,no,yes,no,cellular,apr,fri,342,1,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,yes +63,housemaid,married,basic.9y,no,yes,no,cellular,apr,fri,164,1,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,no +47,admin.,married,high.school,no,yes,no,cellular,apr,fri,296,1,999,1,failure,-1.8,93.749,-34.6,0.645,5008.7,yes +73,retired,single,professional.course,no,no,no,cellular,apr,fri,291,1,6,3,success,-1.8,93.749,-34.6,0.645,5008.7,yes +26,student,single,high.school,no,yes,yes,cellular,apr,fri,888,1,6,2,success,-1.8,93.749,-34.6,0.645,5008.7,yes +25,admin.,single,university.degree,no,no,yes,cellular,apr,fri,207,1,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,no +62,technician,married,unknown,no,yes,no,cellular,apr,fri,215,2,999,1,failure,-1.8,93.749,-34.6,0.645,5008.7,no +71,retired,married,basic.4y,no,no,no,telephone,apr,mon,92,8,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,no +29,admin.,single,university.degree,no,yes,no,cellular,apr,mon,378,3,12,1,success,-1.8,93.749,-34.6,0.645,5008.7,no +46,admin.,married,high.school,no,no,no,cellular,apr,mon,194,3,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,yes +38,management,divorced,university.degree,no,yes,no,cellular,apr,mon,182,2,6,1,success,-1.8,93.749,-34.6,0.645,5008.7,yes +29,technician,married,university.degree,no,yes,no,cellular,apr,mon,116,2,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,no +32,technician,married,professional.course,no,no,no,cellular,apr,mon,688,2,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,yes +46,admin.,married,high.school,no,yes,yes,cellular,apr,mon,128,2,6,2,success,-1.8,93.749,-34.6,0.645,5008.7,no +29,technician,married,university.degree,no,yes,no,cellular,apr,mon,192,1,999,1,failure,-1.8,93.749,-34.6,0.645,5008.7,yes +30,student,single,high.school,no,yes,yes,cellular,apr,mon,102,3,10,1,success,-1.8,93.749,-34.6,0.645,5008.7,no +20,student,single,high.school,no,no,no,cellular,apr,mon,1472,1,999,3,failure,-1.8,93.749,-34.6,0.645,5008.7,yes +46,admin.,married,high.school,no,yes,no,cellular,apr,mon,166,5,999,4,failure,-1.8,93.749,-34.6,0.645,5008.7,no +24,blue-collar,single,high.school,no,no,no,cellular,apr,mon,234,10,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,no +71,retired,married,basic.4y,no,no,no,cellular,apr,mon,328,2,4,1,success,-1.8,93.749,-34.6,0.645,5008.7,yes +24,blue-collar,single,high.school,no,no,no,cellular,apr,mon,125,2,999,1,failure,-1.8,93.749,-34.6,0.645,5008.7,no +71,retired,married,basic.4y,no,no,no,cellular,apr,mon,117,3,999,0,nonexistent,-1.8,93.749,-34.6,0.645,5008.7,no +29,technician,married,university.degree,no,no,no,cellular,apr,mon,135,3,999,1,failure,-1.8,93.749,-34.6,0.645,5008.7,no +24,blue-collar,single,high.school,no,yes,no,cellular,apr,mon,135,1,999,1,failure,-1.8,93.749,-34.6,0.645,5008.7,no +27,student,single,university.degree,no,yes,yes,cellular,apr,tue,147,2,999,1,failure,-1.8,93.749,-34.6,0.6459999999999999,5008.7,no +39,management,married,university.degree,no,no,no,telephone,apr,tue,325,1,999,2,failure,-1.8,93.749,-34.6,0.6459999999999999,5008.7,yes +24,student,single,basic.9y,no,yes,no,cellular,apr,tue,345,1,999,0,nonexistent,-1.8,93.749,-34.6,0.6459999999999999,5008.7,no +24,student,single,basic.9y,no,yes,no,cellular,apr,tue,252,1,999,1,failure,-1.8,93.749,-34.6,0.6459999999999999,5008.7,no +27,admin.,single,university.degree,no,yes,no,cellular,apr,tue,605,1,999,0,nonexistent,-1.8,93.749,-34.6,0.6459999999999999,5008.7,no +37,admin.,married,high.school,no,no,no,telephone,apr,tue,426,2,999,0,nonexistent,-1.8,93.749,-34.6,0.6459999999999999,5008.7,yes +30,admin.,single,university.degree,no,yes,no,cellular,apr,tue,321,1,999,0,nonexistent,-1.8,93.749,-34.6,0.6459999999999999,5008.7,yes +20,student,single,unknown,no,yes,no,cellular,apr,tue,81,3,999,0,nonexistent,-1.8,93.749,-34.6,0.6459999999999999,5008.7,no +44,management,married,unknown,no,no,no,telephone,apr,tue,473,2,999,1,failure,-1.8,93.749,-34.6,0.6459999999999999,5008.7,yes +29,services,single,high.school,no,no,no,telephone,apr,tue,370,1,999,0,nonexistent,-1.8,93.749,-34.6,0.6459999999999999,5008.7,yes +48,technician,single,professional.course,no,yes,no,cellular,apr,tue,159,3,999,0,nonexistent,-1.8,93.749,-34.6,0.6459999999999999,5008.7,yes +20,student,single,unknown,no,yes,no,cellular,apr,tue,99,1,999,0,nonexistent,-1.8,93.749,-34.6,0.6459999999999999,5008.7,no +52,admin.,married,unknown,no,yes,no,cellular,apr,wed,184,2,10,1,success,-1.8,93.749,-34.6,0.654,5008.7,yes +52,admin.,married,unknown,no,yes,no,telephone,apr,wed,403,1,6,1,success,-1.8,93.749,-34.6,0.654,5008.7,yes +28,admin.,single,unknown,no,yes,no,cellular,apr,wed,545,2,6,4,success,-1.8,93.749,-34.6,0.654,5008.7,yes +33,admin.,married,university.degree,no,yes,no,cellular,apr,wed,623,1,6,1,success,-1.8,93.749,-34.6,0.654,5008.7,yes +52,admin.,married,unknown,no,no,no,cellular,apr,wed,387,2,999,0,nonexistent,-1.8,93.749,-34.6,0.654,5008.7,yes +50,admin.,married,basic.9y,no,yes,no,cellular,apr,thu,717,3,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,yes +33,admin.,married,university.degree,no,no,no,cellular,apr,thu,157,6,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,no +29,services,single,unknown,no,yes,no,cellular,apr,thu,226,2,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,yes +38,admin.,single,high.school,no,yes,no,cellular,apr,thu,882,1,6,1,success,-1.8,93.749,-34.6,0.659,5008.7,yes +61,retired,married,basic.9y,no,no,no,cellular,apr,thu,165,2,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,no +31,self-employed,single,university.degree,no,no,no,cellular,apr,thu,210,1,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,yes +36,admin.,married,unknown,no,no,no,cellular,apr,thu,91,1,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,no +37,technician,married,professional.course,no,no,no,cellular,apr,thu,277,1,18,1,success,-1.8,93.749,-34.6,0.659,5008.7,yes +26,admin.,single,university.degree,no,yes,no,cellular,apr,thu,115,2,999,1,failure,-1.8,93.749,-34.6,0.659,5008.7,no +35,admin.,single,university.degree,no,yes,no,cellular,apr,thu,388,2,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,yes +29,services,single,unknown,no,yes,no,cellular,apr,thu,1241,5,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,yes +36,unemployed,married,professional.course,no,yes,no,cellular,apr,thu,835,7,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,no +52,admin.,married,university.degree,no,no,yes,telephone,apr,thu,395,3,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,yes +33,admin.,single,university.degree,no,yes,no,cellular,apr,thu,305,3,999,0,nonexistent,-1.8,93.749,-34.6,0.659,5008.7,yes +38,admin.,single,high.school,no,yes,yes,cellular,apr,thu,449,1,13,1,success,-1.8,93.749,-34.6,0.659,5008.7,yes +34,technician,married,professional.course,no,yes,no,cellular,apr,fri,211,2,6,2,success,-1.8,93.749,-34.6,0.6629999999999999,5008.7,no +36,blue-collar,married,unknown,no,no,no,cellular,apr,fri,315,1,6,1,success,-1.8,93.749,-34.6,0.6629999999999999,5008.7,yes +30,management,married,university.degree,no,yes,no,cellular,apr,fri,242,4,999,1,failure,-1.8,93.749,-34.6,0.6629999999999999,5008.7,no +20,student,single,unknown,no,no,no,cellular,apr,fri,342,2,999,0,nonexistent,-1.8,93.749,-34.6,0.6629999999999999,5008.7,no +35,admin.,married,university.degree,no,no,yes,cellular,apr,fri,262,3,999,1,failure,-1.8,93.749,-34.6,0.6629999999999999,5008.7,yes +36,blue-collar,married,unknown,no,yes,no,cellular,apr,fri,572,2,999,0,nonexistent,-1.8,93.749,-34.6,0.6629999999999999,5008.7,no +28,technician,single,university.degree,no,no,yes,cellular,apr,fri,97,1,999,1,failure,-1.8,93.749,-34.6,0.6629999999999999,5008.7,no +28,technician,single,university.degree,no,yes,no,cellular,apr,fri,148,1,999,0,nonexistent,-1.8,93.749,-34.6,0.6629999999999999,5008.7,no +31,student,single,university.degree,no,yes,yes,cellular,apr,fri,183,1,6,2,success,-1.8,93.749,-34.6,0.6629999999999999,5008.7,yes +21,student,single,high.school,no,yes,no,cellular,apr,fri,551,1,999,0,nonexistent,-1.8,93.749,-34.6,0.6629999999999999,5008.7,yes +20,student,single,unknown,no,yes,yes,cellular,apr,fri,180,2,999,0,nonexistent,-1.8,93.749,-34.6,0.6629999999999999,5008.7,no +37,admin.,married,university.degree,no,no,no,cellular,may,tue,106,1,999,2,failure,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +39,admin.,married,high.school,no,yes,no,cellular,may,tue,552,1,3,2,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +52,admin.,married,university.degree,no,no,no,cellular,may,tue,131,1,3,2,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +29,admin.,single,university.degree,no,no,no,cellular,may,tue,85,1,999,2,failure,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +30,admin.,single,university.degree,no,no,no,cellular,may,tue,113,1,6,1,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +30,blue-collar,single,professional.course,no,no,no,cellular,may,tue,165,1,999,1,failure,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +48,blue-collar,married,basic.9y,no,yes,no,cellular,may,tue,268,1,3,3,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +18,student,single,unknown,no,yes,no,telephone,may,tue,421,1,3,1,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +18,student,single,unknown,no,yes,no,cellular,may,tue,489,1,6,1,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +79,retired,married,basic.9y,no,no,no,cellular,may,tue,104,1,999,2,failure,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +79,retired,married,basic.9y,no,no,no,cellular,may,tue,126,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +43,technician,single,professional.course,no,no,no,cellular,may,tue,164,2,3,2,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +52,admin.,married,university.degree,no,yes,no,cellular,may,tue,556,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +24,student,single,high.school,no,yes,no,cellular,may,tue,153,2,6,2,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +52,technician,married,university.degree,no,no,yes,telephone,may,tue,209,1,2,2,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +19,student,single,basic.9y,no,yes,no,cellular,may,tue,203,1,999,3,failure,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +29,student,single,high.school,no,no,no,cellular,may,tue,104,1,7,1,success,-1.8,93.876,-40.0,0.6679999999999999,5008.7,no +51,services,married,high.school,no,no,no,cellular,may,tue,1267,1,999,1,failure,-1.8,93.876,-40.0,0.6679999999999999,5008.7,yes +32,student,single,unknown,no,yes,no,cellular,may,wed,188,2,999,0,nonexistent,-1.8,93.876,-40.0,0.672,5008.7,yes +37,housemaid,married,university.degree,no,yes,no,cellular,may,wed,100,1,999,0,nonexistent,-1.8,93.876,-40.0,0.672,5008.7,no +24,student,single,high.school,no,no,no,cellular,may,wed,389,1,7,2,success,-1.8,93.876,-40.0,0.672,5008.7,yes +24,student,single,high.school,no,yes,no,cellular,may,wed,329,1,1,2,success,-1.8,93.876,-40.0,0.672,5008.7,no +24,student,single,high.school,no,yes,no,cellular,may,wed,173,1,999,3,failure,-1.8,93.876,-40.0,0.672,5008.7,no +24,student,single,high.school,no,yes,no,cellular,may,wed,258,1,3,5,success,-1.8,93.876,-40.0,0.672,5008.7,yes +52,admin.,married,university.degree,no,yes,no,cellular,may,wed,338,1,999,0,nonexistent,-1.8,93.876,-40.0,0.672,5008.7,yes +18,student,single,unknown,no,no,no,telephone,may,wed,110,1,999,2,failure,-1.8,93.876,-40.0,0.672,5008.7,no +29,admin.,single,university.degree,no,no,no,cellular,may,wed,720,1,6,2,failure,-1.8,93.876,-40.0,0.672,5008.7,no +29,admin.,single,university.degree,no,yes,no,cellular,may,wed,232,1,999,1,failure,-1.8,93.876,-40.0,0.672,5008.7,yes +44,blue-collar,single,basic.6y,no,no,no,telephone,may,wed,174,1,999,0,nonexistent,-1.8,93.876,-40.0,0.672,5008.7,no +27,student,married,high.school,no,yes,no,telephone,may,wed,54,1,999,0,nonexistent,-1.8,93.876,-40.0,0.672,5008.7,no +20,student,single,unknown,no,yes,no,telephone,may,wed,510,4,999,0,nonexistent,-1.8,93.876,-40.0,0.672,5008.7,yes +48,admin.,single,university.degree,no,yes,no,cellular,may,wed,121,4,999,1,failure,-1.8,93.876,-40.0,0.672,5008.7,no +46,management,married,basic.9y,no,yes,no,telephone,may,wed,16,1,999,0,nonexistent,-1.8,93.876,-40.0,0.672,5008.7,no +72,retired,married,basic.4y,no,yes,no,cellular,may,wed,443,4,999,0,nonexistent,-1.8,93.876,-40.0,0.672,5008.7,yes +36,technician,married,professional.course,no,yes,no,cellular,may,thu,109,1,999,1,failure,-1.8,93.876,-40.0,0.677,5008.7,no +37,technician,married,university.degree,no,yes,no,cellular,may,thu,246,1,2,4,success,-1.8,93.876,-40.0,0.677,5008.7,yes +33,services,married,high.school,no,no,no,cellular,may,thu,192,1,999,1,failure,-1.8,93.876,-40.0,0.677,5008.7,yes +52,admin.,married,university.degree,no,yes,yes,cellular,may,thu,250,1,3,5,success,-1.8,93.876,-40.0,0.677,5008.7,yes +52,admin.,married,university.degree,no,no,no,cellular,may,thu,195,1,999,0,nonexistent,-1.8,93.876,-40.0,0.677,5008.7,yes +52,admin.,married,university.degree,no,no,no,cellular,may,thu,613,1,3,2,success,-1.8,93.876,-40.0,0.677,5008.7,yes +52,admin.,married,university.degree,no,yes,no,cellular,may,thu,227,2,999,0,nonexistent,-1.8,93.876,-40.0,0.677,5008.7,no +19,student,single,basic.4y,no,yes,no,cellular,may,thu,220,1,999,1,failure,-1.8,93.876,-40.0,0.677,5008.7,no +18,student,single,unknown,no,yes,no,cellular,may,thu,183,1,7,2,success,-1.8,93.876,-40.0,0.677,5008.7,no +52,technician,married,university.degree,no,no,no,cellular,may,thu,211,1,3,4,success,-1.8,93.876,-40.0,0.677,5008.7,yes +62,retired,married,professional.course,no,no,no,telephone,may,thu,111,1,999,0,nonexistent,-1.8,93.876,-40.0,0.677,5008.7,no +31,student,single,unknown,no,no,no,cellular,may,thu,243,2,999,1,failure,-1.8,93.876,-40.0,0.677,5008.7,yes +78,retired,divorced,basic.4y,no,yes,no,cellular,may,fri,218,2,7,2,success,-1.8,93.876,-40.0,0.682,5008.7,no +37,management,married,high.school,no,no,no,cellular,may,fri,292,3,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,yes +44,technician,married,university.degree,no,yes,no,cellular,may,fri,662,2,2,1,success,-1.8,93.876,-40.0,0.682,5008.7,yes +30,student,single,high.school,no,no,no,telephone,may,fri,300,3,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,yes +44,technician,married,university.degree,no,no,yes,telephone,may,fri,201,2,999,1,failure,-1.8,93.876,-40.0,0.682,5008.7,no +30,student,single,high.school,no,no,no,cellular,may,fri,226,2,3,2,success,-1.8,93.876,-40.0,0.682,5008.7,yes +60,retired,married,professional.course,no,yes,no,cellular,may,fri,110,2,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,no +44,technician,married,university.degree,no,no,no,cellular,may,fri,113,1,999,1,failure,-1.8,93.876,-40.0,0.682,5008.7,no +42,retired,single,basic.4y,unknown,yes,yes,cellular,may,fri,116,3,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,no +44,admin.,single,university.degree,no,yes,no,cellular,may,fri,211,4,3,1,success,-1.8,93.876,-40.0,0.682,5008.7,yes +33,blue-collar,married,basic.6y,no,no,no,telephone,may,mon,165,1,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,no +82,retired,married,high.school,unknown,yes,no,cellular,may,mon,135,3,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,no +22,student,single,unknown,no,yes,no,cellular,may,mon,171,2,3,2,success,-1.8,93.876,-40.0,0.682,5008.7,yes +38,entrepreneur,married,professional.course,no,no,no,cellular,may,mon,269,5,3,2,success,-1.8,93.876,-40.0,0.682,5008.7,no +41,admin.,married,university.degree,no,no,no,telephone,may,mon,128,2,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,no +38,entrepreneur,married,professional.course,no,yes,no,cellular,may,mon,583,6,2,4,success,-1.8,93.876,-40.0,0.682,5008.7,yes +46,admin.,single,high.school,no,yes,no,cellular,may,mon,522,6,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,no +56,technician,married,professional.course,no,yes,no,telephone,may,mon,483,5,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,yes +24,student,single,high.school,no,yes,no,cellular,may,tue,113,2,999,2,failure,-1.8,93.876,-40.0,0.682,5008.7,no +34,technician,married,unknown,no,yes,no,telephone,may,tue,97,3,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,no +54,technician,married,university.degree,no,yes,no,telephone,may,tue,172,5,999,1,failure,-1.8,93.876,-40.0,0.682,5008.7,no +50,admin.,married,university.degree,no,unknown,unknown,cellular,may,wed,801,1,999,1,failure,-1.8,93.876,-40.0,0.682,5008.7,no +59,admin.,divorced,basic.4y,no,yes,no,cellular,may,wed,193,1,999,0,nonexistent,-1.8,93.876,-40.0,0.682,5008.7,yes +58,admin.,married,high.school,no,yes,no,cellular,may,wed,309,1,6,1,success,-1.8,93.876,-40.0,0.682,5008.7,yes +50,admin.,married,university.degree,no,yes,no,cellular,may,wed,176,2,3,3,success,-1.8,93.876,-40.0,0.682,5008.7,yes +77,retired,married,university.degree,no,yes,no,cellular,may,wed,152,1,6,4,success,-1.8,93.876,-40.0,0.682,5008.7,yes +66,blue-collar,married,unknown,no,yes,no,cellular,may,wed,171,2,6,2,success,-1.8,93.876,-40.0,0.682,5008.7,yes +50,admin.,married,high.school,no,yes,no,cellular,may,wed,333,1,999,2,failure,-1.8,93.876,-40.0,0.682,5008.7,no +61,management,married,university.degree,no,no,no,cellular,may,wed,228,2,999,1,failure,-1.8,93.876,-40.0,0.682,5008.7,yes +48,unemployed,married,professional.course,no,no,no,cellular,may,wed,317,1,6,3,success,-1.8,93.876,-40.0,0.682,5008.7,yes +48,unemployed,married,professional.course,no,yes,no,cellular,may,wed,236,1,6,2,success,-1.8,93.876,-40.0,0.682,5008.7,yes +50,admin.,married,high.school,no,no,no,cellular,may,wed,208,2,3,5,success,-1.8,93.876,-40.0,0.682,5008.7,no +40,technician,married,professional.course,no,yes,no,cellular,may,wed,248,1,3,4,success,-1.8,93.876,-40.0,0.682,5008.7,yes +30,admin.,single,high.school,no,yes,no,cellular,may,wed,144,1,999,1,failure,-1.8,93.876,-40.0,0.682,5008.7,no +60,admin.,married,unknown,no,yes,no,cellular,may,wed,762,1,6,2,success,-1.8,93.876,-40.0,0.682,5008.7,yes +48,unemployed,married,professional.course,no,no,no,telephone,may,wed,360,1,6,1,success,-1.8,93.876,-40.0,0.682,5008.7,yes +77,retired,married,university.degree,no,yes,no,telephone,may,wed,372,1,3,4,success,-1.8,93.876,-40.0,0.682,5008.7,yes +30,admin.,single,high.school,no,no,no,cellular,may,wed,177,1,13,1,success,-1.8,93.876,-40.0,0.682,5008.7,no +47,management,married,university.degree,no,yes,no,telephone,may,wed,267,2,3,3,success,-1.8,93.876,-40.0,0.682,5008.7,no +34,management,single,university.degree,no,yes,no,telephone,may,thu,18,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6829999999999999,5008.7,no +45,blue-collar,married,professional.course,no,yes,no,telephone,may,thu,414,1,6,2,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +92,retired,married,unknown,no,yes,no,cellular,may,thu,271,1,6,2,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,no +58,management,married,university.degree,no,no,no,cellular,may,thu,289,1,3,4,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +31,admin.,married,university.degree,no,yes,no,cellular,may,thu,400,1,3,1,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +41,unemployed,married,basic.9y,no,yes,no,cellular,may,thu,306,1,6,4,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +28,admin.,single,high.school,no,yes,no,cellular,may,thu,263,1,6,1,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +29,admin.,single,university.degree,no,no,no,cellular,may,thu,216,1,3,3,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +39,services,married,high.school,no,yes,no,cellular,may,thu,328,2,6,3,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +70,retired,married,basic.4y,no,yes,no,cellular,may,thu,331,1,3,2,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +40,admin.,single,basic.9y,no,yes,no,cellular,may,thu,356,1,2,3,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +40,admin.,single,basic.9y,no,yes,no,cellular,may,thu,234,1,3,3,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +28,admin.,single,high.school,no,yes,no,cellular,may,thu,457,2,999,1,failure,-1.8,93.876,-40.0,0.6829999999999999,5008.7,no +60,management,married,unknown,no,yes,no,cellular,may,thu,336,3,3,5,success,-1.8,93.876,-40.0,0.6829999999999999,5008.7,yes +29,admin.,married,university.degree,no,yes,yes,cellular,may,fri,567,3,13,2,failure,-1.8,93.876,-40.0,0.684,5008.7,yes +52,management,married,university.degree,no,no,no,cellular,may,fri,404,2,9,1,success,-1.8,93.876,-40.0,0.684,5008.7,yes +52,management,married,university.degree,no,no,no,cellular,may,fri,698,5,999,1,failure,-1.8,93.876,-40.0,0.684,5008.7,no +30,admin.,single,high.school,no,yes,no,cellular,may,fri,532,5,999,0,nonexistent,-1.8,93.876,-40.0,0.684,5008.7,yes +47,technician,divorced,professional.course,no,no,yes,telephone,may,fri,7,1,999,0,nonexistent,-1.8,93.876,-40.0,0.684,5008.7,no +32,admin.,married,university.degree,no,no,no,telephone,may,fri,389,4,999,1,failure,-1.8,93.876,-40.0,0.684,5008.7,no +41,admin.,married,university.degree,no,yes,no,telephone,may,fri,338,3,999,1,failure,-1.8,93.876,-40.0,0.684,5008.7,no +68,retired,married,basic.4y,no,yes,yes,cellular,may,fri,220,1,6,1,success,-1.8,93.876,-40.0,0.684,5008.7,yes +33,technician,married,professional.course,no,yes,no,cellular,may,fri,700,4,3,4,success,-1.8,93.876,-40.0,0.684,5008.7,yes +76,retired,married,basic.4y,no,yes,no,cellular,may,fri,1205,2,6,2,success,-1.8,93.876,-40.0,0.684,5008.7,yes +65,admin.,married,university.degree,no,yes,no,cellular,may,fri,407,3,999,1,failure,-1.8,93.876,-40.0,0.684,5008.7,yes +77,retired,married,unknown,no,yes,yes,cellular,may,fri,318,3,999,0,nonexistent,-1.8,93.876,-40.0,0.684,5008.7,no +33,technician,married,professional.course,no,yes,yes,cellular,may,fri,62,2,999,0,nonexistent,-1.8,93.876,-40.0,0.684,5008.7,no +52,management,married,university.degree,no,yes,no,cellular,may,fri,787,3,3,3,success,-1.8,93.876,-40.0,0.684,5008.7,yes +33,admin.,single,university.degree,no,yes,no,cellular,may,fri,396,5,999,0,nonexistent,-1.8,93.876,-40.0,0.684,5008.7,yes +71,admin.,married,basic.4y,no,yes,yes,cellular,may,fri,466,4,3,2,success,-1.8,93.876,-40.0,0.684,5008.7,yes +29,student,single,university.degree,no,yes,no,cellular,may,mon,556,1,999,1,failure,-1.8,93.876,-40.0,0.685,5008.7,yes +63,retired,married,professional.course,no,yes,no,cellular,may,mon,492,1,999,0,nonexistent,-1.8,93.876,-40.0,0.685,5008.7,no +33,admin.,married,university.degree,no,yes,no,cellular,may,mon,740,1,3,2,success,-1.8,93.876,-40.0,0.685,5008.7,yes +33,admin.,married,university.degree,no,yes,yes,cellular,may,mon,312,2,999,0,nonexistent,-1.8,93.876,-40.0,0.685,5008.7,no +54,admin.,married,professional.course,no,no,no,telephone,may,mon,564,5,999,0,nonexistent,-1.8,93.876,-40.0,0.685,5008.7,no +60,blue-collar,married,basic.4y,no,yes,no,cellular,may,mon,272,2,6,2,success,-1.8,93.876,-40.0,0.685,5008.7,yes +33,admin.,married,university.degree,no,no,no,cellular,may,mon,157,2,15,3,failure,-1.8,93.876,-40.0,0.685,5008.7,no +63,retired,married,professional.course,no,yes,yes,cellular,may,mon,444,2,14,1,success,-1.8,93.876,-40.0,0.685,5008.7,yes +33,technician,married,university.degree,no,yes,no,cellular,may,mon,508,1,999,0,nonexistent,-1.8,93.876,-40.0,0.685,5008.7,yes +74,retired,divorced,university.degree,no,yes,no,cellular,may,tue,387,1,999,0,nonexistent,-1.8,93.876,-40.0,0.688,5008.7,yes +47,services,divorced,university.degree,no,yes,yes,cellular,may,tue,336,1,15,3,failure,-1.8,93.876,-40.0,0.688,5008.7,yes +50,unemployed,married,high.school,no,no,no,telephone,may,tue,353,3,999,0,nonexistent,-1.8,93.876,-40.0,0.688,5008.7,yes +29,admin.,married,high.school,no,no,no,telephone,may,wed,30,1,999,0,nonexistent,-1.8,93.876,-40.0,0.69,5008.7,no +48,self-employed,divorced,university.degree,no,no,no,cellular,may,wed,661,3,999,0,nonexistent,-1.8,93.876,-40.0,0.69,5008.7,yes +28,student,single,high.school,no,no,yes,cellular,may,wed,472,1,3,5,success,-1.8,93.876,-40.0,0.69,5008.7,yes +68,retired,married,professional.course,no,unknown,unknown,cellular,may,thu,237,7,999,2,failure,-1.8,93.876,-40.0,0.6920000000000001,5008.7,no +68,retired,married,professional.course,no,no,yes,cellular,may,thu,420,1,999,1,failure,-1.8,93.876,-40.0,0.6920000000000001,5008.7,yes +45,unknown,married,university.degree,no,yes,no,cellular,may,thu,254,1,999,1,failure,-1.8,93.876,-40.0,0.6920000000000001,5008.7,no +45,management,married,basic.9y,no,yes,no,cellular,may,thu,165,1,999,3,failure,-1.8,93.876,-40.0,0.6920000000000001,5008.7,no +46,admin.,married,university.degree,no,no,no,cellular,may,thu,154,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6920000000000001,5008.7,yes +31,admin.,married,professional.course,no,yes,yes,cellular,may,thu,291,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6920000000000001,5008.7,yes +58,management,married,university.degree,no,yes,no,cellular,may,thu,342,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6920000000000001,5008.7,yes +31,unemployed,single,high.school,no,no,no,cellular,may,thu,339,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6920000000000001,5008.7,no +34,admin.,married,high.school,no,yes,no,cellular,may,thu,321,4,999,3,failure,-1.8,93.876,-40.0,0.6920000000000001,5008.7,no +46,admin.,married,university.degree,no,no,no,telephone,may,thu,351,3,999,0,nonexistent,-1.8,93.876,-40.0,0.6920000000000001,5008.7,yes +28,student,single,university.degree,no,unknown,unknown,cellular,may,fri,226,3,3,2,success,-1.8,93.876,-40.0,0.695,5008.7,yes +31,services,single,basic.9y,no,yes,no,cellular,may,fri,214,4,999,0,nonexistent,-1.8,93.876,-40.0,0.695,5008.7,yes +31,services,single,basic.9y,no,unknown,unknown,cellular,may,fri,429,1,999,3,failure,-1.8,93.876,-40.0,0.695,5008.7,no +61,blue-collar,married,basic.6y,no,yes,yes,cellular,may,fri,403,1,3,2,success,-1.8,93.876,-40.0,0.695,5008.7,yes +41,management,married,unknown,no,yes,no,cellular,may,fri,588,1,18,2,failure,-1.8,93.876,-40.0,0.695,5008.7,yes +34,admin.,married,university.degree,no,no,no,cellular,may,fri,145,1,999,2,failure,-1.8,93.876,-40.0,0.695,5008.7,no +34,admin.,married,university.degree,no,yes,no,cellular,may,fri,407,3,8,3,failure,-1.8,93.876,-40.0,0.695,5008.7,yes +29,services,single,high.school,no,yes,no,cellular,may,fri,122,1,999,2,failure,-1.8,93.876,-40.0,0.695,5008.7,no +45,self-employed,married,high.school,no,no,no,cellular,may,fri,374,1,999,1,failure,-1.8,93.876,-40.0,0.695,5008.7,yes +28,student,single,university.degree,no,unknown,unknown,cellular,may,fri,1027,2,999,0,nonexistent,-1.8,93.876,-40.0,0.695,5008.7,yes +24,unemployed,single,high.school,no,no,yes,cellular,may,mon,375,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +80,retired,married,basic.4y,no,no,no,cellular,may,mon,382,1,3,3,success,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +51,management,married,university.degree,no,yes,no,cellular,may,mon,131,2,999,4,failure,-1.8,93.876,-40.0,0.6970000000000001,5008.7,no +36,technician,divorced,professional.course,no,yes,no,cellular,may,mon,341,7,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,no +79,retired,married,basic.9y,no,yes,yes,cellular,may,mon,260,1,999,1,failure,-1.8,93.876,-40.0,0.6970000000000001,5008.7,no +24,unemployed,single,high.school,no,yes,no,cellular,may,mon,699,1,13,2,failure,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +76,retired,divorced,basic.4y,no,yes,no,cellular,may,mon,168,1,999,1,failure,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +45,technician,single,university.degree,no,no,no,cellular,may,tue,146,2,999,1,failure,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +20,student,single,unknown,no,no,no,cellular,may,tue,530,2,3,5,success,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +20,student,single,unknown,no,no,no,cellular,may,tue,202,2,12,1,success,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +36,admin.,married,university.degree,no,no,no,cellular,may,tue,641,4,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +36,admin.,married,university.degree,no,yes,no,cellular,may,tue,196,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +77,retired,divorced,basic.4y,no,no,no,cellular,may,tue,393,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +22,student,single,high.school,no,yes,no,cellular,may,tue,272,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +46,blue-collar,married,professional.course,no,yes,no,cellular,may,wed,410,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +69,retired,married,high.school,no,no,no,cellular,may,wed,289,1,10,1,success,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +92,retired,divorced,unknown,unknown,no,no,cellular,may,wed,405,3,999,1,failure,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +64,housemaid,married,unknown,no,yes,no,telephone,may,wed,671,3,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +31,technician,divorced,university.degree,no,no,no,cellular,may,wed,175,3,7,3,success,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +84,retired,married,basic.9y,no,yes,no,cellular,may,wed,267,1,999,1,failure,-1.8,93.876,-40.0,0.6970000000000001,5008.7,no +28,admin.,single,university.degree,no,no,no,cellular,may,wed,135,2,3,2,success,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +28,admin.,married,high.school,no,no,yes,cellular,may,wed,530,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +70,retired,divorced,high.school,no,yes,no,telephone,may,wed,283,2,4,2,success,-1.8,93.876,-40.0,0.6970000000000001,5008.7,yes +29,services,single,high.school,no,yes,no,telephone,may,thu,93,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +60,retired,married,high.school,no,no,no,cellular,may,thu,181,3,6,1,success,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +49,technician,married,university.degree,no,no,no,cellular,may,thu,188,1,999,1,failure,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +49,technician,married,university.degree,no,yes,no,cellular,may,thu,820,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +36,admin.,married,university.degree,no,yes,yes,cellular,may,thu,1178,1,6,2,success,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +37,student,divorced,university.degree,no,yes,no,cellular,may,thu,489,1,999,1,failure,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +40,blue-collar,divorced,basic.9y,no,yes,no,telephone,may,thu,57,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +43,blue-collar,single,high.school,no,no,yes,telephone,may,thu,137,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +43,technician,married,professional.course,no,no,no,cellular,may,thu,460,1,999,1,failure,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +34,technician,married,professional.course,no,yes,no,telephone,may,thu,24,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +54,admin.,divorced,basic.9y,no,yes,no,telephone,may,thu,74,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +79,retired,married,high.school,no,yes,no,cellular,may,thu,196,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +38,admin.,single,basic.9y,no,no,no,cellular,may,thu,275,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +37,student,divorced,university.degree,no,yes,yes,cellular,may,thu,417,2,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +61,admin.,married,unknown,no,no,no,cellular,may,thu,173,3,9,2,success,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +22,student,single,high.school,unknown,yes,yes,telephone,may,thu,214,2,1,1,success,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +35,unemployed,married,high.school,no,yes,no,telephone,may,fri,43,1,999,2,failure,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +33,admin.,married,university.degree,no,yes,no,cellular,may,fri,101,2,999,3,failure,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +23,unemployed,married,high.school,no,no,no,telephone,may,fri,35,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +32,services,single,university.degree,no,no,yes,cellular,may,fri,473,3,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +25,technician,single,high.school,no,yes,no,cellular,may,fri,581,3,999,2,failure,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +74,retired,married,professional.course,no,no,no,cellular,may,fri,309,4,999,3,failure,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +29,technician,married,professional.course,no,no,no,cellular,may,fri,538,2,999,2,failure,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +30,admin.,single,university.degree,no,unknown,unknown,cellular,may,fri,466,3,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +26,unemployed,married,basic.4y,no,no,no,telephone,may,fri,29,1,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +72,retired,single,university.degree,no,yes,yes,cellular,may,fri,589,3,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +33,admin.,married,university.degree,no,yes,no,cellular,may,fri,663,3,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,yes +72,retired,single,university.degree,no,no,no,cellular,may,fri,114,3,999,0,nonexistent,-1.8,93.876,-40.0,0.6990000000000001,5008.7,no +30,admin.,married,university.degree,no,no,yes,cellular,may,mon,85,2,9,2,success,-1.8,93.876,-40.0,0.701,5008.7,no +49,technician,married,professional.course,no,yes,no,cellular,may,mon,113,1,999,0,nonexistent,-1.8,93.876,-40.0,0.701,5008.7,no +31,unknown,single,high.school,no,yes,yes,telephone,may,mon,664,1,2,1,success,-1.8,93.876,-40.0,0.701,5008.7,no +56,unemployed,married,basic.9y,no,no,no,cellular,may,mon,540,1,999,1,failure,-1.8,93.876,-40.0,0.701,5008.7,yes +29,technician,single,high.school,no,no,no,cellular,may,mon,158,1,13,3,failure,-1.8,93.876,-40.0,0.701,5008.7,no +27,student,single,basic.9y,no,yes,yes,cellular,may,mon,775,1,999,0,nonexistent,-1.8,93.876,-40.0,0.701,5008.7,yes +47,admin.,single,university.degree,no,yes,yes,cellular,may,mon,178,1,999,0,nonexistent,-1.8,93.876,-40.0,0.701,5008.7,no +31,unknown,single,high.school,no,no,no,cellular,may,mon,392,1,999,0,nonexistent,-1.8,93.876,-40.0,0.701,5008.7,yes +31,unknown,single,high.school,no,no,no,cellular,may,mon,140,5,6,2,success,-1.8,93.876,-40.0,0.701,5008.7,no +49,technician,single,university.degree,no,no,no,telephone,may,mon,8,1,999,0,nonexistent,-1.8,93.876,-40.0,0.701,5008.7,no +42,management,single,high.school,no,yes,no,telephone,may,mon,113,1,999,0,nonexistent,-1.8,93.876,-40.0,0.701,5008.7,no +47,admin.,single,university.degree,no,yes,no,cellular,jun,tue,119,1,999,4,failure,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +37,admin.,single,university.degree,no,yes,yes,cellular,jun,tue,209,3,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +29,admin.,married,university.degree,no,yes,no,cellular,jun,tue,201,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +29,blue-collar,single,basic.9y,no,no,no,telephone,jun,tue,1563,1,6,2,success,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +25,services,single,unknown,no,yes,no,cellular,jun,tue,318,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +25,services,single,unknown,no,yes,no,cellular,jun,tue,516,1,13,2,failure,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +76,housemaid,married,basic.4y,no,yes,no,cellular,jun,tue,326,1,999,1,failure,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +25,services,single,unknown,no,yes,no,cellular,jun,tue,154,2,3,3,success,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +25,services,single,unknown,no,yes,no,cellular,jun,tue,383,2,999,2,failure,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +39,admin.,married,high.school,no,yes,no,cellular,jun,tue,165,2,999,1,failure,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +28,services,married,high.school,no,yes,yes,telephone,jun,tue,12,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +29,admin.,married,university.degree,no,no,yes,cellular,jun,tue,347,3,5,1,success,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +23,technician,single,professional.course,unknown,yes,yes,cellular,jun,tue,421,1,4,3,success,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +59,retired,divorced,professional.course,no,no,no,telephone,jun,tue,8,1,999,1,failure,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +30,technician,single,professional.course,no,no,no,telephone,jun,tue,8,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +76,housemaid,married,basic.4y,no,no,no,cellular,jun,tue,296,5,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +51,technician,married,university.degree,no,yes,no,cellular,jun,tue,303,1,10,1,success,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +39,technician,married,university.degree,no,no,yes,cellular,jun,tue,434,2,999,1,failure,-1.7,94.055,-39.8,0.7020000000000001,4991.6,yes +20,technician,single,professional.course,no,yes,no,telephone,jun,tue,52,1,999,1,failure,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +40,blue-collar,married,basic.6y,no,yes,no,telephone,jun,tue,5,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +52,admin.,divorced,university.degree,no,yes,no,telephone,jun,tue,36,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +34,blue-collar,married,basic.9y,no,no,no,telephone,jun,tue,7,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7020000000000001,4991.6,no +22,admin.,single,university.degree,no,no,no,cellular,jun,wed,407,1,3,1,success,-1.7,94.055,-39.8,0.7040000000000001,4991.6,yes +48,admin.,divorced,high.school,no,no,no,cellular,jun,wed,657,1,6,1,success,-1.7,94.055,-39.8,0.7040000000000001,4991.6,yes +29,technician,single,professional.course,no,yes,no,cellular,jun,wed,226,2,6,1,success,-1.7,94.055,-39.8,0.7040000000000001,4991.6,yes +29,admin.,single,university.degree,no,yes,no,cellular,jun,wed,147,1,999,2,failure,-1.7,94.055,-39.8,0.7040000000000001,4991.6,no +34,admin.,married,high.school,no,yes,no,cellular,jun,wed,238,1,6,2,success,-1.7,94.055,-39.8,0.7040000000000001,4991.6,yes +34,admin.,married,high.school,no,yes,no,cellular,jun,wed,161,1,5,1,success,-1.7,94.055,-39.8,0.7040000000000001,4991.6,no +32,unemployed,single,professional.course,no,yes,yes,cellular,jun,wed,310,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7040000000000001,4991.6,yes +31,services,married,high.school,no,no,yes,telephone,jun,fri,35,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7070000000000001,4991.6,no +52,self-employed,married,university.degree,no,yes,no,telephone,jun,fri,32,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7070000000000001,4991.6,no +38,blue-collar,married,basic.6y,no,no,yes,cellular,jun,fri,148,2,3,2,success,-1.7,94.055,-39.8,0.7070000000000001,4991.6,no +38,blue-collar,married,basic.6y,no,no,no,cellular,jun,fri,346,2,5,3,success,-1.7,94.055,-39.8,0.7070000000000001,4991.6,no +38,blue-collar,married,basic.6y,no,yes,no,cellular,jun,fri,106,1,999,2,failure,-1.7,94.055,-39.8,0.7070000000000001,4991.6,no +29,services,single,high.school,no,no,yes,telephone,jun,mon,6,1,999,0,nonexistent,-1.7,94.055,-39.8,0.711,4991.6,no +28,admin.,married,high.school,no,no,yes,telephone,jun,mon,13,1,999,0,nonexistent,-1.7,94.055,-39.8,0.711,4991.6,no +47,admin.,divorced,high.school,no,yes,no,telephone,jun,mon,302,1,999,0,nonexistent,-1.7,94.055,-39.8,0.711,4991.6,yes +48,admin.,married,high.school,no,yes,no,telephone,jun,mon,54,1,999,0,nonexistent,-1.7,94.055,-39.8,0.711,4991.6,no +32,blue-collar,single,basic.9y,no,yes,no,telephone,jun,tue,29,1,999,0,nonexistent,-1.7,94.055,-39.8,0.713,4991.6,no +35,technician,single,professional.course,no,no,no,telephone,jun,tue,149,1,999,0,nonexistent,-1.7,94.055,-39.8,0.713,4991.6,no +35,technician,single,professional.course,no,yes,no,cellular,jun,tue,187,1,6,2,success,-1.7,94.055,-39.8,0.713,4991.6,yes +47,blue-collar,married,basic.9y,no,unknown,unknown,cellular,jun,tue,380,1,999,0,nonexistent,-1.7,94.055,-39.8,0.713,4991.6,yes +47,blue-collar,married,basic.9y,no,no,no,cellular,jun,tue,544,1,999,0,nonexistent,-1.7,94.055,-39.8,0.713,4991.6,no +21,student,single,high.school,no,yes,no,telephone,jun,tue,30,1,14,2,success,-1.7,94.055,-39.8,0.713,4991.6,no +29,unemployed,single,university.degree,no,yes,no,telephone,jun,tue,198,1,999,0,nonexistent,-1.7,94.055,-39.8,0.713,4991.6,no +26,entrepreneur,single,high.school,no,no,no,telephone,jun,tue,49,1,999,0,nonexistent,-1.7,94.055,-39.8,0.713,4991.6,no +37,unemployed,married,high.school,no,yes,no,telephone,jun,tue,29,1,999,0,nonexistent,-1.7,94.055,-39.8,0.713,4991.6,no +34,technician,married,high.school,no,yes,no,cellular,jun,wed,190,1,3,4,success,-1.7,94.055,-39.8,0.715,4991.6,yes +29,admin.,single,university.degree,no,yes,no,cellular,jun,wed,200,1,6,3,success,-1.7,94.055,-39.8,0.715,4991.6,yes +34,admin.,married,university.degree,no,no,no,cellular,jun,wed,150,1,3,2,success,-1.7,94.055,-39.8,0.715,4991.6,yes +33,admin.,single,university.degree,no,no,no,cellular,jun,wed,206,1,3,1,success,-1.7,94.055,-39.8,0.715,4991.6,yes +44,technician,married,university.degree,no,yes,no,telephone,jun,wed,712,1,6,3,failure,-1.7,94.055,-39.8,0.715,4991.6,yes +38,technician,single,high.school,no,no,no,telephone,jun,wed,118,1,999,0,nonexistent,-1.7,94.055,-39.8,0.715,4991.6,no +29,admin.,single,university.degree,no,yes,no,telephone,jun,wed,294,2,3,1,success,-1.7,94.055,-39.8,0.715,4991.6,no +44,technician,married,university.degree,no,no,no,cellular,jun,wed,874,2,999,1,failure,-1.7,94.055,-39.8,0.715,4991.6,yes +28,services,married,high.school,no,no,yes,cellular,jun,wed,479,2,6,2,success,-1.7,94.055,-39.8,0.715,4991.6,yes +27,blue-collar,single,university.degree,no,no,no,cellular,jun,wed,722,2,999,0,nonexistent,-1.7,94.055,-39.8,0.715,4991.6,no +29,admin.,single,university.degree,no,no,no,cellular,jun,wed,192,2,3,4,success,-1.7,94.055,-39.8,0.715,4991.6,yes +27,admin.,married,high.school,no,yes,no,telephone,jun,wed,46,1,999,0,nonexistent,-1.7,94.055,-39.8,0.715,4991.6,no +28,admin.,single,university.degree,no,no,no,telephone,jun,fri,138,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7190000000000001,4991.6,no +37,admin.,married,university.degree,no,yes,no,cellular,jun,fri,135,1,999,2,failure,-1.7,94.055,-39.8,0.7190000000000001,4991.6,no +37,admin.,married,university.degree,no,unknown,unknown,cellular,jun,fri,602,1,10,1,success,-1.7,94.055,-39.8,0.7190000000000001,4991.6,yes +35,admin.,single,university.degree,no,no,yes,cellular,jun,mon,141,2,4,3,success,-1.7,94.055,-39.8,0.72,4991.6,no +50,management,married,university.degree,no,no,no,telephone,jun,mon,278,5,6,1,success,-1.7,94.055,-39.8,0.72,4991.6,yes +36,management,divorced,university.degree,no,yes,no,cellular,jun,mon,422,1,3,4,success,-1.7,94.055,-39.8,0.72,4991.6,yes +23,student,single,high.school,no,yes,no,telephone,jun,mon,434,1,9,1,success,-1.7,94.055,-39.8,0.72,4991.6,yes +39,technician,married,university.degree,no,yes,no,cellular,jun,mon,187,1,3,5,success,-1.7,94.055,-39.8,0.72,4991.6,yes +89,retired,divorced,basic.4y,no,no,no,cellular,jun,mon,245,1,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,yes +30,self-employed,married,university.degree,no,yes,no,cellular,jun,mon,661,1,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,yes +21,student,single,high.school,no,yes,no,cellular,jun,mon,270,1,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,yes +39,management,married,university.degree,no,no,no,cellular,jun,mon,168,1,999,1,failure,-1.7,94.055,-39.8,0.72,4991.6,no +30,self-employed,married,university.degree,no,no,no,cellular,jun,mon,212,4,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,yes +36,self-employed,single,university.degree,no,no,yes,cellular,jun,mon,458,1,4,4,success,-1.7,94.055,-39.8,0.72,4991.6,yes +39,technician,married,university.degree,no,yes,no,cellular,jun,mon,713,2,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,yes +59,unemployed,married,basic.4y,no,yes,no,cellular,jun,mon,614,1,6,2,success,-1.7,94.055,-39.8,0.72,4991.6,yes +35,technician,single,university.degree,no,no,no,cellular,jun,mon,516,1,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,no +35,admin.,single,university.degree,no,yes,no,cellular,jun,mon,293,1,14,1,success,-1.7,94.055,-39.8,0.72,4991.6,yes +22,student,single,high.school,no,no,yes,cellular,jun,mon,563,1,12,2,failure,-1.7,94.055,-39.8,0.72,4991.6,yes +28,services,single,university.degree,no,no,no,telephone,jun,mon,215,1,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,no +37,admin.,married,university.degree,no,yes,no,telephone,jun,mon,30,1,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,no +44,services,single,high.school,no,no,no,telephone,jun,mon,20,1,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,no +33,services,married,high.school,no,no,no,cellular,jun,mon,472,1,999,1,failure,-1.7,94.055,-39.8,0.72,4991.6,no +27,admin.,married,university.degree,no,yes,no,cellular,jun,mon,262,3,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,no +29,self-employed,single,university.degree,no,yes,no,cellular,jun,mon,167,2,999,1,failure,-1.7,94.055,-39.8,0.72,4991.6,yes +25,student,single,high.school,no,no,no,cellular,jun,mon,485,2,999,0,nonexistent,-1.7,94.055,-39.8,0.72,4991.6,yes +27,student,single,university.degree,no,no,yes,cellular,jun,mon,237,2,3,4,success,-1.7,94.055,-39.8,0.72,4991.6,no +31,technician,married,professional.course,no,yes,no,cellular,jun,tue,619,2,3,1,success,-1.7,94.055,-39.8,0.723,4991.6,yes +29,admin.,married,high.school,no,yes,no,cellular,jun,tue,379,2,13,1,success,-1.7,94.055,-39.8,0.723,4991.6,yes +56,management,married,basic.6y,no,yes,no,cellular,jun,tue,910,1,7,2,success,-1.7,94.055,-39.8,0.723,4991.6,yes +60,housemaid,married,basic.4y,no,yes,no,cellular,jun,tue,700,3,999,1,failure,-1.7,94.055,-39.8,0.723,4991.6,yes +29,admin.,married,high.school,no,unknown,unknown,cellular,jun,tue,238,6,3,3,success,-1.7,94.055,-39.8,0.723,4991.6,no +31,technician,married,professional.course,no,yes,no,cellular,jun,tue,243,5,9,2,success,-1.7,94.055,-39.8,0.723,4991.6,yes +31,technician,married,professional.course,no,yes,no,cellular,jun,tue,250,4,3,2,success,-1.7,94.055,-39.8,0.723,4991.6,no +37,unemployed,married,university.degree,no,yes,no,telephone,jun,tue,126,3,2,2,success,-1.7,94.055,-39.8,0.723,4991.6,no +35,management,divorced,university.degree,no,yes,yes,cellular,jun,tue,270,2,12,2,success,-1.7,94.055,-39.8,0.723,4991.6,no +31,technician,married,professional.course,no,yes,no,telephone,jun,tue,208,1,999,0,nonexistent,-1.7,94.055,-39.8,0.723,4991.6,yes +29,admin.,married,high.school,no,yes,no,cellular,jun,wed,292,1,999,1,failure,-1.7,94.055,-39.8,0.727,4991.6,yes +39,entrepreneur,single,university.degree,no,yes,no,telephone,jun,wed,58,1,999,0,nonexistent,-1.7,94.055,-39.8,0.727,4991.6,no +33,blue-collar,married,basic.9y,no,yes,no,telephone,jun,wed,15,1,999,2,failure,-1.7,94.055,-39.8,0.727,4991.6,no +29,admin.,married,high.school,no,yes,no,cellular,jun,wed,605,3,999,0,nonexistent,-1.7,94.055,-39.8,0.727,4991.6,yes +24,student,single,high.school,no,no,no,cellular,jun,wed,288,6,6,1,success,-1.7,94.055,-39.8,0.727,4991.6,yes +28,management,single,university.degree,no,yes,no,cellular,jun,thu,339,3,6,2,success,-1.7,94.055,-39.8,0.7290000000000001,4991.6,yes +36,services,married,high.school,no,no,no,cellular,jun,thu,101,3,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,no +28,management,single,university.degree,no,yes,no,cellular,jun,thu,383,1,22,1,success,-1.7,94.055,-39.8,0.7290000000000001,4991.6,yes +29,technician,divorced,professional.course,no,yes,yes,telephone,jun,thu,247,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,no +43,blue-collar,married,professional.course,no,yes,yes,cellular,jun,thu,1720,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,yes +38,blue-collar,single,high.school,no,yes,yes,telephone,jun,thu,21,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,no +24,student,single,high.school,no,yes,yes,cellular,jun,thu,344,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,no +24,student,single,high.school,no,yes,no,cellular,jun,thu,530,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,no +28,management,single,university.degree,no,yes,no,cellular,jun,thu,169,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,yes +78,retired,divorced,unknown,no,no,no,cellular,jun,thu,282,4,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,yes +24,student,single,high.school,no,no,yes,cellular,jun,thu,176,2,12,2,failure,-1.7,94.055,-39.8,0.7290000000000001,4991.6,yes +78,retired,divorced,unknown,no,no,no,cellular,jun,thu,544,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7290000000000001,4991.6,yes +65,unknown,married,unknown,no,yes,no,cellular,jun,thu,301,2,4,2,success,-1.7,94.055,-39.8,0.7290000000000001,4991.6,yes +26,admin.,single,university.degree,no,no,yes,cellular,jun,fri,91,2,6,1,success,-1.7,94.055,-39.8,0.732,4991.6,no +33,admin.,married,university.degree,no,no,no,telephone,jun,fri,80,1,999,0,nonexistent,-1.7,94.055,-39.8,0.732,4991.6,no +70,blue-collar,married,basic.4y,no,no,yes,cellular,jun,fri,252,1,3,1,success,-1.7,94.055,-39.8,0.732,4991.6,yes +62,retired,divorced,high.school,no,yes,no,cellular,jun,fri,201,4,999,0,nonexistent,-1.7,94.055,-39.8,0.732,4991.6,no +41,entrepreneur,married,university.degree,no,yes,no,telephone,jun,fri,23,1,999,0,nonexistent,-1.7,94.055,-39.8,0.732,4991.6,no +30,admin.,married,high.school,no,yes,no,cellular,jun,fri,215,1,12,1,success,-1.7,94.055,-39.8,0.732,4991.6,yes +34,admin.,single,university.degree,no,yes,no,telephone,jun,mon,100,1,999,0,nonexistent,-1.7,94.055,-39.8,0.733,4991.6,no +27,technician,single,professional.course,no,no,no,cellular,jun,tue,130,2,3,3,success,-1.7,94.055,-39.8,0.737,4991.6,no +27,technician,single,professional.course,no,no,no,cellular,jun,tue,136,2,999,0,nonexistent,-1.7,94.055,-39.8,0.737,4991.6,no +18,student,single,basic.4y,no,yes,no,cellular,jun,tue,154,1,999,0,nonexistent,-1.7,94.055,-39.8,0.737,4991.6,no +24,student,single,high.school,no,no,no,cellular,jun,tue,292,1,999,1,failure,-1.7,94.055,-39.8,0.737,4991.6,no +36,management,married,university.degree,no,no,no,cellular,jun,tue,867,1,3,2,success,-1.7,94.055,-39.8,0.737,4991.6,yes +36,management,married,university.degree,no,no,no,cellular,jun,tue,522,1,6,2,success,-1.7,94.055,-39.8,0.737,4991.6,yes +32,admin.,single,university.degree,no,no,no,cellular,jun,tue,856,1,12,2,success,-1.7,94.055,-39.8,0.737,4991.6,yes +45,admin.,divorced,university.degree,no,no,yes,cellular,jun,wed,79,1,3,2,success,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +27,admin.,single,high.school,no,yes,no,telephone,jun,wed,193,1,999,1,failure,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +36,admin.,single,university.degree,no,yes,no,cellular,jun,wed,883,1,999,1,failure,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +36,admin.,single,university.degree,no,no,no,cellular,jun,wed,706,1,7,1,success,-1.7,94.055,-39.8,0.7390000000000001,4991.6,yes +36,blue-collar,single,high.school,no,yes,yes,cellular,jun,wed,342,2,3,1,success,-1.7,94.055,-39.8,0.7390000000000001,4991.6,yes +35,technician,divorced,professional.course,no,no,no,cellular,jun,wed,66,1,13,2,failure,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +36,admin.,single,university.degree,no,yes,yes,cellular,jun,wed,1407,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7390000000000001,4991.6,yes +36,blue-collar,single,high.school,no,no,no,cellular,jun,wed,339,1,6,1,success,-1.7,94.055,-39.8,0.7390000000000001,4991.6,yes +35,technician,divorced,professional.course,no,yes,yes,cellular,jun,wed,181,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +37,admin.,married,high.school,no,no,no,cellular,jun,wed,671,3,999,0,nonexistent,-1.7,94.055,-39.8,0.7390000000000001,4991.6,yes +40,blue-collar,married,basic.9y,no,yes,no,cellular,jun,wed,133,3,3,2,success,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +24,student,single,high.school,no,no,no,cellular,jun,wed,112,2,14,2,success,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +33,management,single,university.degree,no,yes,no,cellular,jun,wed,442,2,999,3,failure,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +22,student,single,high.school,no,yes,no,telephone,jun,wed,355,1,999,2,failure,-1.7,94.055,-39.8,0.7390000000000001,4991.6,no +59,technician,married,professional.course,no,no,no,cellular,jun,thu,1207,4,999,1,failure,-1.7,94.055,-39.8,0.742,4991.6,yes +74,retired,divorced,basic.4y,no,no,no,telephone,jun,thu,369,1,999,1,failure,-1.7,94.055,-39.8,0.742,4991.6,no +30,admin.,single,university.degree,no,yes,no,telephone,jun,thu,316,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +44,self-employed,divorced,professional.course,no,yes,no,cellular,jun,thu,310,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,yes +43,management,married,university.degree,no,no,no,cellular,jun,thu,185,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +44,self-employed,divorced,professional.course,no,yes,yes,cellular,jun,thu,134,1,999,1,failure,-1.7,94.055,-39.8,0.742,4991.6,no +31,unemployed,single,high.school,no,yes,no,cellular,jun,thu,167,3,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +37,unemployed,single,university.degree,no,yes,no,cellular,jun,thu,122,2,6,1,success,-1.7,94.055,-39.8,0.742,4991.6,no +30,admin.,single,university.degree,no,no,no,cellular,jun,thu,124,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +38,technician,single,university.degree,no,yes,yes,cellular,jun,thu,288,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +68,retired,married,basic.4y,no,yes,no,cellular,jun,thu,220,2,999,1,failure,-1.7,94.055,-39.8,0.742,4991.6,no +25,services,single,basic.9y,no,no,no,telephone,jun,thu,180,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +33,management,single,high.school,no,no,no,telephone,jun,thu,15,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +33,admin.,married,high.school,no,no,no,telephone,jun,thu,11,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +26,unemployed,single,high.school,no,yes,no,telephone,jun,thu,22,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +39,admin.,married,university.degree,no,yes,no,telephone,jun,thu,52,1,999,1,failure,-1.7,94.055,-39.8,0.742,4991.6,no +47,technician,divorced,professional.course,no,yes,no,telephone,jun,thu,9,1,999,0,nonexistent,-1.7,94.055,-39.8,0.742,4991.6,no +69,retired,divorced,professional.course,no,no,no,cellular,jun,fri,213,6,12,2,failure,-1.7,94.055,-39.8,0.748,4991.6,yes +37,technician,single,university.degree,no,yes,no,cellular,jun,fri,300,1,999,2,failure,-1.7,94.055,-39.8,0.748,4991.6,yes +23,student,single,basic.6y,no,no,no,cellular,jun,fri,276,1,14,1,success,-1.7,94.055,-39.8,0.748,4991.6,yes +30,technician,married,university.degree,no,no,yes,cellular,jun,fri,131,1,999,1,failure,-1.7,94.055,-39.8,0.748,4991.6,no +30,technician,married,university.degree,no,no,no,cellular,jun,fri,171,1,7,1,success,-1.7,94.055,-39.8,0.748,4991.6,no +36,admin.,married,university.degree,no,yes,yes,cellular,jun,fri,427,1,4,4,success,-1.7,94.055,-39.8,0.748,4991.6,no +53,housemaid,married,high.school,no,yes,no,cellular,jun,fri,195,6,999,0,nonexistent,-1.7,94.055,-39.8,0.748,4991.6,no +36,unemployed,married,professional.course,no,yes,no,telephone,jun,fri,12,1,999,0,nonexistent,-1.7,94.055,-39.8,0.748,4991.6,no +83,retired,divorced,basic.4y,no,no,yes,cellular,jun,fri,472,2,999,0,nonexistent,-1.7,94.055,-39.8,0.748,4991.6,yes +37,unemployed,single,university.degree,no,no,no,cellular,jun,fri,249,2,999,0,nonexistent,-1.7,94.055,-39.8,0.748,4991.6,no +69,retired,divorced,professional.course,no,yes,no,telephone,jun,fri,359,5,999,0,nonexistent,-1.7,94.055,-39.8,0.748,4991.6,no +27,admin.,single,university.degree,no,yes,no,cellular,jun,fri,266,2,999,1,failure,-1.7,94.055,-39.8,0.748,4991.6,yes +53,management,divorced,university.degree,no,yes,no,cellular,jun,mon,348,6,999,2,failure,-1.7,94.055,-39.8,0.754,4991.6,no +33,services,married,high.school,no,yes,yes,telephone,jun,mon,54,1,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,no +37,unemployed,married,university.degree,unknown,yes,no,cellular,jun,mon,614,3,3,2,success,-1.7,94.055,-39.8,0.754,4991.6,yes +51,admin.,married,university.degree,no,no,no,cellular,jun,mon,297,4,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,yes +51,admin.,married,university.degree,no,yes,no,cellular,jun,mon,281,3,10,3,success,-1.7,94.055,-39.8,0.754,4991.6,yes +32,technician,married,university.degree,no,no,no,cellular,jun,mon,132,3,999,1,failure,-1.7,94.055,-39.8,0.754,4991.6,no +53,management,divorced,university.degree,no,no,no,cellular,jun,mon,345,1,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,yes +51,blue-collar,married,basic.4y,no,no,yes,cellular,jun,mon,325,1,3,1,success,-1.7,94.055,-39.8,0.754,4991.6,yes +34,admin.,single,university.degree,no,yes,no,cellular,jun,mon,452,1,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,yes +32,blue-collar,single,high.school,no,no,no,cellular,jun,mon,247,1,2,2,success,-1.7,94.055,-39.8,0.754,4991.6,yes +32,blue-collar,single,high.school,no,no,no,cellular,jun,mon,197,1,999,1,failure,-1.7,94.055,-39.8,0.754,4991.6,no +37,self-employed,married,university.degree,no,no,no,telephone,jun,mon,363,1,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,yes +37,unemployed,married,university.degree,unknown,no,no,telephone,jun,mon,198,1,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,yes +62,blue-collar,married,high.school,no,yes,no,cellular,jun,mon,563,4,4,3,success,-1.7,94.055,-39.8,0.754,4991.6,yes +35,management,married,university.degree,no,yes,no,cellular,jun,mon,150,3,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,no +37,self-employed,married,university.degree,no,no,no,cellular,jun,mon,181,2,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,no +68,retired,married,basic.4y,unknown,yes,no,cellular,jun,mon,383,3,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,no +37,self-employed,married,university.degree,no,no,no,telephone,jun,mon,133,4,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,no +38,technician,single,university.degree,no,yes,no,cellular,jun,mon,737,6,999,0,nonexistent,-1.7,94.055,-39.8,0.754,4991.6,yes +36,management,married,university.degree,no,no,no,cellular,jun,tue,265,1,999,1,failure,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +81,retired,divorced,high.school,no,no,no,cellular,jun,tue,279,1,999,4,failure,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +34,unemployed,single,university.degree,no,no,no,cellular,jun,tue,401,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +50,blue-collar,married,basic.4y,no,no,no,cellular,jun,tue,135,4,999,1,failure,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +76,retired,married,professional.course,unknown,yes,no,cellular,jun,tue,352,1,3,1,success,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +76,retired,married,professional.course,unknown,yes,no,cellular,jun,tue,295,1,9,2,success,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +56,retired,married,high.school,no,no,no,cellular,jun,tue,383,1,3,1,success,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +64,retired,married,professional.course,no,no,no,cellular,jun,tue,222,1,999,3,failure,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +27,unemployed,single,basic.4y,no,no,no,cellular,jun,tue,238,1,999,2,failure,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +27,admin.,single,high.school,no,no,no,cellular,jun,tue,586,2,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +23,student,single,basic.9y,no,yes,no,cellular,jun,tue,189,1,6,3,success,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +35,admin.,married,university.degree,no,yes,no,cellular,jun,tue,385,1,5,1,success,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +25,student,single,high.school,no,yes,yes,cellular,jun,tue,660,2,6,3,success,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +38,entrepreneur,married,basic.6y,no,no,no,cellular,jun,tue,271,1,2,3,success,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +38,entrepreneur,married,basic.6y,no,yes,no,cellular,jun,tue,189,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +27,admin.,single,high.school,no,no,no,cellular,jun,tue,421,2,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +32,management,single,university.degree,no,no,no,cellular,jun,tue,264,4,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +30,technician,single,professional.course,no,yes,no,telephone,jun,tue,12,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +33,admin.,married,university.degree,no,no,no,telephone,jun,tue,286,2,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +34,unemployed,single,university.degree,no,yes,no,cellular,jun,tue,167,2,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,yes +32,blue-collar,married,basic.4y,no,yes,no,telephone,jun,tue,13,1,999,1,failure,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +26,technician,single,professional.course,no,no,no,telephone,jun,tue,8,1,999,0,nonexistent,-1.7,94.055,-39.8,0.7609999999999999,4991.6,no +26,admin.,married,high.school,no,no,no,cellular,jun,wed,598,4,12,3,failure,-1.7,94.055,-39.8,0.767,4991.6,yes +27,unknown,single,university.degree,no,yes,no,cellular,jun,wed,665,4,3,2,success,-1.7,94.055,-39.8,0.767,4991.6,yes +52,admin.,married,university.degree,no,yes,no,cellular,jun,wed,255,2,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,no +26,admin.,married,high.school,no,no,no,cellular,jun,wed,428,1,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,no +30,technician,single,university.degree,no,yes,no,telephone,jun,wed,263,1,999,2,failure,-1.7,94.055,-39.8,0.767,4991.6,yes +27,unknown,single,university.degree,no,yes,no,cellular,jun,wed,121,3,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,no +33,services,married,high.school,no,yes,no,cellular,jun,wed,274,2,12,2,success,-1.7,94.055,-39.8,0.767,4991.6,yes +56,retired,married,basic.4y,no,yes,no,cellular,jun,wed,337,2,3,2,success,-1.7,94.055,-39.8,0.767,4991.6,yes +29,technician,single,high.school,no,yes,no,telephone,jun,wed,6,1,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,no +86,retired,single,basic.9y,unknown,no,no,telephone,jun,wed,955,1,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,yes +21,student,single,high.school,no,yes,yes,cellular,jun,wed,286,2,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,yes +29,admin.,single,high.school,no,no,no,cellular,jun,wed,108,5,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,no +26,admin.,married,high.school,no,yes,yes,cellular,jun,wed,275,2,999,1,failure,-1.7,94.055,-39.8,0.767,4991.6,yes +66,retired,married,basic.4y,no,no,yes,cellular,jun,wed,319,2,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,yes +31,technician,single,university.degree,no,yes,no,telephone,jun,wed,119,1,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,no +52,admin.,married,university.degree,no,yes,yes,cellular,jun,wed,241,4,999,3,failure,-1.7,94.055,-39.8,0.767,4991.6,no +26,admin.,married,high.school,no,no,no,cellular,jun,wed,301,5,999,0,nonexistent,-1.7,94.055,-39.8,0.767,4991.6,yes +37,admin.,single,high.school,no,yes,yes,cellular,jul,thu,114,4,999,2,failure,-1.7,94.215,-40.3,0.782,4991.6,no +37,admin.,single,high.school,no,no,no,telephone,jul,thu,494,4,999,3,failure,-1.7,94.215,-40.3,0.782,4991.6,no +35,management,married,university.degree,no,yes,yes,telephone,jul,thu,165,1,999,1,failure,-1.7,94.215,-40.3,0.782,4991.6,no +34,admin.,married,high.school,no,yes,no,telephone,jul,thu,12,1,999,1,failure,-1.7,94.215,-40.3,0.782,4991.6,no +29,admin.,single,high.school,no,no,no,telephone,jul,thu,28,1,999,0,nonexistent,-1.7,94.215,-40.3,0.782,4991.6,no +60,management,married,university.degree,no,yes,yes,cellular,jul,thu,395,1,4,2,success,-1.7,94.215,-40.3,0.782,4991.6,yes +37,admin.,single,high.school,no,no,no,cellular,jul,thu,609,2,7,3,success,-1.7,94.215,-40.3,0.782,4991.6,yes +27,admin.,single,high.school,no,no,no,cellular,jul,thu,113,2,999,2,failure,-1.7,94.215,-40.3,0.782,4991.6,no +38,admin.,married,high.school,no,no,no,cellular,jul,thu,561,2,10,2,success,-1.7,94.215,-40.3,0.782,4991.6,yes +33,blue-collar,married,university.degree,no,no,no,telephone,jul,thu,12,1,999,0,nonexistent,-1.7,94.215,-40.3,0.782,4991.6,no +38,unemployed,divorced,high.school,no,no,no,telephone,jul,thu,10,1,999,0,nonexistent,-1.7,94.215,-40.3,0.782,4991.6,no +39,blue-collar,married,basic.6y,no,yes,no,telephone,jul,fri,25,1,14,1,success,-1.7,94.215,-40.3,0.79,4991.6,no +27,services,single,high.school,no,no,no,cellular,jul,fri,423,3,999,0,nonexistent,-1.7,94.215,-40.3,0.79,4991.6,yes +37,admin.,single,university.degree,no,yes,no,cellular,jul,fri,96,2,4,3,success,-1.7,94.215,-40.3,0.79,4991.6,no +33,admin.,married,university.degree,no,yes,yes,cellular,jul,fri,217,3,999,0,nonexistent,-1.7,94.215,-40.3,0.79,4991.6,yes +37,admin.,single,university.degree,no,yes,no,cellular,jul,fri,844,2,6,3,success,-1.7,94.215,-40.3,0.79,4991.6,no +55,admin.,married,university.degree,no,yes,no,cellular,jul,fri,687,1,999,2,failure,-1.7,94.215,-40.3,0.79,4991.6,yes +35,admin.,single,university.degree,no,no,no,cellular,jul,fri,391,5,4,1,success,-1.7,94.215,-40.3,0.79,4991.6,yes +27,services,single,high.school,no,unknown,unknown,cellular,jul,fri,179,1,999,1,failure,-1.7,94.215,-40.3,0.79,4991.6,yes +25,blue-collar,single,basic.9y,no,no,yes,cellular,jul,fri,667,1,999,0,nonexistent,-1.7,94.215,-40.3,0.79,4991.6,yes +55,admin.,married,university.degree,no,yes,yes,cellular,jul,fri,129,2,999,1,failure,-1.7,94.215,-40.3,0.79,4991.6,no +48,admin.,single,university.degree,no,yes,no,cellular,jul,fri,194,2,3,1,success,-1.7,94.215,-40.3,0.79,4991.6,yes +52,admin.,single,high.school,no,no,no,telephone,jul,mon,9,1,999,1,failure,-1.7,94.215,-40.3,0.7929999999999999,4991.6,no +41,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,101,3,999,0,nonexistent,-1.7,94.215,-40.3,0.7929999999999999,4991.6,no +34,technician,single,university.degree,no,yes,no,cellular,jul,mon,251,3,999,0,nonexistent,-1.7,94.215,-40.3,0.7929999999999999,4991.6,yes +25,admin.,married,high.school,no,yes,no,telephone,jul,mon,29,1,999,0,nonexistent,-1.7,94.215,-40.3,0.7929999999999999,4991.6,no +32,technician,married,university.degree,no,yes,yes,telephone,jul,mon,17,1,999,0,nonexistent,-1.7,94.215,-40.3,0.7929999999999999,4991.6,no +41,admin.,divorced,university.degree,no,no,no,cellular,jul,mon,128,2,999,0,nonexistent,-1.7,94.215,-40.3,0.7929999999999999,4991.6,yes +33,admin.,single,university.degree,no,yes,no,cellular,jul,mon,175,4,999,0,nonexistent,-1.7,94.215,-40.3,0.7929999999999999,4991.6,no +41,admin.,divorced,university.degree,no,yes,no,cellular,jul,mon,140,1,14,2,success,-1.7,94.215,-40.3,0.7929999999999999,4991.6,yes +33,admin.,single,university.degree,no,yes,no,cellular,jul,mon,182,1,999,0,nonexistent,-1.7,94.215,-40.3,0.7929999999999999,4991.6,no +30,admin.,single,university.degree,no,yes,no,cellular,jul,tue,255,2,3,1,success,-1.7,94.215,-40.3,0.797,4991.6,no +21,student,single,basic.9y,no,yes,no,cellular,jul,tue,209,2,999,0,nonexistent,-1.7,94.215,-40.3,0.797,4991.6,yes +46,admin.,married,high.school,no,yes,no,cellular,jul,tue,267,1,999,0,nonexistent,-1.7,94.215,-40.3,0.797,4991.6,yes +46,admin.,married,high.school,no,yes,no,cellular,jul,tue,335,3,999,2,failure,-1.7,94.215,-40.3,0.797,4991.6,yes +30,admin.,single,university.degree,no,no,no,cellular,jul,tue,212,1,3,2,success,-1.7,94.215,-40.3,0.797,4991.6,no +83,housemaid,divorced,basic.4y,no,yes,yes,cellular,jul,tue,257,1,999,3,failure,-1.7,94.215,-40.3,0.797,4991.6,no +29,admin.,single,high.school,no,no,no,cellular,jul,tue,319,1,999,0,nonexistent,-1.7,94.215,-40.3,0.797,4991.6,yes +35,admin.,single,university.degree,no,no,no,telephone,jul,tue,42,1,999,0,nonexistent,-1.7,94.215,-40.3,0.797,4991.6,no +46,admin.,married,high.school,no,yes,yes,cellular,jul,tue,396,1,13,2,success,-1.7,94.215,-40.3,0.797,4991.6,yes +43,self-employed,married,university.degree,no,no,no,cellular,jul,tue,386,3,999,1,failure,-1.7,94.215,-40.3,0.797,4991.6,yes +83,housemaid,divorced,basic.4y,no,yes,no,cellular,jul,tue,667,2,3,1,success,-1.7,94.215,-40.3,0.797,4991.6,yes +21,student,single,basic.9y,no,yes,yes,telephone,jul,tue,295,1,999,0,nonexistent,-1.7,94.215,-40.3,0.797,4991.6,no +35,entrepreneur,single,university.degree,no,yes,no,cellular,jul,wed,156,1,999,2,failure,-1.7,94.215,-40.3,0.802,4991.6,no +55,admin.,married,high.school,no,no,no,telephone,jul,wed,229,1,9,1,success,-1.7,94.215,-40.3,0.802,4991.6,yes +33,admin.,married,high.school,no,yes,yes,telephone,jul,wed,398,2,999,1,failure,-1.7,94.215,-40.3,0.802,4991.6,yes +35,admin.,married,high.school,no,yes,no,cellular,jul,wed,273,2,15,1,success,-1.7,94.215,-40.3,0.802,4991.6,yes +36,services,married,high.school,no,no,no,telephone,jul,wed,276,2,999,0,nonexistent,-1.7,94.215,-40.3,0.802,4991.6,yes +34,admin.,single,high.school,no,no,no,cellular,jul,wed,346,1,999,1,failure,-1.7,94.215,-40.3,0.802,4991.6,yes +57,unknown,married,basic.4y,no,yes,no,cellular,jul,wed,183,3,999,0,nonexistent,-1.7,94.215,-40.3,0.802,4991.6,no +58,admin.,married,high.school,no,yes,no,cellular,jul,thu,214,4,999,2,failure,-1.7,94.215,-40.3,0.81,4991.6,no +75,retired,married,university.degree,no,yes,no,cellular,jul,thu,229,1,999,2,failure,-1.7,94.215,-40.3,0.81,4991.6,yes +29,admin.,single,high.school,no,yes,no,cellular,jul,thu,480,1,6,1,success,-1.7,94.215,-40.3,0.81,4991.6,yes +37,admin.,married,high.school,no,unknown,unknown,cellular,jul,thu,294,1,999,1,failure,-1.7,94.215,-40.3,0.81,4991.6,yes +21,student,single,unknown,no,yes,yes,cellular,jul,thu,173,11,9,2,failure,-1.7,94.215,-40.3,0.81,4991.6,no +25,services,single,high.school,no,no,yes,telephone,jul,thu,411,2,8,4,success,-1.7,94.215,-40.3,0.81,4991.6,yes +21,student,single,unknown,no,no,no,telephone,jul,thu,250,1,12,1,success,-1.7,94.215,-40.3,0.81,4991.6,yes +21,student,single,unknown,no,no,no,cellular,jul,thu,184,1,999,0,nonexistent,-1.7,94.215,-40.3,0.81,4991.6,no +21,student,single,unknown,no,yes,no,cellular,jul,thu,968,1,13,2,failure,-1.7,94.215,-40.3,0.81,4991.6,yes +32,admin.,single,university.degree,no,no,no,telephone,jul,thu,14,1,999,0,nonexistent,-1.7,94.215,-40.3,0.81,4991.6,no +39,technician,married,professional.course,no,yes,no,cellular,jul,thu,202,1,999,1,failure,-1.7,94.215,-40.3,0.81,4991.6,no +58,admin.,married,high.school,no,yes,yes,cellular,jul,thu,414,2,999,0,nonexistent,-1.7,94.215,-40.3,0.81,4991.6,yes +25,admin.,single,high.school,no,no,no,cellular,jul,thu,449,2,999,0,nonexistent,-1.7,94.215,-40.3,0.81,4991.6,yes +37,admin.,married,high.school,no,yes,no,cellular,jul,thu,230,2,999,0,nonexistent,-1.7,94.215,-40.3,0.81,4991.6,no +34,self-employed,single,university.degree,no,no,no,cellular,jul,thu,967,3,999,0,nonexistent,-1.7,94.215,-40.3,0.81,4991.6,yes +21,student,single,unknown,no,no,no,telephone,jul,thu,220,7,999,1,failure,-1.7,94.215,-40.3,0.81,4991.6,no +25,services,single,high.school,no,yes,no,telephone,jul,thu,312,2,999,2,failure,-1.7,94.215,-40.3,0.81,4991.6,no +73,retired,divorced,professional.course,unknown,yes,no,cellular,jul,thu,131,2,999,0,nonexistent,-1.7,94.215,-40.3,0.81,4991.6,no +34,admin.,married,university.degree,no,yes,no,cellular,jul,thu,344,1,999,2,failure,-1.7,94.215,-40.3,0.81,4991.6,yes +72,retired,married,basic.4y,no,no,yes,cellular,jul,fri,483,4,8,1,success,-1.7,94.215,-40.3,0.8220000000000001,4991.6,yes +26,unemployed,married,high.school,no,yes,no,cellular,jul,fri,474,7,999,0,nonexistent,-1.7,94.215,-40.3,0.8220000000000001,4991.6,yes +72,retired,married,basic.4y,no,yes,no,cellular,jul,fri,119,9,999,1,failure,-1.7,94.215,-40.3,0.8220000000000001,4991.6,no +72,retired,married,basic.4y,no,yes,no,cellular,jul,fri,582,2,999,1,failure,-1.7,94.215,-40.3,0.8220000000000001,4991.6,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,fri,1185,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8220000000000001,4991.6,no +46,admin.,married,university.degree,no,yes,no,cellular,jul,fri,341,3,999,0,nonexistent,-1.7,94.215,-40.3,0.8220000000000001,4991.6,yes +32,entrepreneur,married,university.degree,no,no,yes,cellular,jul,fri,116,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8220000000000001,4991.6,no +79,retired,married,basic.4y,no,no,yes,cellular,jul,fri,464,1,999,1,failure,-1.7,94.215,-40.3,0.8220000000000001,4991.6,yes +33,blue-collar,single,professional.course,no,no,yes,telephone,jul,fri,15,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8220000000000001,4991.6,no +33,unemployed,married,university.degree,no,yes,no,telephone,jul,fri,25,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8220000000000001,4991.6,no +26,unemployed,single,high.school,no,yes,no,telephone,jul,fri,23,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8220000000000001,4991.6,no +33,blue-collar,married,basic.9y,no,no,yes,telephone,jul,mon,9,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +59,retired,divorced,basic.4y,no,no,no,cellular,jul,mon,410,2,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +39,admin.,divorced,university.degree,no,yes,yes,cellular,jul,mon,398,10,999,1,failure,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +36,technician,single,university.degree,no,yes,yes,cellular,jul,mon,305,4,3,1,success,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +59,retired,divorced,basic.4y,no,no,yes,cellular,jul,mon,210,3,999,2,failure,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +39,admin.,divorced,university.degree,no,no,yes,cellular,jul,mon,375,3,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +28,blue-collar,single,high.school,no,no,yes,cellular,jul,mon,101,2,999,2,failure,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +62,technician,married,unknown,no,no,yes,cellular,jul,mon,123,2,6,1,success,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +35,technician,single,professional.course,no,no,no,cellular,jul,mon,562,4,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +62,technician,married,unknown,no,unknown,unknown,cellular,jul,mon,220,3,999,1,failure,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +62,technician,married,unknown,no,no,no,cellular,jul,mon,167,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +62,technician,married,unknown,no,yes,no,cellular,jul,mon,273,1,16,1,success,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +27,admin.,single,university.degree,unknown,no,yes,cellular,jul,mon,537,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +28,student,single,high.school,no,yes,yes,cellular,jul,mon,154,1,999,2,failure,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +24,admin.,single,high.school,no,no,no,cellular,jul,mon,452,1,14,1,success,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +19,student,single,basic.9y,no,no,yes,telephone,jul,mon,567,1,6,2,success,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +59,retired,divorced,basic.4y,no,yes,yes,cellular,jul,mon,796,1,6,1,success,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +28,blue-collar,single,high.school,no,no,no,cellular,jul,mon,194,3,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +19,student,single,basic.9y,no,yes,no,cellular,jul,mon,236,2,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +62,technician,married,unknown,no,no,no,cellular,jul,mon,262,2,999,2,failure,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +62,technician,married,unknown,no,yes,no,cellular,jul,mon,248,1,999,2,failure,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +33,admin.,single,university.degree,no,yes,no,cellular,jul,mon,289,1,999,1,failure,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +27,admin.,single,university.degree,unknown,no,no,cellular,jul,mon,200,6,999,0,nonexistent,-1.7,94.215,-40.3,0.8270000000000001,4991.6,no +28,student,single,high.school,no,yes,no,cellular,jul,mon,250,2,6,1,success,-1.7,94.215,-40.3,0.8270000000000001,4991.6,yes +29,admin.,married,university.degree,no,yes,yes,cellular,jul,tue,256,2,6,1,success,-1.7,94.215,-40.3,0.835,4991.6,no +73,retired,married,basic.4y,no,yes,no,cellular,jul,tue,305,1,999,0,nonexistent,-1.7,94.215,-40.3,0.835,4991.6,yes +29,admin.,single,high.school,no,no,no,cellular,jul,tue,195,2,3,3,success,-1.7,94.215,-40.3,0.835,4991.6,yes +22,services,single,professional.course,no,no,no,cellular,jul,tue,363,1,999,1,failure,-1.7,94.215,-40.3,0.835,4991.6,yes +83,retired,married,university.degree,no,yes,no,cellular,jul,tue,178,1,6,2,success,-1.7,94.215,-40.3,0.835,4991.6,yes +32,services,married,basic.6y,no,yes,yes,telephone,jul,tue,35,1,999,0,nonexistent,-1.7,94.215,-40.3,0.835,4991.6,no +83,retired,married,university.degree,no,no,no,telephone,jul,tue,617,1,12,1,success,-1.7,94.215,-40.3,0.835,4991.6,yes +66,retired,married,high.school,no,no,no,cellular,jul,tue,475,1,999,0,nonexistent,-1.7,94.215,-40.3,0.835,4991.6,yes +66,retired,married,high.school,no,yes,no,cellular,jul,tue,317,1,999,0,nonexistent,-1.7,94.215,-40.3,0.835,4991.6,yes +29,admin.,married,university.degree,no,yes,no,cellular,jul,tue,88,1,999,2,failure,-1.7,94.215,-40.3,0.835,4991.6,no +29,admin.,married,university.degree,no,unknown,unknown,cellular,jul,tue,311,1,3,1,success,-1.7,94.215,-40.3,0.835,4991.6,yes +24,student,single,high.school,no,yes,yes,cellular,jul,tue,316,3,999,1,failure,-1.7,94.215,-40.3,0.835,4991.6,no +31,unemployed,single,university.degree,no,yes,no,cellular,jul,tue,309,1,6,3,success,-1.7,94.215,-40.3,0.835,4991.6,yes +35,technician,single,professional.course,no,yes,no,cellular,jul,tue,337,1,6,1,success,-1.7,94.215,-40.3,0.835,4991.6,yes +35,technician,single,professional.course,no,yes,no,cellular,jul,tue,360,1,11,2,success,-1.7,94.215,-40.3,0.835,4991.6,yes +22,services,single,professional.course,no,no,no,cellular,jul,tue,256,3,999,1,failure,-1.7,94.215,-40.3,0.835,4991.6,yes +73,retired,married,basic.4y,no,yes,yes,telephone,jul,tue,538,2,999,0,nonexistent,-1.7,94.215,-40.3,0.835,4991.6,no +29,blue-collar,single,basic.6y,no,yes,no,telephone,jul,tue,151,1,999,0,nonexistent,-1.7,94.215,-40.3,0.835,4991.6,no +35,technician,single,professional.course,no,yes,no,cellular,jul,tue,577,6,6,1,success,-1.7,94.215,-40.3,0.835,4991.6,yes +29,admin.,single,high.school,no,yes,no,cellular,jul,tue,272,3,6,1,success,-1.7,94.215,-40.3,0.835,4991.6,yes +32,technician,divorced,professional.course,no,yes,no,telephone,jul,wed,18,1,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,no +53,blue-collar,single,basic.9y,no,no,no,telephone,jul,wed,413,1,6,2,success,-1.7,94.215,-40.3,0.84,4991.6,yes +30,student,single,professional.course,no,yes,no,cellular,jul,wed,334,4,999,2,failure,-1.7,94.215,-40.3,0.84,4991.6,yes +31,admin.,single,high.school,no,yes,no,cellular,jul,wed,91,1,999,1,failure,-1.7,94.215,-40.3,0.84,4991.6,no +29,technician,single,basic.9y,no,yes,no,cellular,jul,wed,603,1,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,yes +53,blue-collar,single,basic.9y,no,yes,no,cellular,jul,wed,355,1,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,yes +45,management,married,university.degree,no,yes,no,cellular,jul,wed,817,2,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,yes +29,technician,single,professional.course,no,yes,no,cellular,jul,wed,133,3,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,no +29,technician,single,basic.9y,no,yes,no,telephone,jul,wed,247,1,6,1,success,-1.7,94.215,-40.3,0.84,4991.6,yes +78,retired,married,unknown,no,yes,no,cellular,jul,wed,203,1,999,1,failure,-1.7,94.215,-40.3,0.84,4991.6,no +29,admin.,single,university.degree,no,yes,no,cellular,jul,wed,276,1,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,yes +34,services,married,basic.9y,no,no,no,cellular,jul,wed,604,1,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,yes +53,blue-collar,single,basic.9y,no,yes,no,telephone,jul,wed,897,2,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,yes +35,admin.,married,university.degree,no,yes,no,cellular,jul,wed,287,2,999,1,failure,-1.7,94.215,-40.3,0.84,4991.6,yes +34,services,married,basic.9y,no,yes,yes,cellular,jul,wed,86,3,999,1,failure,-1.7,94.215,-40.3,0.84,4991.6,no +30,student,single,professional.course,no,yes,no,telephone,jul,wed,343,9,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,no +78,retired,married,unknown,no,yes,no,cellular,jul,wed,87,3,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,yes +44,blue-collar,divorced,basic.4y,no,no,no,telephone,jul,wed,71,1,999,0,nonexistent,-1.7,94.215,-40.3,0.84,4991.6,no +23,blue-collar,single,basic.9y,no,yes,no,cellular,jul,thu,268,5,999,1,failure,-1.7,94.215,-40.3,0.846,4991.6,yes +27,blue-collar,single,high.school,no,yes,no,cellular,jul,thu,185,5,999,2,failure,-1.7,94.215,-40.3,0.846,4991.6,no +52,technician,married,basic.6y,no,yes,no,cellular,jul,thu,219,1,3,1,success,-1.7,94.215,-40.3,0.846,4991.6,yes +50,management,married,university.degree,no,yes,no,cellular,jul,thu,367,1,999,0,nonexistent,-1.7,94.215,-40.3,0.846,4991.6,yes +37,services,married,high.school,no,no,no,cellular,jul,thu,346,1,6,2,success,-1.7,94.215,-40.3,0.846,4991.6,yes +28,services,single,high.school,no,yes,no,cellular,jul,thu,957,1,6,1,success,-1.7,94.215,-40.3,0.846,4991.6,yes +32,services,single,unknown,no,no,yes,cellular,jul,thu,415,2,999,0,nonexistent,-1.7,94.215,-40.3,0.846,4991.6,yes +30,admin.,single,university.degree,no,no,no,cellular,jul,thu,252,1,6,2,success,-1.7,94.215,-40.3,0.846,4991.6,yes +28,self-employed,single,university.degree,no,no,no,cellular,jul,thu,178,1,999,2,failure,-1.7,94.215,-40.3,0.846,4991.6,no +32,admin.,single,university.degree,no,yes,no,cellular,jul,thu,250,2,6,1,success,-1.7,94.215,-40.3,0.846,4991.6,no +20,student,single,basic.9y,no,yes,no,cellular,jul,thu,361,3,6,3,success,-1.7,94.215,-40.3,0.846,4991.6,yes +80,retired,married,basic.4y,no,no,no,telephone,jul,thu,552,2,999,0,nonexistent,-1.7,94.215,-40.3,0.846,4991.6,yes +70,retired,divorced,basic.4y,no,no,no,cellular,jul,thu,390,2,6,2,success,-1.7,94.215,-40.3,0.846,4991.6,yes +35,admin.,married,university.degree,no,no,no,cellular,jul,thu,951,2,6,1,success,-1.7,94.215,-40.3,0.846,4991.6,yes +23,blue-collar,single,basic.9y,no,no,no,cellular,jul,thu,250,4,999,1,failure,-1.7,94.215,-40.3,0.846,4991.6,yes +32,admin.,single,university.degree,no,yes,no,cellular,jul,thu,210,2,15,1,success,-1.7,94.215,-40.3,0.846,4991.6,no +28,self-employed,single,university.degree,no,yes,no,cellular,jul,thu,198,2,999,0,nonexistent,-1.7,94.215,-40.3,0.846,4991.6,yes +47,admin.,single,basic.9y,no,yes,yes,cellular,jul,thu,392,2,6,1,success,-1.7,94.215,-40.3,0.846,4991.6,yes +38,technician,married,professional.course,no,no,no,cellular,jul,thu,561,2,999,0,nonexistent,-1.7,94.215,-40.3,0.846,4991.6,no +54,retired,single,basic.4y,no,yes,no,cellular,jul,thu,392,4,999,0,nonexistent,-1.7,94.215,-40.3,0.846,4991.6,no +63,retired,married,basic.4y,no,yes,no,cellular,jul,thu,261,1,6,1,success,-1.7,94.215,-40.3,0.846,4991.6,no +31,admin.,single,university.degree,no,yes,no,cellular,jul,fri,815,2,13,2,success,-1.7,94.215,-40.3,0.861,4991.6,yes +26,technician,single,university.degree,no,no,no,cellular,jul,fri,129,2,6,1,success,-1.7,94.215,-40.3,0.861,4991.6,no +32,admin.,single,university.degree,no,no,no,cellular,jul,fri,184,1,9,3,failure,-1.7,94.215,-40.3,0.861,4991.6,no +44,admin.,married,unknown,no,no,no,cellular,jul,fri,745,1,999,1,failure,-1.7,94.215,-40.3,0.861,4991.6,yes +31,admin.,married,high.school,no,no,no,cellular,jul,fri,136,8,999,0,nonexistent,-1.7,94.215,-40.3,0.861,4991.6,no +60,admin.,married,university.degree,no,no,no,cellular,jul,fri,316,1,6,2,success,-1.7,94.215,-40.3,0.861,4991.6,yes +51,admin.,married,university.degree,no,no,yes,cellular,jul,fri,486,1,999,0,nonexistent,-1.7,94.215,-40.3,0.861,4991.6,yes +31,admin.,married,high.school,no,yes,yes,cellular,jul,fri,44,4,999,0,nonexistent,-1.7,94.215,-40.3,0.861,4991.6,no +43,technician,divorced,unknown,no,no,no,cellular,jul,fri,377,1,999,1,failure,-1.7,94.215,-40.3,0.861,4991.6,no +31,admin.,married,university.degree,no,no,no,cellular,jul,fri,106,1,999,0,nonexistent,-1.7,94.215,-40.3,0.861,4991.6,no +27,admin.,single,high.school,no,yes,no,telephone,jul,fri,7,1,999,0,nonexistent,-1.7,94.215,-40.3,0.861,4991.6,no +29,admin.,single,high.school,no,yes,no,cellular,jul,fri,268,2,6,1,success,-1.7,94.215,-40.3,0.861,4991.6,yes +26,technician,single,university.degree,no,yes,no,cellular,jul,fri,806,3,6,2,success,-1.7,94.215,-40.3,0.861,4991.6,yes +32,management,single,university.degree,no,no,no,cellular,jul,fri,237,2,999,1,failure,-1.7,94.215,-40.3,0.861,4991.6,no +51,admin.,married,university.degree,no,no,yes,cellular,jul,fri,73,4,999,0,nonexistent,-1.7,94.215,-40.3,0.861,4991.6,no +44,admin.,single,high.school,no,no,yes,telephone,jul,fri,12,1,999,0,nonexistent,-1.7,94.215,-40.3,0.861,4991.6,no +59,technician,married,professional.course,no,yes,no,cellular,jul,fri,457,2,15,1,success,-1.7,94.215,-40.3,0.861,4991.6,yes +21,housemaid,single,high.school,no,no,no,cellular,jul,fri,222,2,999,0,nonexistent,-1.7,94.215,-40.3,0.861,4991.6,no +54,admin.,married,university.degree,no,no,yes,cellular,jul,fri,84,5,999,2,failure,-1.7,94.215,-40.3,0.861,4991.6,no +22,admin.,single,university.degree,no,yes,no,telephone,jul,mon,484,1,999,2,failure,-1.7,94.215,-40.3,0.87,4991.6,yes +56,technician,married,professional.course,no,yes,no,cellular,jul,mon,207,2,13,1,success,-1.7,94.215,-40.3,0.87,4991.6,yes +49,technician,divorced,professional.course,no,yes,no,cellular,jul,mon,253,3,15,1,success,-1.7,94.215,-40.3,0.87,4991.6,yes +78,retired,married,basic.4y,no,no,no,cellular,jul,mon,1148,1,999,0,nonexistent,-1.7,94.215,-40.3,0.87,4991.6,yes +72,retired,married,basic.4y,no,yes,no,cellular,jul,mon,128,2,999,1,failure,-1.7,94.215,-40.3,0.87,4991.6,no +72,retired,married,basic.4y,no,yes,no,cellular,jul,mon,268,1,999,0,nonexistent,-1.7,94.215,-40.3,0.87,4991.6,yes +78,retired,married,basic.4y,no,yes,no,cellular,jul,mon,173,2,999,1,failure,-1.7,94.215,-40.3,0.87,4991.6,yes +56,technician,married,professional.course,no,no,no,cellular,jul,mon,230,2,999,1,failure,-1.7,94.215,-40.3,0.87,4991.6,yes +56,unemployed,divorced,basic.4y,no,yes,no,cellular,jul,mon,187,6,999,0,nonexistent,-1.7,94.215,-40.3,0.87,4991.6,yes +66,retired,married,basic.4y,no,yes,no,cellular,jul,mon,568,7,999,0,nonexistent,-1.7,94.215,-40.3,0.87,4991.6,yes +78,retired,married,basic.4y,no,yes,no,cellular,jul,mon,212,1,13,2,success,-1.7,94.215,-40.3,0.87,4991.6,yes +29,admin.,married,university.degree,no,yes,no,cellular,jul,mon,173,3,999,0,nonexistent,-1.7,94.215,-40.3,0.87,4991.6,yes +30,technician,married,university.degree,no,yes,yes,cellular,jul,mon,204,4,999,0,nonexistent,-1.7,94.215,-40.3,0.87,4991.6,yes +28,technician,single,university.degree,no,no,no,cellular,jul,tue,146,3,6,2,success,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +28,services,single,high.school,no,yes,no,cellular,jul,tue,192,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +66,housemaid,married,basic.4y,no,no,yes,cellular,jul,tue,296,1,999,1,failure,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +29,technician,single,professional.course,no,no,yes,cellular,jul,tue,178,2,15,2,failure,-1.7,94.215,-40.3,0.8759999999999999,4991.6,yes +54,unknown,married,basic.9y,no,yes,no,cellular,jul,tue,174,2,13,2,success,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +28,technician,single,university.degree,no,yes,no,cellular,jul,tue,175,5,999,0,nonexistent,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +23,student,single,unknown,no,no,no,cellular,jul,tue,165,2,16,1,success,-1.7,94.215,-40.3,0.8759999999999999,4991.6,yes +35,blue-collar,married,high.school,no,yes,no,telephone,jul,tue,7,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +62,retired,married,high.school,no,no,no,cellular,jul,tue,355,2,999,0,nonexistent,-1.7,94.215,-40.3,0.8759999999999999,4991.6,yes +23,unemployed,single,high.school,no,no,no,telephone,jul,tue,7,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +38,admin.,married,high.school,no,no,no,telephone,jul,tue,5,1,999,1,failure,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +48,technician,married,professional.course,no,no,no,cellular,jul,tue,288,1,999,1,failure,-1.7,94.215,-40.3,0.8759999999999999,4991.6,no +66,housemaid,married,basic.4y,no,no,no,telephone,jul,tue,1008,2,999,0,nonexistent,-1.7,94.215,-40.3,0.8759999999999999,4991.6,yes +23,admin.,single,university.degree,no,yes,no,cellular,jul,wed,104,1,999,2,failure,-1.7,94.215,-40.3,0.8809999999999999,4991.6,no +82,housemaid,divorced,basic.4y,no,no,no,cellular,jul,wed,316,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8809999999999999,4991.6,yes +72,retired,married,basic.6y,no,no,no,cellular,jul,wed,338,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8809999999999999,4991.6,no +72,retired,married,basic.6y,no,yes,no,cellular,jul,wed,143,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8809999999999999,4991.6,yes +37,unemployed,single,university.degree,no,yes,yes,cellular,jul,wed,314,1,5,2,success,-1.7,94.215,-40.3,0.8809999999999999,4991.6,yes +21,student,single,basic.9y,no,no,no,telephone,jul,thu,5,1,999,0,nonexistent,-1.7,94.215,-40.3,0.884,4991.6,no +24,technician,single,professional.course,no,yes,no,cellular,jul,thu,355,2,3,1,success,-1.7,94.215,-40.3,0.884,4991.6,yes +71,retired,married,professional.course,no,yes,no,cellular,jul,thu,115,3,999,0,nonexistent,-1.7,94.215,-40.3,0.884,4991.6,no +52,admin.,married,university.degree,no,yes,yes,cellular,jul,thu,942,1,999,0,nonexistent,-1.7,94.215,-40.3,0.884,4991.6,yes +24,services,single,high.school,no,yes,no,cellular,jul,thu,355,1,11,2,success,-1.7,94.215,-40.3,0.884,4991.6,yes +43,technician,married,professional.course,no,yes,no,cellular,jul,thu,1193,1,999,0,nonexistent,-1.7,94.215,-40.3,0.884,4991.6,yes +64,admin.,married,high.school,no,no,no,cellular,jul,thu,368,1,999,0,nonexistent,-1.7,94.215,-40.3,0.884,4991.6,yes +45,management,married,university.degree,no,yes,no,cellular,jul,thu,138,2,6,2,success,-1.7,94.215,-40.3,0.884,4991.6,yes +40,management,married,university.degree,no,yes,no,cellular,jul,thu,321,4,999,0,nonexistent,-1.7,94.215,-40.3,0.884,4991.6,yes +30,admin.,single,university.degree,no,yes,no,cellular,jul,thu,248,1,999,0,nonexistent,-1.7,94.215,-40.3,0.884,4991.6,yes +34,technician,single,basic.9y,no,no,no,telephone,jul,thu,23,1,999,1,failure,-1.7,94.215,-40.3,0.884,4991.6,no +29,self-employed,single,university.degree,no,no,no,telephone,jul,thu,24,1,999,0,nonexistent,-1.7,94.215,-40.3,0.884,4991.6,no +60,admin.,married,basic.9y,no,no,no,cellular,jul,thu,174,2,25,2,failure,-1.7,94.215,-40.3,0.884,4991.6,yes +24,services,single,high.school,no,yes,no,cellular,jul,thu,860,2,9,2,failure,-1.7,94.215,-40.3,0.884,4991.6,yes +56,services,married,high.school,no,yes,no,cellular,jul,thu,427,2,999,1,failure,-1.7,94.215,-40.3,0.884,4991.6,no +45,management,married,university.degree,no,no,yes,telephone,jul,thu,171,2,999,1,failure,-1.7,94.215,-40.3,0.884,4991.6,no +31,student,single,university.degree,no,no,no,cellular,jul,fri,608,3,6,2,success,-1.7,94.215,-40.3,0.885,4991.6,yes +59,management,married,basic.4y,no,yes,no,cellular,jul,fri,351,3,999,0,nonexistent,-1.7,94.215,-40.3,0.885,4991.6,yes +42,unknown,single,university.degree,no,no,no,cellular,jul,fri,366,6,999,0,nonexistent,-1.7,94.215,-40.3,0.885,4991.6,yes +31,student,single,university.degree,no,yes,yes,cellular,jul,fri,350,2,999,0,nonexistent,-1.7,94.215,-40.3,0.885,4991.6,yes +32,technician,single,university.degree,no,no,no,cellular,jul,fri,125,1,3,2,success,-1.7,94.215,-40.3,0.885,4991.6,no +24,technician,married,professional.course,no,no,no,cellular,jul,fri,192,4,26,1,success,-1.7,94.215,-40.3,0.885,4991.6,yes +42,unknown,single,university.degree,no,yes,no,cellular,jul,fri,513,1,999,2,failure,-1.7,94.215,-40.3,0.885,4991.6,yes +26,admin.,single,high.school,no,yes,no,cellular,jul,fri,251,1,999,1,failure,-1.7,94.215,-40.3,0.885,4991.6,yes +26,admin.,single,university.degree,no,no,no,cellular,jul,fri,196,1,9,3,failure,-1.7,94.215,-40.3,0.885,4991.6,yes +63,admin.,married,university.degree,no,yes,no,cellular,jul,fri,396,2,999,0,nonexistent,-1.7,94.215,-40.3,0.885,4991.6,yes +29,admin.,single,university.degree,no,yes,no,cellular,jul,mon,110,2,999,1,failure,-1.7,94.215,-40.3,0.889,4991.6,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,jul,mon,275,1,6,2,success,-1.7,94.215,-40.3,0.889,4991.6,yes +51,technician,married,high.school,no,no,no,cellular,jul,mon,284,1,6,3,success,-1.7,94.215,-40.3,0.889,4991.6,yes +65,management,married,university.degree,no,yes,no,cellular,jul,mon,183,1,999,2,failure,-1.7,94.215,-40.3,0.889,4991.6,yes +29,admin.,married,university.degree,no,no,no,telephone,jul,mon,7,1,999,0,nonexistent,-1.7,94.215,-40.3,0.889,4991.6,no +31,admin.,married,university.degree,no,no,no,telephone,jul,mon,7,1,999,0,nonexistent,-1.7,94.215,-40.3,0.889,4991.6,no +52,technician,single,professional.course,no,no,no,telephone,jul,mon,84,1,999,0,nonexistent,-1.7,94.215,-40.3,0.889,4991.6,no +34,admin.,single,university.degree,no,yes,yes,telephone,jul,mon,4,1,999,0,nonexistent,-1.7,94.215,-40.3,0.889,4991.6,no +27,blue-collar,single,basic.6y,no,no,no,telephone,jul,mon,9,1,999,0,nonexistent,-1.7,94.215,-40.3,0.889,4991.6,no +35,admin.,married,university.degree,no,no,no,cellular,jul,mon,768,2,3,4,success,-1.7,94.215,-40.3,0.889,4991.6,no +68,retired,married,university.degree,no,yes,no,cellular,jul,mon,546,2,999,1,failure,-1.7,94.215,-40.3,0.889,4991.6,yes +68,retired,married,university.degree,no,no,no,cellular,jul,mon,414,2,12,1,success,-1.7,94.215,-40.3,0.889,4991.6,yes +61,admin.,married,unknown,no,yes,yes,cellular,jul,mon,109,3,999,1,failure,-1.7,94.215,-40.3,0.889,4991.6,no +24,technician,single,professional.course,no,yes,no,cellular,jul,mon,607,3,13,1,success,-1.7,94.215,-40.3,0.889,4991.6,yes +84,retired,divorced,basic.4y,no,yes,yes,cellular,jul,tue,666,1,3,2,success,-1.7,94.215,-40.3,0.893,4991.6,yes +32,admin.,single,university.degree,no,no,no,cellular,jul,tue,527,1,999,0,nonexistent,-1.7,94.215,-40.3,0.893,4991.6,yes +32,admin.,single,university.degree,no,yes,no,cellular,jul,tue,206,1,999,1,failure,-1.7,94.215,-40.3,0.893,4991.6,no +23,student,single,unknown,no,no,no,cellular,jul,tue,267,1,999,2,failure,-1.7,94.215,-40.3,0.893,4991.6,yes +52,admin.,married,professional.course,no,no,no,cellular,jul,tue,606,1,999,0,nonexistent,-1.7,94.215,-40.3,0.893,4991.6,yes +23,technician,single,professional.course,no,yes,no,telephone,jul,tue,9,1,999,0,nonexistent,-1.7,94.215,-40.3,0.893,4991.6,no +33,admin.,single,university.degree,no,no,no,telephone,jul,tue,5,1,999,0,nonexistent,-1.7,94.215,-40.3,0.893,4991.6,no +28,technician,single,professional.course,no,no,yes,telephone,jul,tue,5,1,999,0,nonexistent,-1.7,94.215,-40.3,0.893,4991.6,no +52,admin.,married,professional.course,no,yes,yes,cellular,jul,tue,139,2,6,1,success,-1.7,94.215,-40.3,0.893,4991.6,no +28,technician,single,professional.course,no,yes,no,cellular,jul,tue,167,2,6,1,success,-1.7,94.215,-40.3,0.893,4991.6,no +52,admin.,married,professional.course,no,yes,yes,cellular,jul,tue,287,2,6,1,success,-1.7,94.215,-40.3,0.893,4991.6,yes +77,retired,married,basic.4y,no,unknown,unknown,cellular,jul,tue,218,2,3,1,success,-1.7,94.215,-40.3,0.893,4991.6,yes +26,student,single,high.school,no,no,no,cellular,jul,tue,235,1,999,1,failure,-1.7,94.215,-40.3,0.893,4991.6,no +48,housemaid,married,professional.course,no,yes,no,cellular,jul,wed,496,2,6,2,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +68,retired,divorced,high.school,no,yes,yes,cellular,jul,wed,340,1,3,1,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +74,retired,divorced,basic.4y,no,yes,yes,cellular,jul,wed,106,2,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +24,student,single,professional.course,no,no,no,cellular,jul,wed,429,2,6,3,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +25,self-employed,single,unknown,no,unknown,unknown,cellular,jul,wed,844,5,999,2,failure,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +57,blue-collar,married,basic.4y,no,no,yes,cellular,jul,wed,471,2,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +24,student,single,professional.course,no,yes,no,cellular,jul,wed,817,2,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +66,retired,divorced,high.school,no,no,no,cellular,jul,wed,211,1,999,1,failure,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +51,retired,divorced,high.school,no,no,no,cellular,jul,wed,115,3,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +50,housemaid,married,basic.4y,no,no,yes,cellular,jul,wed,462,1,4,1,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +47,admin.,married,university.degree,no,yes,yes,cellular,jul,wed,129,3,999,2,failure,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +48,housemaid,married,professional.course,no,no,no,cellular,jul,wed,388,3,6,1,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +26,technician,single,professional.course,no,no,no,cellular,jul,thu,588,3,999,2,failure,-1.7,94.215,-40.3,0.899,4991.6,yes +60,retired,married,professional.course,no,yes,yes,cellular,jul,thu,95,4,6,2,success,-1.7,94.215,-40.3,0.899,4991.6,no +76,unknown,married,unknown,no,no,no,telephone,jul,thu,301,3,999,0,nonexistent,-1.7,94.215,-40.3,0.899,4991.6,yes +23,admin.,single,high.school,no,no,no,telephone,jul,thu,331,1,999,0,nonexistent,-1.7,94.215,-40.3,0.899,4991.6,no +80,retired,divorced,basic.4y,no,no,yes,cellular,jul,thu,169,2,6,2,success,-1.7,94.215,-40.3,0.899,4991.6,yes +34,admin.,divorced,university.degree,no,yes,no,telephone,jul,thu,332,3,999,1,failure,-1.7,94.215,-40.3,0.899,4991.6,yes +50,housemaid,married,basic.6y,no,no,no,cellular,jul,thu,349,3,6,2,success,-1.7,94.215,-40.3,0.899,4991.6,yes +50,entrepreneur,divorced,university.degree,no,yes,no,cellular,jul,thu,386,1,6,3,success,-1.7,94.215,-40.3,0.899,4991.6,yes +31,technician,single,university.degree,no,no,no,cellular,jul,thu,200,4,999,1,failure,-1.7,94.215,-40.3,0.899,4991.6,yes +51,admin.,married,university.degree,no,no,no,cellular,jul,thu,396,4,999,1,failure,-1.7,94.215,-40.3,0.899,4991.6,yes +65,management,married,high.school,no,yes,no,cellular,jul,thu,117,1,999,2,failure,-1.7,94.215,-40.3,0.899,4991.6,no +31,technician,single,university.degree,no,yes,no,telephone,jul,thu,426,1,6,2,success,-1.7,94.215,-40.3,0.899,4991.6,yes +48,blue-collar,married,professional.course,no,no,no,telephone,jul,thu,268,1,999,0,nonexistent,-1.7,94.215,-40.3,0.899,4991.6,yes +71,retired,married,basic.4y,no,yes,no,cellular,jul,thu,519,2,9,3,failure,-1.7,94.215,-40.3,0.899,4991.6,yes +31,technician,single,university.degree,no,no,no,telephone,jul,thu,270,1,5,1,success,-1.7,94.215,-40.3,0.899,4991.6,yes +34,admin.,married,university.degree,no,yes,no,cellular,jul,thu,417,1,6,3,success,-1.7,94.215,-40.3,0.899,4991.6,yes +53,admin.,married,high.school,no,yes,no,cellular,jul,thu,99,6,999,0,nonexistent,-1.7,94.215,-40.3,0.899,4991.6,no +39,unemployed,single,high.school,no,yes,no,cellular,jul,fri,90,2,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +27,services,single,high.school,no,no,no,cellular,jul,fri,700,5,6,2,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +32,management,single,university.degree,no,no,no,cellular,jul,fri,221,4,16,1,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +23,admin.,single,university.degree,no,no,yes,cellular,jul,fri,76,2,999,1,failure,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +41,admin.,married,university.degree,no,yes,no,cellular,jul,fri,269,7,6,3,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +37,management,married,university.degree,no,yes,no,cellular,jul,fri,292,1,6,1,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +35,admin.,married,university.degree,no,yes,no,telephone,jul,fri,304,1,999,2,failure,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +56,retired,divorced,high.school,no,yes,no,telephone,jul,fri,9,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +71,retired,married,basic.9y,no,yes,yes,cellular,jul,fri,230,6,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +40,management,married,university.degree,no,no,no,telephone,jul,fri,367,2,3,2,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +39,unemployed,single,high.school,no,yes,no,cellular,jul,fri,240,3,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +37,admin.,married,university.degree,no,yes,no,cellular,jul,fri,1005,5,4,2,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +34,self-employed,married,university.degree,no,unknown,unknown,cellular,jul,fri,156,3,999,2,failure,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +40,management,married,university.degree,no,yes,no,cellular,jul,fri,955,1,9,1,success,-1.7,94.215,-40.3,0.8959999999999999,4991.6,yes +63,retired,married,basic.4y,no,no,no,cellular,jul,fri,273,1,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +55,services,divorced,high.school,no,yes,no,cellular,jul,fri,160,3,999,0,nonexistent,-1.7,94.215,-40.3,0.8959999999999999,4991.6,no +46,admin.,married,high.school,no,no,no,cellular,aug,mon,428,2,999,3,failure,-1.7,94.027,-38.3,0.898,4991.6,no +33,services,single,high.school,no,yes,no,cellular,aug,mon,132,2,999,1,failure,-1.7,94.027,-38.3,0.898,4991.6,no +25,student,single,high.school,no,no,no,cellular,aug,mon,159,2,10,4,failure,-1.7,94.027,-38.3,0.898,4991.6,no +33,admin.,single,university.degree,no,no,yes,cellular,aug,mon,87,3,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +31,student,single,unknown,no,no,no,cellular,aug,mon,397,2,999,1,failure,-1.7,94.027,-38.3,0.898,4991.6,no +42,admin.,single,university.degree,no,no,no,cellular,aug,mon,1013,3,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +67,retired,married,basic.4y,no,no,no,cellular,aug,mon,300,3,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +31,technician,single,unknown,no,no,no,cellular,aug,mon,155,2,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +53,services,married,basic.9y,no,yes,no,cellular,aug,mon,196,2,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,yes +31,student,single,unknown,no,yes,no,cellular,aug,mon,868,3,18,3,failure,-1.7,94.027,-38.3,0.898,4991.6,yes +36,admin.,single,professional.course,no,yes,no,telephone,aug,mon,25,1,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +81,retired,married,basic.4y,no,yes,no,cellular,aug,mon,90,4,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +25,student,single,high.school,no,yes,no,cellular,aug,mon,100,8,4,1,success,-1.7,94.027,-38.3,0.898,4991.6,no +42,admin.,single,university.degree,no,yes,no,cellular,aug,mon,245,2,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +31,self-employed,single,university.degree,no,no,no,cellular,aug,mon,209,1,999,2,failure,-1.7,94.027,-38.3,0.898,4991.6,no +62,retired,married,basic.4y,no,no,no,cellular,aug,mon,317,1,9,2,failure,-1.7,94.027,-38.3,0.898,4991.6,yes +67,retired,married,basic.4y,no,no,no,cellular,aug,mon,341,2,13,1,success,-1.7,94.027,-38.3,0.898,4991.6,yes +33,services,single,high.school,no,yes,no,cellular,aug,mon,486,1,999,2,failure,-1.7,94.027,-38.3,0.898,4991.6,no +38,technician,single,university.degree,no,no,no,cellular,aug,mon,135,7,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +31,technician,single,unknown,no,no,no,cellular,aug,mon,308,1,999,2,failure,-1.7,94.027,-38.3,0.898,4991.6,no +33,admin.,single,university.degree,no,yes,yes,telephone,aug,mon,109,1,999,2,failure,-1.7,94.027,-38.3,0.898,4991.6,no +53,services,married,basic.9y,no,yes,no,telephone,aug,mon,141,2,999,1,failure,-1.7,94.027,-38.3,0.898,4991.6,no +31,technician,single,unknown,no,yes,no,cellular,aug,mon,428,2,9,3,success,-1.7,94.027,-38.3,0.898,4991.6,yes +28,admin.,married,university.degree,no,yes,no,cellular,aug,mon,226,3,999,1,failure,-1.7,94.027,-38.3,0.898,4991.6,no +77,retired,divorced,professional.course,no,no,no,cellular,aug,mon,258,1,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +27,admin.,single,university.degree,no,no,no,cellular,aug,tue,249,1,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,yes +31,student,single,university.degree,no,no,no,cellular,aug,tue,224,1,9,2,failure,-1.7,94.027,-38.3,0.899,4991.6,no +64,retired,married,professional.course,no,no,no,cellular,aug,tue,482,1,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,yes +37,technician,single,university.degree,no,yes,no,cellular,aug,tue,481,2,999,4,failure,-1.7,94.027,-38.3,0.899,4991.6,yes +28,admin.,single,university.degree,no,yes,yes,cellular,aug,tue,187,2,6,2,success,-1.7,94.027,-38.3,0.899,4991.6,yes +28,unemployed,single,basic.9y,no,no,yes,cellular,aug,tue,261,1,999,1,failure,-1.7,94.027,-38.3,0.899,4991.6,yes +31,student,single,university.degree,no,no,no,cellular,aug,tue,279,4,6,2,success,-1.7,94.027,-38.3,0.899,4991.6,yes +47,services,divorced,unknown,no,yes,no,cellular,aug,tue,113,2,999,1,failure,-1.7,94.027,-38.3,0.899,4991.6,yes +21,student,single,high.school,no,yes,no,cellular,aug,tue,326,2,999,1,failure,-1.7,94.027,-38.3,0.899,4991.6,no +31,admin.,single,university.degree,no,no,no,cellular,aug,tue,172,3,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,no +40,admin.,married,high.school,no,no,yes,cellular,aug,tue,654,2,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,yes +75,retired,married,unknown,no,no,no,telephone,aug,tue,676,2,999,4,failure,-1.7,94.027,-38.3,0.899,4991.6,yes +30,student,single,high.school,no,no,no,cellular,aug,tue,592,3,999,1,failure,-1.7,94.027,-38.3,0.899,4991.6,yes +21,student,single,high.school,no,yes,no,cellular,aug,tue,263,3,9,2,success,-1.7,94.027,-38.3,0.899,4991.6,yes +58,blue-collar,married,basic.4y,no,yes,no,cellular,aug,wed,771,1,3,1,success,-1.7,94.027,-38.3,0.9,4991.6,yes +48,admin.,married,university.degree,no,yes,yes,cellular,aug,wed,288,1,0,3,success,-1.7,94.027,-38.3,0.9,4991.6,yes +28,student,single,unknown,unknown,yes,no,cellular,aug,wed,453,1,999,1,failure,-1.7,94.027,-38.3,0.9,4991.6,no +35,technician,married,university.degree,no,yes,no,cellular,aug,wed,182,1,6,3,failure,-1.7,94.027,-38.3,0.9,4991.6,yes +35,technician,married,university.degree,no,yes,no,cellular,aug,wed,560,1,999,0,nonexistent,-1.7,94.027,-38.3,0.9,4991.6,yes +27,student,single,university.degree,no,yes,no,cellular,aug,wed,651,1,0,3,success,-1.7,94.027,-38.3,0.9,4991.6,yes +28,student,single,basic.9y,no,yes,no,cellular,aug,wed,178,1,0,1,success,-1.7,94.027,-38.3,0.9,4991.6,yes +61,retired,married,university.degree,no,no,no,telephone,aug,wed,250,2,7,1,success,-1.7,94.027,-38.3,0.9,4991.6,yes +47,admin.,married,university.degree,no,unknown,unknown,cellular,aug,wed,288,1,10,2,failure,-1.7,94.027,-38.3,0.9,4991.6,yes +27,student,single,university.degree,no,no,no,cellular,aug,wed,180,1,3,3,success,-1.7,94.027,-38.3,0.9,4991.6,yes +30,admin.,single,university.degree,no,no,no,telephone,aug,wed,156,1,999,1,failure,-1.7,94.027,-38.3,0.9,4991.6,no +59,unknown,married,unknown,no,no,no,cellular,aug,wed,198,1,6,1,success,-1.7,94.027,-38.3,0.9,4991.6,yes +28,student,single,basic.9y,no,no,yes,cellular,aug,wed,139,1,6,3,failure,-1.7,94.027,-38.3,0.9,4991.6,yes +28,student,single,basic.9y,no,no,no,telephone,aug,wed,199,2,6,2,success,-1.7,94.027,-38.3,0.9,4991.6,no +18,student,single,unknown,no,yes,no,cellular,aug,wed,253,2,6,1,success,-1.7,94.027,-38.3,0.9,4991.6,yes +52,admin.,married,university.degree,no,yes,no,cellular,aug,wed,261,1,999,0,nonexistent,-1.7,94.027,-38.3,0.9,4991.6,no +48,blue-collar,married,basic.9y,no,no,no,cellular,aug,wed,296,1,16,3,failure,-1.7,94.027,-38.3,0.9,4991.6,yes +27,student,single,university.degree,no,yes,no,telephone,aug,wed,153,1,0,5,success,-1.7,94.027,-38.3,0.9,4991.6,no +34,admin.,married,university.degree,no,yes,no,cellular,aug,wed,250,1,10,2,failure,-1.7,94.027,-38.3,0.9,4991.6,yes +27,student,single,basic.9y,no,yes,no,cellular,aug,wed,111,1,999,0,nonexistent,-1.7,94.027,-38.3,0.9,4991.6,no +18,student,single,unknown,no,yes,no,cellular,aug,wed,561,1,17,2,failure,-1.7,94.027,-38.3,0.9,4991.6,yes +48,admin.,single,university.degree,no,yes,no,cellular,aug,wed,118,1,0,2,success,-1.7,94.027,-38.3,0.9,4991.6,yes +47,admin.,married,university.degree,no,no,no,cellular,aug,wed,470,1,4,2,success,-1.7,94.027,-38.3,0.9,4991.6,yes +30,admin.,single,university.degree,no,yes,no,cellular,aug,wed,191,1,0,2,success,-1.7,94.027,-38.3,0.9,4991.6,yes +18,student,single,unknown,no,yes,yes,telephone,aug,wed,297,1,999,0,nonexistent,-1.7,94.027,-38.3,0.9,4991.6,no +44,services,divorced,basic.6y,no,yes,no,cellular,aug,wed,153,3,0,1,success,-1.7,94.027,-38.3,0.9,4991.6,yes +30,blue-collar,single,professional.course,no,no,no,cellular,aug,wed,293,1,9,1,success,-1.7,94.027,-38.3,0.9,4991.6,yes +46,admin.,single,high.school,no,no,no,cellular,aug,thu,510,2,17,1,success,-1.7,94.027,-38.3,0.904,4991.6,no +41,admin.,divorced,high.school,no,yes,yes,cellular,aug,thu,231,2,0,2,success,-1.7,94.027,-38.3,0.904,4991.6,yes +46,admin.,single,high.school,no,no,no,cellular,aug,thu,329,2,9,4,failure,-1.7,94.027,-38.3,0.904,4991.6,no +26,unemployed,single,university.degree,no,yes,no,cellular,aug,thu,508,3,6,2,success,-1.7,94.027,-38.3,0.904,4991.6,yes +46,technician,married,professional.course,no,no,no,cellular,aug,thu,382,1,999,1,failure,-1.7,94.027,-38.3,0.904,4991.6,no +26,unemployed,single,university.degree,no,yes,no,cellular,aug,thu,203,1,3,3,success,-1.7,94.027,-38.3,0.904,4991.6,yes +48,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,544,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +71,blue-collar,divorced,basic.4y,unknown,no,no,cellular,aug,thu,224,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +41,admin.,divorced,high.school,no,unknown,unknown,cellular,aug,thu,272,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +48,admin.,divorced,university.degree,no,no,no,cellular,aug,thu,172,3,3,6,success,-1.7,94.027,-38.3,0.904,4991.6,yes +44,admin.,single,university.degree,no,no,no,cellular,aug,thu,492,1,999,2,failure,-1.7,94.027,-38.3,0.904,4991.6,no +27,technician,single,university.degree,no,yes,no,cellular,aug,thu,250,3,999,5,failure,-1.7,94.027,-38.3,0.904,4991.6,no +47,admin.,married,high.school,no,no,no,cellular,aug,thu,374,2,16,1,success,-1.7,94.027,-38.3,0.904,4991.6,yes +31,student,single,unknown,no,yes,no,cellular,aug,thu,306,2,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +77,retired,married,basic.4y,no,no,no,cellular,aug,thu,318,1,9,4,failure,-1.7,94.027,-38.3,0.904,4991.6,yes +31,student,single,unknown,no,yes,no,cellular,aug,thu,375,2,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +41,entrepreneur,married,university.degree,no,yes,no,cellular,aug,thu,324,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +30,student,single,high.school,no,no,no,cellular,aug,thu,200,1,999,1,failure,-1.7,94.027,-38.3,0.904,4991.6,no +41,entrepreneur,married,university.degree,no,yes,no,cellular,aug,thu,736,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +71,retired,married,university.degree,no,yes,no,cellular,aug,thu,134,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +37,management,married,high.school,no,yes,no,cellular,aug,thu,633,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +46,technician,married,professional.course,no,yes,no,cellular,aug,thu,245,2,999,4,failure,-1.7,94.027,-38.3,0.904,4991.6,yes +63,retired,married,basic.4y,no,no,no,cellular,aug,thu,163,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +41,admin.,divorced,high.school,no,yes,yes,cellular,aug,thu,98,3,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +25,admin.,single,university.degree,no,no,no,cellular,aug,thu,215,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +45,admin.,married,university.degree,no,no,no,cellular,aug,thu,323,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +60,housemaid,married,basic.4y,no,no,no,cellular,aug,fri,270,4,6,4,failure,-1.7,94.027,-38.3,0.905,4991.6,no +59,retired,married,professional.course,no,yes,no,cellular,aug,fri,303,2,3,2,success,-1.7,94.027,-38.3,0.905,4991.6,yes +72,housemaid,married,basic.6y,unknown,yes,no,cellular,aug,fri,137,1,999,0,nonexistent,-1.7,94.027,-38.3,0.905,4991.6,no +32,entrepreneur,single,professional.course,no,yes,no,telephone,aug,fri,47,1,999,0,nonexistent,-1.7,94.027,-38.3,0.905,4991.6,no +41,admin.,divorced,high.school,no,yes,no,cellular,aug,fri,258,2,6,3,success,-1.7,94.027,-38.3,0.905,4991.6,yes +27,admin.,single,university.degree,no,no,no,cellular,aug,fri,562,2,3,3,success,-1.7,94.027,-38.3,0.905,4991.6,yes +59,retired,married,professional.course,no,no,no,cellular,aug,fri,218,3,3,1,success,-1.7,94.027,-38.3,0.905,4991.6,yes +41,admin.,divorced,high.school,no,yes,no,cellular,aug,fri,178,1,6,2,success,-1.7,94.027,-38.3,0.905,4991.6,yes +41,admin.,divorced,high.school,no,yes,no,cellular,aug,fri,174,1,4,3,failure,-1.7,94.027,-38.3,0.905,4991.6,yes +77,management,married,unknown,no,yes,no,cellular,aug,fri,160,1,3,6,success,-1.7,94.027,-38.3,0.905,4991.6,yes +41,technician,divorced,university.degree,no,yes,no,cellular,aug,fri,252,1,999,1,failure,-1.7,94.027,-38.3,0.905,4991.6,no +41,technician,divorced,university.degree,no,yes,no,cellular,aug,fri,366,2,6,3,success,-1.7,94.027,-38.3,0.905,4991.6,yes +27,admin.,single,university.degree,no,yes,no,cellular,aug,fri,177,2,999,0,nonexistent,-1.7,94.027,-38.3,0.905,4991.6,yes +24,admin.,single,university.degree,no,yes,yes,cellular,aug,fri,101,5,6,2,success,-1.7,94.027,-38.3,0.905,4991.6,no +24,admin.,single,university.degree,no,no,no,cellular,aug,fri,744,1,999,2,failure,-1.7,94.027,-38.3,0.905,4991.6,yes +64,retired,married,basic.4y,no,unknown,unknown,telephone,aug,fri,245,3,999,0,nonexistent,-1.7,94.027,-38.3,0.905,4991.6,yes +64,unknown,married,unknown,no,yes,no,telephone,aug,fri,239,4,999,0,nonexistent,-1.7,94.027,-38.3,0.905,4991.6,yes +30,technician,single,professional.course,no,no,no,telephone,aug,mon,6,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +30,self-employed,single,university.degree,no,unknown,unknown,cellular,aug,mon,148,2,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +26,services,single,high.school,no,no,no,telephone,aug,mon,6,1,999,3,failure,-1.7,94.027,-38.3,0.904,4991.6,no +30,self-employed,single,university.degree,no,no,no,cellular,aug,mon,370,2,999,1,failure,-1.7,94.027,-38.3,0.904,4991.6,no +26,admin.,single,university.degree,no,no,no,telephone,aug,mon,440,5,999,2,failure,-1.7,94.027,-38.3,0.904,4991.6,no +47,management,married,university.degree,no,yes,no,cellular,aug,mon,145,3,3,2,success,-1.7,94.027,-38.3,0.904,4991.6,no +35,unemployed,married,high.school,no,yes,no,cellular,aug,mon,362,1,6,1,success,-1.7,94.027,-38.3,0.904,4991.6,yes +47,management,married,university.degree,no,yes,no,cellular,aug,mon,182,2,999,6,failure,-1.7,94.027,-38.3,0.904,4991.6,no +73,retired,divorced,basic.4y,unknown,yes,no,telephone,aug,mon,195,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +56,blue-collar,divorced,basic.4y,no,yes,no,telephone,aug,mon,361,1,12,4,failure,-1.7,94.027,-38.3,0.904,4991.6,no +29,services,single,university.degree,no,no,no,cellular,aug,mon,265,1,6,1,success,-1.7,94.027,-38.3,0.904,4991.6,yes +58,technician,married,basic.9y,no,yes,no,cellular,aug,mon,324,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +26,admin.,single,university.degree,no,no,no,telephone,aug,mon,1087,1,3,1,success,-1.7,94.027,-38.3,0.904,4991.6,yes +26,admin.,single,university.degree,no,no,no,cellular,aug,mon,242,1,6,5,success,-1.7,94.027,-38.3,0.904,4991.6,yes +53,management,married,university.degree,no,yes,no,telephone,aug,tue,97,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +55,housemaid,single,university.degree,no,yes,no,telephone,aug,tue,11,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +73,retired,divorced,basic.4y,unknown,yes,no,cellular,aug,tue,273,2,999,1,failure,-1.7,94.027,-38.3,0.904,4991.6,no +55,admin.,divorced,high.school,no,no,no,cellular,aug,tue,245,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +25,unemployed,single,high.school,no,no,no,cellular,aug,tue,188,1,3,3,success,-1.7,94.027,-38.3,0.904,4991.6,no +58,management,married,university.degree,no,no,no,cellular,aug,tue,412,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +34,blue-collar,married,basic.9y,no,no,yes,cellular,aug,tue,447,1,999,1,failure,-1.7,94.027,-38.3,0.904,4991.6,yes +92,retired,married,unknown,no,no,yes,cellular,aug,tue,1064,1,3,1,success,-1.7,94.027,-38.3,0.904,4991.6,yes +19,student,single,unknown,no,no,no,cellular,aug,tue,192,1,999,1,failure,-1.7,94.027,-38.3,0.904,4991.6,no +50,admin.,single,university.degree,no,no,no,cellular,aug,tue,372,1,6,2,success,-1.7,94.027,-38.3,0.904,4991.6,yes +22,technician,single,professional.course,no,yes,no,cellular,aug,tue,122,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +65,retired,married,professional.course,no,yes,no,cellular,aug,tue,261,1,6,3,success,-1.7,94.027,-38.3,0.904,4991.6,yes +34,admin.,single,high.school,no,yes,no,cellular,aug,tue,168,2,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +37,management,married,university.degree,no,yes,yes,telephone,aug,tue,365,2,6,1,success,-1.7,94.027,-38.3,0.904,4991.6,no +31,admin.,married,university.degree,no,no,no,cellular,aug,tue,164,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,yes +70,retired,married,basic.4y,no,yes,no,cellular,aug,tue,356,3,6,1,success,-1.7,94.027,-38.3,0.904,4991.6,yes +25,technician,single,university.degree,no,yes,no,telephone,aug,tue,6,1,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +31,admin.,married,university.degree,no,no,no,cellular,aug,tue,317,2,999,1,failure,-1.7,94.027,-38.3,0.904,4991.6,yes +55,admin.,divorced,high.school,no,yes,no,cellular,aug,tue,244,2,6,3,success,-1.7,94.027,-38.3,0.904,4991.6,yes +65,retired,married,professional.course,no,yes,no,cellular,aug,tue,170,2,999,0,nonexistent,-1.7,94.027,-38.3,0.904,4991.6,no +43,technician,married,high.school,no,yes,no,cellular,aug,wed,1363,1,999,0,nonexistent,-1.7,94.027,-38.3,0.903,4991.6,yes +31,services,single,high.school,no,yes,no,telephone,aug,wed,61,1,999,0,nonexistent,-1.7,94.027,-38.3,0.903,4991.6,no +61,admin.,married,university.degree,no,yes,yes,telephone,aug,wed,425,1,6,2,success,-1.7,94.027,-38.3,0.903,4991.6,yes +26,student,single,high.school,no,yes,no,cellular,aug,wed,233,1,14,1,success,-1.7,94.027,-38.3,0.903,4991.6,yes +51,blue-collar,married,basic.9y,no,yes,no,cellular,aug,wed,237,1,6,4,success,-1.7,94.027,-38.3,0.903,4991.6,yes +77,retired,married,unknown,no,no,no,cellular,aug,wed,144,8,999,2,failure,-1.7,94.027,-38.3,0.903,4991.6,no +92,retired,married,unknown,no,no,yes,cellular,aug,wed,370,1,3,4,success,-1.7,94.027,-38.3,0.903,4991.6,yes +75,retired,married,basic.4y,no,no,no,cellular,aug,wed,248,2,6,3,success,-1.7,94.027,-38.3,0.903,4991.6,yes +59,admin.,married,university.degree,no,yes,no,cellular,aug,wed,443,3,999,0,nonexistent,-1.7,94.027,-38.3,0.903,4991.6,no +35,admin.,married,university.degree,no,yes,no,cellular,aug,wed,765,2,6,3,success,-1.7,94.027,-38.3,0.903,4991.6,yes +66,admin.,divorced,university.degree,no,yes,no,cellular,aug,wed,222,3,6,2,success,-1.7,94.027,-38.3,0.903,4991.6,yes +35,admin.,married,university.degree,no,yes,yes,cellular,aug,thu,176,1,999,2,failure,-1.7,94.027,-38.3,0.899,4991.6,no +41,admin.,married,university.degree,no,yes,no,telephone,aug,thu,345,1,9,3,failure,-1.7,94.027,-38.3,0.899,4991.6,yes +42,technician,married,professional.course,no,no,no,cellular,aug,thu,295,1,6,2,success,-1.7,94.027,-38.3,0.899,4991.6,yes +71,admin.,married,basic.4y,no,yes,no,cellular,aug,thu,192,1,999,2,failure,-1.7,94.027,-38.3,0.899,4991.6,no +67,housemaid,divorced,professional.course,no,no,no,cellular,aug,thu,350,1,6,2,success,-1.7,94.027,-38.3,0.899,4991.6,yes +60,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,176,1,999,1,failure,-1.7,94.027,-38.3,0.899,4991.6,no +52,management,married,university.degree,no,yes,no,cellular,aug,thu,175,3,1,3,success,-1.7,94.027,-38.3,0.899,4991.6,yes +70,technician,married,unknown,no,no,no,cellular,aug,thu,411,1,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,yes +33,admin.,married,university.degree,no,no,no,cellular,aug,thu,361,1,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,yes +51,technician,married,professional.course,no,yes,no,cellular,aug,thu,1226,3,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,yes +76,retired,married,university.degree,no,yes,no,cellular,aug,thu,504,2,6,3,success,-1.7,94.027,-38.3,0.899,4991.6,yes +27,admin.,married,university.degree,no,no,no,cellular,aug,thu,312,3,6,1,success,-1.7,94.027,-38.3,0.899,4991.6,yes +60,blue-collar,married,basic.4y,no,yes,no,cellular,aug,thu,187,2,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,no +33,admin.,married,university.degree,no,yes,no,cellular,aug,thu,265,1,3,3,success,-1.7,94.027,-38.3,0.899,4991.6,yes +76,retired,married,university.degree,no,no,no,cellular,aug,thu,126,1,999,1,failure,-1.7,94.027,-38.3,0.899,4991.6,no +30,admin.,single,high.school,no,no,no,telephone,aug,thu,18,1,22,1,success,-1.7,94.027,-38.3,0.899,4991.6,no +33,management,married,university.degree,no,no,no,telephone,aug,thu,201,1,6,2,success,-1.7,94.027,-38.3,0.899,4991.6,yes +52,management,married,university.degree,no,unknown,unknown,cellular,aug,thu,157,2,999,0,nonexistent,-1.7,94.027,-38.3,0.899,4991.6,no +42,blue-collar,married,basic.9y,no,yes,no,cellular,aug,fri,261,1,6,1,success,-1.7,94.027,-38.3,0.898,4991.6,yes +25,student,single,high.school,no,yes,yes,telephone,aug,fri,461,1,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,yes +48,self-employed,divorced,university.degree,no,no,no,cellular,aug,fri,222,4,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,yes +38,entrepreneur,married,university.degree,no,yes,no,cellular,aug,fri,633,1,16,1,success,-1.7,94.027,-38.3,0.898,4991.6,yes +39,services,single,high.school,no,yes,no,cellular,aug,fri,308,6,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,yes +40,management,divorced,university.degree,no,no,no,cellular,aug,fri,183,1,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +36,services,single,university.degree,no,no,no,cellular,aug,fri,394,6,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,yes +30,admin.,single,university.degree,no,no,no,cellular,aug,fri,177,6,6,3,success,-1.7,94.027,-38.3,0.898,4991.6,yes +32,admin.,married,university.degree,no,no,no,telephone,aug,fri,75,1,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +48,self-employed,divorced,university.degree,no,no,no,cellular,aug,fri,166,1,999,1,failure,-1.7,94.027,-38.3,0.898,4991.6,no +28,admin.,married,university.degree,no,no,no,cellular,aug,fri,161,4,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +39,blue-collar,single,basic.4y,no,yes,yes,telephone,aug,fri,9,1,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +42,technician,married,university.degree,no,no,no,cellular,aug,fri,211,3,6,2,success,-1.7,94.027,-38.3,0.898,4991.6,yes +35,management,married,university.degree,no,no,no,telephone,aug,fri,12,1,999,0,nonexistent,-1.7,94.027,-38.3,0.898,4991.6,no +31,admin.,married,professional.course,no,no,no,cellular,aug,mon,318,2,999,0,nonexistent,-1.7,94.027,-38.3,0.8959999999999999,4991.6,yes +60,retired,married,basic.4y,no,no,no,cellular,aug,mon,143,2,15,2,failure,-1.7,94.027,-38.3,0.8959999999999999,4991.6,no +34,technician,single,basic.9y,no,yes,no,cellular,aug,mon,140,3,999,0,nonexistent,-1.7,94.027,-38.3,0.8959999999999999,4991.6,no +31,admin.,single,university.degree,no,yes,no,cellular,aug,mon,239,3,999,0,nonexistent,-1.7,94.027,-38.3,0.8959999999999999,4991.6,yes +34,technician,single,basic.9y,no,no,no,cellular,aug,mon,205,3,6,3,success,-1.7,94.027,-38.3,0.8959999999999999,4991.6,yes +45,technician,married,university.degree,no,no,no,cellular,aug,mon,111,2,999,1,failure,-1.7,94.027,-38.3,0.8959999999999999,4991.6,no +34,technician,single,basic.9y,no,no,no,cellular,aug,mon,200,2,999,0,nonexistent,-1.7,94.027,-38.3,0.8959999999999999,4991.6,no +44,retired,single,high.school,no,no,no,cellular,aug,mon,2035,4,999,0,nonexistent,-1.7,94.027,-38.3,0.8959999999999999,4991.6,yes +33,student,married,professional.course,no,yes,no,cellular,aug,mon,265,3,3,4,success,-1.7,94.027,-38.3,0.8959999999999999,4991.6,yes +45,admin.,divorced,basic.9y,no,yes,yes,telephone,aug,tue,8,1,999,0,nonexistent,-1.7,94.027,-38.3,0.895,4991.6,no +34,entrepreneur,married,professional.course,no,no,no,telephone,aug,tue,6,1,999,0,nonexistent,-1.7,94.027,-38.3,0.895,4991.6,no +58,self-employed,married,university.degree,no,no,no,cellular,aug,tue,326,4,6,3,success,-1.7,94.027,-38.3,0.895,4991.6,yes +26,student,single,high.school,no,no,no,cellular,aug,wed,95,3,999,3,failure,-1.7,94.027,-38.3,0.894,4991.6,no +54,management,married,high.school,no,no,no,cellular,aug,wed,171,3,999,1,failure,-1.7,94.027,-38.3,0.894,4991.6,no +36,admin.,married,university.degree,no,no,no,cellular,aug,wed,212,7,6,1,success,-1.7,94.027,-38.3,0.894,4991.6,no +40,admin.,married,high.school,no,yes,no,telephone,aug,thu,173,6,999,1,failure,-1.7,94.027,-38.3,0.8909999999999999,4991.6,no +39,admin.,single,university.degree,no,yes,yes,telephone,aug,fri,45,1,999,0,nonexistent,-1.7,94.027,-38.3,0.89,4991.6,no +33,admin.,divorced,high.school,no,no,no,telephone,aug,fri,107,1,999,0,nonexistent,-1.7,94.027,-38.3,0.89,4991.6,no +34,admin.,single,high.school,no,unknown,unknown,telephone,aug,fri,22,1,999,0,nonexistent,-1.7,94.027,-38.3,0.89,4991.6,no +29,services,single,university.degree,no,yes,no,telephone,aug,fri,6,1,999,0,nonexistent,-1.7,94.027,-38.3,0.89,4991.6,no +49,admin.,married,university.degree,no,yes,no,telephone,aug,fri,4,1,999,0,nonexistent,-1.7,94.027,-38.3,0.89,4991.6,no +45,self-employed,divorced,professional.course,no,yes,no,telephone,aug,mon,5,1,999,1,failure,-1.7,94.027,-38.3,0.8909999999999999,4991.6,no +30,admin.,single,professional.course,no,no,no,telephone,aug,mon,10,1,999,0,nonexistent,-1.7,94.027,-38.3,0.8909999999999999,4991.6,no +72,retired,divorced,university.degree,no,no,no,cellular,aug,mon,220,16,999,1,failure,-1.7,94.027,-38.3,0.8909999999999999,4991.6,no +26,blue-collar,married,professional.course,no,unknown,unknown,telephone,aug,tue,11,1,999,0,nonexistent,-1.7,94.027,-38.3,0.889,4991.6,no +33,unemployed,single,basic.9y,no,yes,no,telephone,aug,tue,5,1,999,0,nonexistent,-1.7,94.027,-38.3,0.889,4991.6,no +22,student,single,basic.9y,no,no,no,telephone,aug,tue,26,1,999,0,nonexistent,-1.7,94.027,-38.3,0.889,4991.6,no +28,student,single,university.degree,no,yes,no,telephone,aug,wed,6,1,999,0,nonexistent,-1.7,94.027,-38.3,0.89,4991.6,no +30,technician,married,professional.course,no,no,no,telephone,aug,wed,5,1,0,4,success,-1.7,94.027,-38.3,0.89,4991.6,no +35,entrepreneur,married,basic.9y,no,yes,no,telephone,aug,wed,17,1,999,0,nonexistent,-1.7,94.027,-38.3,0.89,4991.6,no +58,blue-collar,married,high.school,no,yes,no,telephone,aug,fri,4,1,999,0,nonexistent,-1.7,94.027,-38.3,0.888,4991.6,no +27,admin.,single,high.school,no,no,no,telephone,aug,fri,3785,1,999,0,nonexistent,-1.7,94.027,-38.3,0.888,4991.6,no +49,management,divorced,university.degree,no,yes,no,telephone,aug,mon,26,1,999,0,nonexistent,-1.7,94.027,-38.3,0.888,4991.6,no +21,services,single,unknown,no,yes,no,telephone,aug,mon,28,1,999,0,nonexistent,-1.7,94.027,-38.3,0.888,4991.6,no +27,admin.,married,high.school,no,yes,no,telephone,aug,mon,36,1,999,0,nonexistent,-1.7,94.027,-38.3,0.888,4991.6,no +30,admin.,single,university.degree,no,yes,no,cellular,aug,tue,193,1,999,0,nonexistent,-1.7,94.027,-38.3,0.8859999999999999,4991.6,no +30,admin.,single,university.degree,no,no,no,cellular,aug,tue,343,1,999,0,nonexistent,-1.7,94.027,-38.3,0.8859999999999999,4991.6,yes +19,student,single,high.school,no,unknown,unknown,cellular,aug,tue,1120,1,999,0,nonexistent,-1.7,94.027,-38.3,0.8859999999999999,4991.6,yes +33,blue-collar,married,professional.course,no,yes,no,cellular,aug,tue,253,4,999,0,nonexistent,-1.7,94.027,-38.3,0.8859999999999999,4991.6,yes +31,admin.,single,high.school,no,no,no,cellular,aug,tue,241,1,999,1,failure,-1.7,94.027,-38.3,0.8859999999999999,4991.6,no +76,retired,divorced,basic.4y,no,no,no,cellular,aug,tue,185,1,999,1,failure,-1.7,94.027,-38.3,0.8859999999999999,4991.6,yes +60,retired,married,high.school,no,yes,no,cellular,aug,tue,443,2,999,2,failure,-1.7,94.027,-38.3,0.8859999999999999,4991.6,yes +56,retired,married,university.degree,no,no,no,cellular,aug,tue,634,3,999,1,failure,-1.7,94.027,-38.3,0.8859999999999999,4991.6,yes +58,retired,divorced,basic.4y,no,no,no,telephone,aug,tue,34,1,999,0,nonexistent,-1.7,94.027,-38.3,0.8859999999999999,4991.6,no +34,blue-collar,married,basic.9y,no,yes,no,cellular,aug,tue,298,2,999,0,nonexistent,-1.7,94.027,-38.3,0.8859999999999999,4991.6,no +44,admin.,single,high.school,no,yes,no,telephone,aug,tue,27,1,999,0,nonexistent,-1.7,94.027,-38.3,0.8859999999999999,4991.6,no +27,admin.,married,university.degree,no,yes,no,cellular,aug,tue,415,5,12,1,success,-1.7,94.027,-38.3,0.8859999999999999,4991.6,yes +64,retired,married,professional.course,no,yes,no,cellular,sep,wed,222,2,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +72,retired,married,professional.course,no,no,no,cellular,sep,wed,1,1,999,1,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +34,admin.,married,university.degree,no,yes,no,cellular,sep,wed,161,1,18,2,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +69,retired,married,high.school,no,yes,yes,cellular,sep,wed,840,1,6,2,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +33,technician,married,professional.course,no,yes,no,cellular,sep,wed,269,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +37,admin.,married,university.degree,no,yes,no,cellular,sep,wed,729,1,999,1,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +24,student,single,unknown,no,yes,no,cellular,sep,wed,300,1,5,1,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +24,student,single,unknown,no,yes,no,cellular,sep,wed,222,1,17,4,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +60,admin.,divorced,professional.course,no,yes,no,cellular,sep,wed,481,1,999,1,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +71,retired,married,high.school,no,no,no,cellular,sep,wed,222,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +59,admin.,married,university.degree,no,no,yes,cellular,sep,wed,193,1,3,1,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +45,blue-collar,single,high.school,no,yes,yes,cellular,sep,wed,327,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +24,student,single,unknown,no,yes,no,cellular,sep,wed,191,2,999,3,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +24,student,single,unknown,no,yes,yes,telephone,sep,wed,663,1,10,1,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +37,admin.,married,university.degree,no,no,no,cellular,sep,wed,265,2,6,2,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +70,retired,divorced,professional.course,no,yes,no,telephone,sep,wed,380,4,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +34,admin.,married,university.degree,no,yes,no,cellular,sep,wed,691,2,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +29,self-employed,single,university.degree,no,yes,yes,cellular,sep,wed,95,2,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +24,student,single,unknown,no,yes,no,cellular,sep,wed,367,1,999,2,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +37,admin.,married,university.degree,no,no,no,telephone,sep,wed,150,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +22,student,single,high.school,no,no,no,cellular,sep,wed,369,3,5,1,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +45,management,married,university.degree,no,no,no,cellular,sep,wed,293,2,3,2,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +81,retired,divorced,basic.4y,no,no,no,cellular,sep,wed,532,2,7,1,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +33,technician,single,professional.course,no,no,no,cellular,sep,wed,425,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +71,retired,married,high.school,no,yes,no,telephone,sep,wed,232,1,999,2,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +30,management,married,university.degree,no,yes,no,telephone,sep,wed,20,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +35,services,married,university.degree,no,yes,no,telephone,sep,thu,8,1,999,0,nonexistent,-1.1,94.199,-37.5,0.884,4963.6,no +58,retired,married,basic.4y,no,yes,no,telephone,sep,thu,7,1,999,0,nonexistent,-1.1,94.199,-37.5,0.884,4963.6,no +44,blue-collar,married,basic.6y,no,yes,no,telephone,sep,thu,10,1,999,0,nonexistent,-1.1,94.199,-37.5,0.884,4963.6,no +26,admin.,single,university.degree,no,yes,no,telephone,sep,thu,4,1,999,0,nonexistent,-1.1,94.199,-37.5,0.884,4963.6,no +47,management,married,university.degree,no,yes,no,cellular,sep,thu,281,2,999,1,failure,-1.1,94.199,-37.5,0.884,4963.6,no +55,management,divorced,university.degree,no,yes,no,cellular,sep,thu,1440,1,999,1,failure,-1.1,94.199,-37.5,0.884,4963.6,yes +39,management,married,university.degree,no,yes,no,cellular,sep,thu,291,3,999,0,nonexistent,-1.1,94.199,-37.5,0.884,4963.6,yes +60,retired,married,university.degree,no,no,no,cellular,sep,thu,529,2,6,1,success,-1.1,94.199,-37.5,0.884,4963.6,yes +32,services,single,university.degree,no,no,no,cellular,sep,thu,128,3,999,2,failure,-1.1,94.199,-37.5,0.884,4963.6,no +38,technician,married,university.degree,no,yes,no,telephone,sep,thu,173,1,999,3,failure,-1.1,94.199,-37.5,0.884,4963.6,no +47,management,married,university.degree,no,no,no,cellular,sep,thu,362,1,17,2,success,-1.1,94.199,-37.5,0.884,4963.6,yes +57,admin.,married,basic.9y,no,no,no,cellular,sep,thu,114,2,999,1,failure,-1.1,94.199,-37.5,0.884,4963.6,no +51,technician,married,university.degree,no,yes,no,cellular,sep,thu,97,6,6,4,failure,-1.1,94.199,-37.5,0.884,4963.6,no +78,retired,divorced,high.school,no,no,no,cellular,sep,thu,238,1,999,2,failure,-1.1,94.199,-37.5,0.884,4963.6,no +32,admin.,single,university.degree,no,no,no,cellular,sep,thu,154,1,999,0,nonexistent,-1.1,94.199,-37.5,0.884,4963.6,no +60,retired,married,university.degree,no,no,no,cellular,sep,thu,799,2,999,0,nonexistent,-1.1,94.199,-37.5,0.884,4963.6,yes +32,services,single,university.degree,no,yes,no,cellular,sep,thu,404,1,6,3,success,-1.1,94.199,-37.5,0.884,4963.6,yes +32,admin.,single,university.degree,no,yes,no,cellular,sep,thu,150,2,10,3,success,-1.1,94.199,-37.5,0.884,4963.6,yes +39,management,married,university.degree,no,yes,yes,cellular,sep,thu,206,7,999,1,failure,-1.1,94.199,-37.5,0.884,4963.6,no +43,unemployed,married,basic.9y,no,no,no,cellular,sep,fri,270,2,9,1,success,-1.1,94.199,-37.5,0.883,4963.6,yes +67,retired,married,professional.course,no,no,no,cellular,sep,fri,116,2,999,0,nonexistent,-1.1,94.199,-37.5,0.883,4963.6,no +49,admin.,married,university.degree,no,no,no,cellular,sep,fri,110,6,999,3,failure,-1.1,94.199,-37.5,0.883,4963.6,no +57,management,married,university.degree,no,no,no,cellular,sep,fri,277,2,6,2,success,-1.1,94.199,-37.5,0.883,4963.6,yes +59,services,married,professional.course,no,yes,no,cellular,sep,fri,251,3,2,4,success,-1.1,94.199,-37.5,0.883,4963.6,no +51,unemployed,married,high.school,no,yes,yes,cellular,sep,fri,240,3,999,0,nonexistent,-1.1,94.199,-37.5,0.883,4963.6,no +31,admin.,single,high.school,no,no,no,cellular,sep,fri,252,2,3,2,success,-1.1,94.199,-37.5,0.883,4963.6,yes +34,technician,married,professional.course,no,yes,yes,cellular,sep,fri,120,1,6,3,success,-1.1,94.199,-37.5,0.883,4963.6,no +30,technician,single,professional.course,no,yes,no,cellular,sep,fri,789,2,999,0,nonexistent,-1.1,94.199,-37.5,0.883,4963.6,no +34,technician,married,professional.course,no,unknown,unknown,cellular,sep,fri,126,1,6,4,success,-1.1,94.199,-37.5,0.883,4963.6,no +51,unemployed,married,high.school,no,unknown,unknown,telephone,sep,fri,228,1,999,2,failure,-1.1,94.199,-37.5,0.883,4963.6,no +46,admin.,married,basic.9y,no,unknown,unknown,cellular,sep,fri,490,3,999,4,failure,-1.1,94.199,-37.5,0.883,4963.6,no +30,admin.,single,high.school,no,no,no,cellular,sep,fri,219,3,6,1,success,-1.1,94.199,-37.5,0.883,4963.6,yes +75,retired,married,basic.9y,no,no,no,telephone,sep,fri,543,9,999,1,failure,-1.1,94.199,-37.5,0.883,4963.6,no +51,technician,married,professional.course,no,yes,no,cellular,sep,mon,841,2,999,2,failure,-1.1,94.199,-37.5,0.882,4963.6,yes +28,admin.,single,university.degree,no,yes,no,cellular,sep,mon,387,2,6,3,success,-1.1,94.199,-37.5,0.882,4963.6,no +25,student,single,university.degree,no,yes,yes,telephone,sep,mon,131,1,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +34,unemployed,married,university.degree,no,no,no,cellular,sep,mon,109,3,999,1,failure,-1.1,94.199,-37.5,0.882,4963.6,no +22,admin.,single,university.degree,no,yes,no,cellular,sep,mon,194,2,999,3,failure,-1.1,94.199,-37.5,0.882,4963.6,yes +33,admin.,married,university.degree,no,no,no,cellular,sep,mon,369,3,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,yes +20,blue-collar,single,basic.4y,no,no,no,telephone,sep,mon,36,1,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +43,entrepreneur,married,university.degree,no,no,no,cellular,sep,mon,255,1,3,1,success,-1.1,94.199,-37.5,0.882,4963.6,yes +58,entrepreneur,married,high.school,no,no,no,cellular,sep,mon,145,1,999,2,failure,-1.1,94.199,-37.5,0.882,4963.6,no +88,retired,married,basic.4y,no,no,no,cellular,sep,mon,127,2,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +58,entrepreneur,married,high.school,no,yes,no,cellular,sep,mon,198,1,999,1,failure,-1.1,94.199,-37.5,0.882,4963.6,no +34,services,divorced,high.school,no,yes,no,telephone,sep,mon,11,1,999,1,failure,-1.1,94.199,-37.5,0.882,4963.6,no +76,retired,married,basic.4y,no,yes,no,cellular,sep,mon,136,1,999,2,failure,-1.1,94.199,-37.5,0.882,4963.6,no +34,unemployed,married,university.degree,no,yes,no,telephone,sep,mon,113,5,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +35,admin.,married,high.school,no,no,no,cellular,sep,mon,415,1,999,2,failure,-1.1,94.199,-37.5,0.882,4963.6,yes +32,admin.,married,high.school,no,unknown,unknown,cellular,sep,mon,908,1,6,4,success,-1.1,94.199,-37.5,0.882,4963.6,yes +34,admin.,married,university.degree,no,no,yes,cellular,sep,mon,250,3,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,yes +27,services,single,high.school,no,no,yes,telephone,sep,mon,35,1,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +34,admin.,married,university.degree,no,yes,no,cellular,sep,mon,125,2,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +88,retired,married,basic.4y,no,yes,no,cellular,sep,mon,213,7,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +30,services,single,university.degree,no,yes,no,telephone,sep,mon,8,1,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +47,technician,married,basic.6y,no,no,no,cellular,sep,mon,164,2,6,3,success,-1.1,94.199,-37.5,0.882,4963.6,no +24,blue-collar,single,high.school,no,yes,no,cellular,sep,mon,202,1,999,3,failure,-1.1,94.199,-37.5,0.882,4963.6,no +39,blue-collar,married,basic.9y,no,yes,no,cellular,sep,mon,791,3,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +88,retired,married,basic.4y,no,no,no,cellular,sep,mon,272,1,999,0,nonexistent,-1.1,94.199,-37.5,0.882,4963.6,no +66,retired,married,unknown,no,no,no,cellular,sep,tue,667,1,999,1,failure,-1.1,94.199,-37.5,0.8809999999999999,4963.6,no +85,retired,married,basic.4y,no,no,no,cellular,sep,tue,728,1,3,2,success,-1.1,94.199,-37.5,0.8809999999999999,4963.6,yes +89,retired,divorced,basic.4y,no,yes,no,cellular,sep,tue,314,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8809999999999999,4963.6,yes +48,services,married,high.school,no,no,no,telephone,sep,tue,11,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8809999999999999,4963.6,no +36,admin.,married,university.degree,no,yes,no,cellular,sep,tue,127,1,999,2,failure,-1.1,94.199,-37.5,0.8809999999999999,4963.6,no +66,retired,married,unknown,no,yes,no,cellular,sep,tue,1394,2,6,1,success,-1.1,94.199,-37.5,0.8809999999999999,4963.6,yes +26,admin.,single,university.degree,no,yes,no,cellular,sep,tue,386,3,6,3,success,-1.1,94.199,-37.5,0.8809999999999999,4963.6,yes +36,management,divorced,university.degree,no,no,no,cellular,sep,tue,190,3,6,1,success,-1.1,94.199,-37.5,0.8809999999999999,4963.6,yes +36,management,divorced,university.degree,no,yes,no,cellular,sep,tue,337,1,6,1,success,-1.1,94.199,-37.5,0.8809999999999999,4963.6,yes +35,self-employed,single,university.degree,no,yes,yes,cellular,sep,tue,179,1,999,1,failure,-1.1,94.199,-37.5,0.8809999999999999,4963.6,no +26,admin.,single,university.degree,no,yes,no,cellular,sep,tue,355,1,999,1,failure,-1.1,94.199,-37.5,0.8809999999999999,4963.6,no +26,admin.,single,university.degree,no,yes,no,cellular,sep,tue,201,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8809999999999999,4963.6,yes +39,entrepreneur,married,university.degree,no,yes,no,cellular,sep,tue,120,3,999,0,nonexistent,-1.1,94.199,-37.5,0.8809999999999999,4963.6,no +66,retired,married,unknown,no,no,no,cellular,sep,tue,332,5,999,0,nonexistent,-1.1,94.199,-37.5,0.8809999999999999,4963.6,no +86,retired,married,basic.4y,no,yes,no,cellular,sep,tue,288,3,999,0,nonexistent,-1.1,94.199,-37.5,0.8809999999999999,4963.6,yes +42,admin.,single,high.school,no,no,no,cellular,sep,wed,638,1,14,1,success,-1.1,94.199,-37.5,0.88,4963.6,yes +44,management,married,university.degree,no,no,no,cellular,sep,wed,210,1,3,3,success,-1.1,94.199,-37.5,0.88,4963.6,yes +45,unemployed,married,high.school,no,no,no,cellular,sep,wed,213,4,6,2,success,-1.1,94.199,-37.5,0.88,4963.6,no +38,management,married,university.degree,no,no,no,cellular,sep,wed,149,2,999,1,failure,-1.1,94.199,-37.5,0.88,4963.6,no +67,unknown,divorced,unknown,unknown,yes,no,cellular,sep,wed,220,2,6,2,success,-1.1,94.199,-37.5,0.88,4963.6,yes +44,management,married,university.degree,no,no,yes,cellular,sep,wed,127,1,999,2,failure,-1.1,94.199,-37.5,0.88,4963.6,no +30,management,married,university.degree,no,unknown,unknown,cellular,sep,wed,210,1,999,1,failure,-1.1,94.199,-37.5,0.88,4963.6,no +46,services,married,university.degree,no,yes,no,cellular,sep,wed,630,1,999,0,nonexistent,-1.1,94.199,-37.5,0.88,4963.6,yes +32,blue-collar,married,basic.4y,no,no,no,cellular,sep,wed,830,2,999,0,nonexistent,-1.1,94.199,-37.5,0.88,4963.6,yes +31,student,single,unknown,no,unknown,unknown,cellular,sep,wed,708,2,6,2,success,-1.1,94.199,-37.5,0.88,4963.6,yes +27,student,divorced,unknown,no,no,no,telephone,sep,wed,9,1,999,0,nonexistent,-1.1,94.199,-37.5,0.88,4963.6,no +28,management,single,university.degree,no,yes,no,cellular,sep,wed,358,3,6,1,success,-1.1,94.199,-37.5,0.88,4963.6,yes +32,blue-collar,married,basic.4y,no,no,no,telephone,sep,wed,606,3,3,4,success,-1.1,94.199,-37.5,0.88,4963.6,yes +45,unemployed,married,high.school,no,no,no,cellular,sep,wed,1081,2,999,0,nonexistent,-1.1,94.199,-37.5,0.88,4963.6,yes +26,admin.,single,university.degree,no,yes,no,telephone,sep,wed,9,1,999,0,nonexistent,-1.1,94.199,-37.5,0.88,4963.6,no +80,retired,divorced,basic.4y,no,yes,no,telephone,sep,thu,378,4,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +38,technician,single,professional.course,no,yes,no,cellular,sep,thu,284,3,22,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +83,retired,divorced,basic.4y,no,yes,no,cellular,sep,thu,405,3,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +29,admin.,single,high.school,no,yes,no,cellular,sep,thu,216,1,6,2,success,-1.1,94.199,-37.5,0.879,4963.6,yes +60,admin.,married,professional.course,no,yes,yes,cellular,sep,thu,261,1,6,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +45,unemployed,married,professional.course,unknown,no,no,telephone,sep,thu,1405,1,6,2,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +45,unemployed,married,professional.course,unknown,no,no,cellular,sep,thu,679,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +27,technician,single,university.degree,no,yes,no,cellular,sep,thu,404,1,6,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +27,technician,single,university.degree,no,yes,no,cellular,sep,thu,530,1,3,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +38,technician,single,professional.course,no,no,no,cellular,sep,thu,430,4,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +33,admin.,married,high.school,no,yes,no,cellular,sep,thu,202,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +58,technician,married,professional.course,no,yes,no,cellular,sep,thu,156,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +37,admin.,single,university.degree,no,no,no,cellular,sep,thu,209,1,3,4,success,-1.1,94.199,-37.5,0.879,4963.6,yes +33,admin.,single,university.degree,no,yes,no,cellular,sep,thu,761,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +65,technician,married,professional.course,no,no,no,cellular,sep,thu,263,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +26,technician,single,basic.9y,no,yes,no,cellular,sep,thu,305,1,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +34,admin.,single,high.school,no,no,no,cellular,sep,thu,204,1,12,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +27,admin.,single,university.degree,no,no,no,cellular,sep,thu,167,3,3,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +38,technician,single,professional.course,no,yes,no,cellular,sep,thu,386,2,6,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +83,retired,divorced,basic.4y,no,no,no,cellular,sep,thu,268,1,9,3,success,-1.1,94.199,-37.5,0.879,4963.6,yes +38,services,single,high.school,no,yes,no,telephone,sep,thu,1,1,9,3,success,-1.1,94.199,-37.5,0.879,4963.6,no +24,technician,single,professional.course,no,yes,no,cellular,sep,fri,1042,5,999,3,failure,-1.1,94.199,-37.5,0.878,4963.6,yes +29,admin.,single,university.degree,no,no,no,cellular,sep,fri,110,4,6,1,success,-1.1,94.199,-37.5,0.878,4963.6,no +64,retired,divorced,basic.4y,no,yes,yes,telephone,sep,fri,211,2,6,2,success,-1.1,94.199,-37.5,0.878,4963.6,yes +29,technician,single,professional.course,no,unknown,unknown,cellular,sep,fri,255,1,3,2,success,-1.1,94.199,-37.5,0.878,4963.6,yes +38,services,single,high.school,no,no,no,cellular,sep,fri,256,2,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,yes +28,services,single,high.school,no,yes,yes,telephone,sep,fri,5,1,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +31,student,single,unknown,no,yes,no,telephone,sep,mon,69,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +32,technician,married,university.degree,no,no,no,cellular,sep,mon,175,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +27,management,single,university.degree,no,no,no,cellular,sep,mon,303,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +69,retired,married,basic.4y,no,no,no,cellular,sep,mon,258,3,6,1,success,-1.1,94.199,-37.5,0.879,4963.6,no +29,technician,single,professional.course,no,yes,no,cellular,sep,mon,157,7,3,5,success,-1.1,94.199,-37.5,0.879,4963.6,no +23,student,single,basic.9y,no,yes,yes,cellular,sep,mon,218,3,6,2,success,-1.1,94.199,-37.5,0.879,4963.6,yes +23,student,single,basic.9y,no,yes,no,cellular,sep,mon,502,1,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,no +29,technician,single,professional.course,no,no,no,cellular,sep,mon,273,3,999,2,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +82,retired,married,university.degree,unknown,no,no,cellular,sep,mon,81,3,3,4,success,-1.1,94.199,-37.5,0.879,4963.6,no +71,retired,married,high.school,no,no,no,cellular,sep,mon,363,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +33,services,married,professional.course,no,no,no,telephone,sep,mon,5,1,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,no +31,blue-collar,single,basic.9y,no,yes,no,telephone,sep,mon,5,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +31,services,single,high.school,no,no,no,telephone,sep,mon,10,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +27,admin.,single,university.degree,no,yes,no,telephone,sep,mon,13,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +50,housemaid,divorced,basic.4y,no,no,no,telephone,sep,tue,57,1,999,0,nonexistent,-1.1,94.199,-37.5,0.877,4963.6,no +57,admin.,divorced,high.school,no,no,no,cellular,sep,tue,473,1,3,5,success,-1.1,94.199,-37.5,0.877,4963.6,yes +30,technician,single,professional.course,no,no,no,cellular,sep,tue,275,1,999,5,failure,-1.1,94.199,-37.5,0.877,4963.6,no +21,student,single,unknown,no,no,no,telephone,sep,tue,9,1,999,0,nonexistent,-1.1,94.199,-37.5,0.877,4963.6,no +25,management,single,university.degree,no,no,no,telephone,sep,tue,5,1,999,0,nonexistent,-1.1,94.199,-37.5,0.877,4963.6,no +30,technician,single,professional.course,no,no,no,cellular,sep,tue,706,1,6,1,success,-1.1,94.199,-37.5,0.877,4963.6,no +84,retired,divorced,unknown,unknown,no,no,cellular,sep,tue,333,1,3,2,success,-1.1,94.199,-37.5,0.877,4963.6,yes +39,management,married,university.degree,no,yes,yes,cellular,sep,tue,358,2,999,0,nonexistent,-1.1,94.199,-37.5,0.877,4963.6,yes +82,housemaid,married,basic.4y,no,no,no,telephone,sep,tue,279,3,3,2,success,-1.1,94.199,-37.5,0.877,4963.6,yes +30,technician,single,professional.course,no,no,no,cellular,sep,tue,221,2,999,1,failure,-1.1,94.199,-37.5,0.877,4963.6,yes +86,retired,married,unknown,unknown,yes,yes,cellular,sep,tue,211,1,7,4,success,-1.1,94.199,-37.5,0.877,4963.6,yes +32,unemployed,married,high.school,no,no,no,telephone,sep,tue,6,1,999,1,failure,-1.1,94.199,-37.5,0.877,4963.6,no +34,admin.,married,professional.course,no,yes,yes,cellular,sep,tue,409,1,999,1,failure,-1.1,94.199,-37.5,0.877,4963.6,yes +34,admin.,married,professional.course,no,no,no,cellular,sep,tue,230,1,3,3,success,-1.1,94.199,-37.5,0.877,4963.6,yes +31,admin.,single,university.degree,no,yes,yes,cellular,sep,tue,194,1,999,0,nonexistent,-1.1,94.199,-37.5,0.877,4963.6,yes +53,management,divorced,university.degree,no,no,no,cellular,sep,tue,404,2,3,2,success,-1.1,94.199,-37.5,0.877,4963.6,yes +61,management,married,professional.course,no,no,no,cellular,sep,tue,380,1,999,0,nonexistent,-1.1,94.199,-37.5,0.877,4963.6,no +30,technician,single,professional.course,no,unknown,unknown,telephone,sep,tue,808,1,12,2,failure,-1.1,94.199,-37.5,0.877,4963.6,yes +32,student,single,high.school,no,no,no,cellular,sep,tue,407,2,3,1,success,-1.1,94.199,-37.5,0.877,4963.6,no +86,retired,married,unknown,unknown,yes,no,cellular,sep,tue,340,1,999,0,nonexistent,-1.1,94.199,-37.5,0.877,4963.6,yes +24,student,single,high.school,no,yes,yes,cellular,sep,wed,251,2,6,2,success,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +52,admin.,married,professional.course,no,no,yes,cellular,sep,wed,506,3,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +60,retired,married,high.school,no,no,no,cellular,sep,wed,1640,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +19,student,single,basic.4y,no,yes,no,cellular,sep,wed,396,2,6,3,success,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +36,management,married,university.degree,no,unknown,unknown,cellular,sep,wed,331,1,6,4,failure,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +33,technician,married,university.degree,no,yes,no,telephone,sep,wed,161,1,999,1,failure,-1.1,94.199,-37.5,0.8759999999999999,4963.6,no +23,student,single,professional.course,no,yes,no,cellular,sep,wed,316,1,8,2,success,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +60,retired,married,high.school,no,no,no,cellular,sep,wed,200,1,6,1,success,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +52,admin.,married,professional.course,no,no,no,cellular,sep,wed,953,2,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +45,admin.,divorced,university.degree,no,no,yes,telephone,sep,wed,173,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,no +39,entrepreneur,married,professional.course,no,no,no,telephone,sep,wed,511,3,6,1,success,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +33,technician,married,university.degree,no,yes,no,cellular,sep,wed,110,1,999,1,failure,-1.1,94.199,-37.5,0.8759999999999999,4963.6,no +33,technician,married,university.degree,no,no,no,cellular,sep,wed,216,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +23,student,single,professional.course,no,no,no,cellular,sep,wed,213,2,15,1,success,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +34,admin.,married,high.school,no,no,yes,cellular,sep,wed,214,2,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,no +35,admin.,married,university.degree,no,yes,no,telephone,sep,wed,7,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,no +19,student,single,basic.6y,no,yes,no,cellular,sep,thu,161,2,6,4,success,-1.1,94.199,-37.5,0.879,4963.6,yes +29,technician,single,professional.course,no,no,yes,telephone,sep,thu,251,2,18,1,success,-1.1,94.199,-37.5,0.879,4963.6,no +37,admin.,married,university.degree,no,no,yes,cellular,sep,thu,173,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +36,unemployed,single,high.school,no,yes,no,cellular,sep,thu,225,1,3,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +82,retired,divorced,basic.4y,no,yes,no,cellular,sep,thu,143,2,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +25,student,single,high.school,no,yes,no,cellular,sep,thu,574,3,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +41,admin.,married,unknown,no,yes,no,cellular,sep,thu,228,1,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,no +31,admin.,married,university.degree,no,yes,no,cellular,sep,thu,193,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +33,technician,single,university.degree,no,yes,no,cellular,sep,thu,463,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +23,admin.,single,university.degree,no,no,no,cellular,sep,thu,270,3,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +24,admin.,single,university.degree,no,no,no,cellular,sep,thu,303,1,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +56,admin.,married,basic.9y,no,yes,yes,cellular,sep,thu,319,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +77,retired,married,basic.4y,no,yes,no,cellular,sep,thu,190,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +33,admin.,married,university.degree,no,yes,no,cellular,sep,thu,234,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +33,technician,married,unknown,no,yes,yes,cellular,sep,thu,414,1,9,3,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +19,student,single,basic.6y,no,yes,yes,cellular,sep,thu,452,5,13,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +38,admin.,married,university.degree,no,no,no,cellular,sep,thu,79,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +29,admin.,married,high.school,no,yes,no,cellular,sep,thu,147,3,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +23,student,single,basic.9y,no,yes,no,cellular,sep,thu,954,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +30,technician,single,university.degree,no,no,no,cellular,sep,thu,327,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +36,technician,married,university.degree,no,unknown,unknown,cellular,sep,thu,1334,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +34,technician,single,university.degree,no,no,no,cellular,sep,fri,152,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +34,technician,single,university.degree,no,yes,no,cellular,sep,fri,294,4,10,3,success,-1.1,94.199,-37.5,0.879,4963.6,yes +34,technician,single,university.degree,no,no,no,cellular,sep,fri,285,3,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +26,technician,single,university.degree,no,no,no,cellular,sep,fri,374,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +41,management,divorced,university.degree,no,no,no,cellular,sep,fri,164,5,3,3,success,-1.1,94.199,-37.5,0.879,4963.6,yes +36,technician,married,university.degree,no,yes,no,cellular,sep,fri,328,1,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +26,technician,single,university.degree,no,yes,no,cellular,sep,fri,284,3,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +34,technician,single,university.degree,no,no,no,cellular,sep,fri,155,4,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,no +34,technician,single,university.degree,no,no,yes,telephone,sep,fri,231,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +31,services,single,high.school,no,yes,no,cellular,sep,fri,336,2,6,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +25,student,single,high.school,no,no,no,telephone,sep,mon,185,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,yes +48,housemaid,married,basic.4y,no,yes,no,telephone,sep,mon,9,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8759999999999999,4963.6,no +55,unemployed,married,basic.4y,no,yes,no,telephone,sep,tue,6,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +50,management,married,university.degree,no,no,no,telephone,sep,tue,84,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +38,blue-collar,single,high.school,no,yes,no,cellular,sep,wed,263,1,6,3,success,-1.1,94.199,-37.5,0.879,4963.6,yes +41,unemployed,married,high.school,no,yes,yes,cellular,sep,wed,175,1,6,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +33,admin.,married,university.degree,no,no,no,cellular,sep,wed,208,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +33,admin.,married,university.degree,no,no,yes,cellular,sep,wed,397,1,999,2,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +33,technician,married,professional.course,no,no,no,cellular,sep,wed,569,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +32,technician,married,basic.9y,no,yes,no,cellular,sep,wed,155,1,6,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +32,technician,married,basic.9y,no,no,no,cellular,sep,wed,183,1,6,5,success,-1.1,94.199,-37.5,0.879,4963.6,yes +41,unemployed,married,high.school,no,no,no,cellular,sep,wed,182,1,6,3,success,-1.1,94.199,-37.5,0.879,4963.6,yes +33,admin.,married,university.degree,no,yes,yes,telephone,sep,wed,396,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +50,management,married,university.degree,no,no,no,cellular,sep,thu,718,4,999,3,failure,-1.1,94.199,-37.5,0.878,4963.6,no +28,blue-collar,single,university.degree,no,yes,no,cellular,sep,thu,62,2,999,1,failure,-1.1,94.199,-37.5,0.878,4963.6,no +37,admin.,married,high.school,no,yes,no,cellular,sep,thu,155,1,999,1,failure,-1.1,94.199,-37.5,0.878,4963.6,no +26,self-employed,single,university.degree,no,yes,no,cellular,sep,thu,318,1,6,4,success,-1.1,94.199,-37.5,0.878,4963.6,no +28,blue-collar,single,university.degree,no,unknown,unknown,cellular,sep,thu,744,1,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,yes +31,technician,married,university.degree,no,no,no,cellular,sep,thu,261,1,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +29,admin.,single,university.degree,no,yes,no,cellular,sep,thu,180,2,8,2,success,-1.1,94.199,-37.5,0.878,4963.6,no +26,self-employed,single,university.degree,no,yes,no,cellular,sep,thu,333,1,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +22,services,single,professional.course,no,yes,no,cellular,sep,thu,84,1,999,2,failure,-1.1,94.199,-37.5,0.878,4963.6,no +58,admin.,married,high.school,no,no,no,cellular,sep,thu,337,1,6,1,success,-1.1,94.199,-37.5,0.878,4963.6,yes +42,admin.,single,high.school,no,no,no,cellular,sep,thu,209,1,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,yes +23,student,single,high.school,no,no,yes,cellular,sep,thu,409,2,3,2,success,-1.1,94.199,-37.5,0.878,4963.6,yes +21,student,single,unknown,no,no,no,cellular,sep,thu,145,1,999,1,failure,-1.1,94.199,-37.5,0.878,4963.6,no +53,technician,married,university.degree,no,no,no,cellular,sep,thu,156,2,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,yes +30,housemaid,single,university.degree,no,no,no,cellular,sep,thu,103,2,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +31,technician,married,university.degree,no,no,no,cellular,sep,thu,244,1,3,1,success,-1.1,94.199,-37.5,0.878,4963.6,yes +35,technician,married,professional.course,no,yes,no,cellular,sep,thu,317,1,999,2,failure,-1.1,94.199,-37.5,0.878,4963.6,no +33,admin.,married,university.degree,no,yes,no,cellular,sep,thu,272,2,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,yes +35,technician,married,professional.course,no,yes,no,cellular,sep,thu,447,1,999,2,failure,-1.1,94.199,-37.5,0.878,4963.6,no +54,admin.,divorced,university.degree,no,yes,no,cellular,sep,thu,112,1,999,2,failure,-1.1,94.199,-37.5,0.878,4963.6,no +35,technician,married,professional.course,no,yes,no,cellular,sep,thu,390,2,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +33,admin.,married,university.degree,no,yes,no,telephone,sep,thu,217,2,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +30,services,single,high.school,no,yes,no,cellular,sep,thu,405,1,999,3,failure,-1.1,94.199,-37.5,0.878,4963.6,no +21,student,single,unknown,no,no,no,cellular,sep,thu,150,1,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +32,technician,married,high.school,no,no,no,cellular,sep,thu,245,1,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +58,admin.,married,university.degree,no,no,no,cellular,sep,thu,272,4,6,1,success,-1.1,94.199,-37.5,0.878,4963.6,yes +29,admin.,single,high.school,no,no,no,cellular,sep,thu,134,1,999,0,nonexistent,-1.1,94.199,-37.5,0.878,4963.6,no +28,management,single,university.degree,no,no,no,cellular,sep,fri,133,4,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,no +30,technician,single,university.degree,no,yes,no,cellular,sep,fri,173,2,15,4,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +36,admin.,divorced,university.degree,no,yes,yes,cellular,sep,fri,157,3,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +23,student,single,university.degree,no,yes,no,cellular,sep,fri,349,2,999,4,failure,-1.1,94.199,-37.5,0.879,4963.6,no +31,admin.,married,university.degree,no,yes,no,cellular,sep,fri,232,2,13,1,success,-1.1,94.199,-37.5,0.879,4963.6,yes +33,unemployed,single,unknown,no,yes,no,cellular,sep,fri,224,2,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,yes +33,technician,single,professional.course,no,yes,no,cellular,sep,fri,246,9,999,2,failure,-1.1,94.199,-37.5,0.879,4963.6,no +26,technician,single,professional.course,no,yes,no,cellular,sep,fri,249,1,3,3,success,-1.1,94.199,-37.5,0.879,4963.6,yes +33,technician,single,professional.course,no,yes,no,cellular,sep,fri,395,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +25,student,single,unknown,no,no,no,cellular,sep,fri,732,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +60,retired,married,professional.course,no,no,no,telephone,sep,fri,618,1,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,no +51,admin.,divorced,high.school,no,yes,no,telephone,sep,fri,19,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +27,admin.,single,high.school,no,no,no,telephone,sep,mon,6,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +31,admin.,single,high.school,no,no,no,cellular,sep,mon,262,5,6,3,success,-1.1,94.199,-37.5,0.879,4963.6,yes +34,technician,married,professional.course,no,yes,no,telephone,sep,mon,157,5,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +48,services,married,basic.6y,no,no,no,cellular,sep,mon,188,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +32,admin.,married,high.school,no,no,no,cellular,sep,mon,169,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +30,student,single,professional.course,no,unknown,unknown,cellular,sep,mon,132,4,6,3,success,-1.1,94.199,-37.5,0.879,4963.6,no +32,admin.,single,university.degree,no,yes,no,cellular,sep,mon,290,4,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +32,admin.,married,high.school,no,yes,no,cellular,sep,mon,156,2,999,1,failure,-1.1,94.199,-37.5,0.879,4963.6,no +30,student,single,professional.course,no,yes,no,telephone,sep,mon,379,3,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +30,student,single,professional.course,no,yes,no,cellular,sep,mon,1616,4,19,1,success,-1.1,94.199,-37.5,0.879,4963.6,no +30,student,single,professional.course,no,no,no,cellular,sep,mon,162,2,9,2,failure,-1.1,94.199,-37.5,0.879,4963.6,no +32,admin.,married,high.school,no,yes,no,cellular,sep,mon,1298,1,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +48,unemployed,married,professional.course,no,yes,no,cellular,sep,mon,315,2,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,yes +32,admin.,single,university.degree,no,yes,no,cellular,sep,mon,990,4,999,0,nonexistent,-1.1,94.199,-37.5,0.879,4963.6,no +32,admin.,single,university.degree,no,yes,no,telephone,sep,tue,6,1,999,0,nonexistent,-1.1,94.199,-37.5,0.88,4963.6,no +30,student,single,professional.course,no,no,no,cellular,sep,tue,104,1,999,2,failure,-1.1,94.199,-37.5,0.88,4963.6,no +30,student,single,professional.course,no,no,no,telephone,sep,tue,237,2,999,0,nonexistent,-1.1,94.199,-37.5,0.88,4963.6,no +30,student,single,professional.course,no,yes,no,cellular,sep,tue,282,2,6,1,success,-1.1,94.199,-37.5,0.88,4963.6,yes +29,admin.,single,university.degree,no,no,no,cellular,sep,tue,600,2,3,3,success,-1.1,94.199,-37.5,0.88,4963.6,yes +22,student,single,high.school,no,no,no,telephone,sep,wed,13,1,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +40,admin.,divorced,high.school,no,yes,yes,telephone,sep,wed,21,1,999,1,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +35,admin.,married,university.degree,no,no,yes,cellular,sep,wed,242,2,999,1,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +35,admin.,married,university.degree,no,yes,no,cellular,sep,wed,110,2,18,2,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +30,student,single,high.school,no,yes,no,cellular,sep,wed,201,2,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +42,management,married,university.degree,no,yes,no,cellular,sep,wed,232,1,3,2,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +34,admin.,married,university.degree,no,no,yes,cellular,sep,wed,245,3,999,0,nonexistent,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +42,admin.,divorced,university.degree,no,yes,no,cellular,sep,wed,211,1,999,1,failure,-1.1,94.199,-37.5,0.8859999999999999,4963.6,no +42,admin.,divorced,university.degree,no,no,no,cellular,sep,wed,678,1,16,1,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +41,admin.,married,unknown,no,no,no,cellular,sep,wed,845,1,7,3,success,-1.1,94.199,-37.5,0.8859999999999999,4963.6,yes +50,management,married,university.degree,no,yes,no,cellular,oct,fri,197,2,999,0,nonexistent,-1.1,94.601,-49.5,0.9420000000000001,4963.6,no +30,technician,unknown,university.degree,no,no,no,cellular,oct,fri,131,2,16,1,success,-1.1,94.601,-49.5,0.9420000000000001,4963.6,no +59,unemployed,married,basic.9y,no,yes,yes,cellular,oct,fri,142,1,999,0,nonexistent,-1.1,94.601,-49.5,0.9420000000000001,4963.6,no +32,admin.,single,university.degree,no,no,no,cellular,oct,fri,143,1,999,2,failure,-1.1,94.601,-49.5,0.9420000000000001,4963.6,no +32,admin.,single,university.degree,no,yes,no,cellular,oct,fri,164,1,999,3,failure,-1.1,94.601,-49.5,0.9420000000000001,4963.6,no +41,retired,single,basic.4y,no,yes,no,cellular,oct,fri,278,1,999,0,nonexistent,-1.1,94.601,-49.5,0.9420000000000001,4963.6,no +27,student,single,university.degree,no,yes,no,cellular,oct,fri,161,1,999,3,failure,-1.1,94.601,-49.5,0.9420000000000001,4963.6,no +30,self-employed,single,basic.9y,no,no,yes,telephone,oct,mon,5,1,999,0,nonexistent,-1.1,94.601,-49.5,0.953,4963.6,no +58,admin.,married,university.degree,no,yes,no,telephone,oct,mon,9,1,999,0,nonexistent,-1.1,94.601,-49.5,0.953,4963.6,no +40,technician,married,professional.course,no,yes,no,telephone,oct,tue,10,1,999,0,nonexistent,-1.1,94.601,-49.5,0.956,4963.6,no +32,technician,married,professional.course,no,no,no,cellular,oct,wed,311,1,3,1,success,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +32,technician,married,professional.course,no,no,no,cellular,oct,wed,486,1,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +26,technician,single,university.degree,no,no,no,cellular,oct,wed,649,1,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +26,blue-collar,single,basic.6y,no,no,no,cellular,oct,wed,808,1,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +35,technician,married,professional.course,no,yes,yes,cellular,oct,wed,608,1,9,2,failure,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +26,admin.,single,university.degree,no,yes,yes,cellular,oct,wed,261,1,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,no +32,technician,married,professional.course,no,yes,no,cellular,oct,wed,275,2,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +32,admin.,married,high.school,no,yes,no,telephone,oct,wed,48,1,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,no +41,technician,married,professional.course,no,no,no,cellular,oct,wed,391,2,27,1,success,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +57,admin.,married,university.degree,no,unknown,unknown,cellular,oct,wed,229,2,3,2,success,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +26,admin.,single,university.degree,no,no,no,telephone,oct,wed,541,1,999,2,failure,-1.1,94.601,-49.5,0.9590000000000001,4963.6,no +22,self-employed,single,professional.course,no,yes,no,cellular,oct,wed,218,1,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +32,technician,married,professional.course,no,no,no,cellular,oct,wed,691,2,14,4,failure,-1.1,94.601,-49.5,0.9590000000000001,4963.6,no +75,retired,married,basic.4y,no,yes,no,cellular,oct,wed,1020,3,999,3,failure,-1.1,94.601,-49.5,0.9590000000000001,4963.6,no +28,admin.,single,high.school,no,no,no,cellular,oct,wed,1246,2,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,yes +64,unemployed,divorced,basic.9y,no,yes,no,cellular,oct,wed,604,2,999,0,nonexistent,-1.1,94.601,-49.5,0.9590000000000001,4963.6,no +36,admin.,single,university.degree,no,no,no,cellular,oct,thu,197,2,999,0,nonexistent,-1.1,94.601,-49.5,0.965,4963.6,no +65,retired,married,basic.4y,no,yes,no,telephone,oct,thu,138,4,999,0,nonexistent,-1.1,94.601,-49.5,0.965,4963.6,no +51,admin.,married,university.degree,no,yes,yes,cellular,oct,thu,236,3,3,1,success,-1.1,94.601,-49.5,0.965,4963.6,yes +28,admin.,single,university.degree,no,no,no,cellular,oct,thu,116,1,17,1,success,-1.1,94.601,-49.5,0.965,4963.6,no +70,retired,married,basic.4y,unknown,no,no,cellular,oct,thu,122,1,14,3,failure,-1.1,94.601,-49.5,0.965,4963.6,no +31,admin.,single,university.degree,no,yes,no,telephone,oct,fri,118,1,999,0,nonexistent,-1.1,94.601,-49.5,0.972,4963.6,no +62,blue-collar,married,unknown,no,no,no,cellular,oct,fri,73,3,999,0,nonexistent,-1.1,94.601,-49.5,0.972,4963.6,no +61,retired,married,basic.4y,no,no,no,telephone,oct,fri,194,1,999,0,nonexistent,-1.1,94.601,-49.5,0.972,4963.6,yes +33,blue-collar,single,basic.4y,no,yes,no,cellular,oct,fri,146,1,999,1,failure,-1.1,94.601,-49.5,0.972,4963.6,no +29,technician,married,professional.course,no,yes,no,cellular,oct,fri,319,1,5,2,success,-1.1,94.601,-49.5,0.972,4963.6,yes +47,admin.,married,high.school,no,yes,no,cellular,oct,fri,437,1,999,1,failure,-1.1,94.601,-49.5,0.972,4963.6,yes +27,student,single,unknown,no,yes,no,cellular,oct,fri,512,1,20,4,failure,-1.1,94.601,-49.5,0.972,4963.6,no +39,housemaid,married,basic.4y,no,no,no,cellular,oct,fri,282,1,999,0,nonexistent,-1.1,94.601,-49.5,0.972,4963.6,no +60,retired,married,basic.4y,no,unknown,unknown,cellular,oct,fri,272,1,10,3,failure,-1.1,94.601,-49.5,0.972,4963.6,no +27,student,single,unknown,no,yes,no,cellular,oct,fri,309,2,999,1,failure,-1.1,94.601,-49.5,0.972,4963.6,no +32,services,single,university.degree,no,yes,no,cellular,oct,fri,375,2,999,2,failure,-1.1,94.601,-49.5,0.972,4963.6,no +49,technician,divorced,professional.course,no,yes,no,cellular,oct,fri,251,2,3,1,success,-1.1,94.601,-49.5,0.972,4963.6,yes +39,housemaid,married,basic.4y,no,yes,no,cellular,oct,fri,135,2,999,2,failure,-1.1,94.601,-49.5,0.972,4963.6,no +66,retired,married,basic.4y,no,yes,no,telephone,oct,fri,369,2,999,1,failure,-1.1,94.601,-49.5,0.972,4963.6,yes +56,unemployed,divorced,basic.4y,no,no,yes,cellular,oct,fri,363,2,5,3,success,-1.1,94.601,-49.5,0.972,4963.6,yes +24,admin.,single,high.school,no,yes,no,cellular,oct,fri,133,2,999,1,failure,-1.1,94.601,-49.5,0.972,4963.6,no +31,technician,single,professional.course,no,yes,no,cellular,oct,fri,401,2,999,0,nonexistent,-1.1,94.601,-49.5,0.972,4963.6,yes +55,admin.,married,high.school,no,no,no,telephone,oct,mon,317,2,10,3,success,-1.1,94.601,-49.5,0.977,4963.6,no +59,services,married,university.degree,no,yes,no,cellular,oct,mon,162,1,999,0,nonexistent,-1.1,94.601,-49.5,0.977,4963.6,no +33,services,married,professional.course,no,no,no,cellular,oct,mon,291,1,999,3,failure,-1.1,94.601,-49.5,0.977,4963.6,no +48,technician,married,professional.course,no,yes,yes,cellular,oct,mon,450,1,8,1,success,-1.1,94.601,-49.5,0.977,4963.6,yes +30,technician,single,unknown,no,yes,yes,cellular,oct,mon,195,1,999,3,failure,-1.1,94.601,-49.5,0.977,4963.6,no +27,admin.,single,university.degree,no,no,no,cellular,oct,mon,278,1,999,0,nonexistent,-1.1,94.601,-49.5,0.977,4963.6,yes +29,admin.,single,university.degree,no,no,no,cellular,oct,mon,123,2,12,2,failure,-1.1,94.601,-49.5,0.977,4963.6,no +33,services,single,university.degree,no,no,no,cellular,oct,mon,110,2,999,0,nonexistent,-1.1,94.601,-49.5,0.977,4963.6,no +33,services,single,university.degree,no,yes,no,cellular,oct,mon,252,2,3,2,success,-1.1,94.601,-49.5,0.977,4963.6,yes +65,retired,married,basic.4y,no,yes,yes,cellular,oct,mon,165,1,3,1,success,-1.1,94.601,-49.5,0.977,4963.6,yes +24,blue-collar,single,basic.9y,no,no,no,cellular,oct,mon,485,1,6,1,success,-1.1,94.601,-49.5,0.977,4963.6,no +74,retired,married,university.degree,no,no,no,telephone,oct,mon,160,1,999,0,nonexistent,-1.1,94.601,-49.5,0.977,4963.6,no +25,services,single,high.school,no,no,no,cellular,oct,mon,251,1,999,1,failure,-1.1,94.601,-49.5,0.977,4963.6,no +25,services,single,high.school,no,no,no,cellular,oct,mon,79,1,999,2,failure,-1.1,94.601,-49.5,0.977,4963.6,no +26,technician,single,professional.course,no,no,no,telephone,oct,mon,4,1,16,1,success,-1.1,94.601,-49.5,0.977,4963.6,no +22,unemployed,single,university.degree,no,no,yes,telephone,oct,mon,34,2,999,0,nonexistent,-1.1,94.601,-49.5,0.977,4963.6,no +59,services,married,university.degree,no,yes,no,cellular,oct,mon,383,2,999,2,failure,-1.1,94.601,-49.5,0.977,4963.6,yes +71,retired,married,professional.course,no,yes,no,cellular,oct,mon,185,2,999,0,nonexistent,-1.1,94.601,-49.5,0.977,4963.6,no +61,admin.,married,high.school,no,yes,no,cellular,oct,mon,146,4,999,0,nonexistent,-1.1,94.601,-49.5,0.977,4963.6,no +20,student,single,unknown,no,no,no,cellular,oct,mon,137,3,999,3,failure,-1.1,94.601,-49.5,0.977,4963.6,no +28,blue-collar,single,basic.9y,no,yes,no,telephone,oct,mon,4,1,999,0,nonexistent,-1.1,94.601,-49.5,0.977,4963.6,no +31,technician,single,professional.course,no,yes,no,telephone,oct,tue,54,1,999,1,failure,-1.1,94.601,-49.5,0.982,4963.6,no +31,blue-collar,single,basic.9y,no,no,no,telephone,oct,tue,114,1,999,0,nonexistent,-1.1,94.601,-49.5,0.982,4963.6,no +31,technician,married,university.degree,no,yes,yes,cellular,oct,tue,203,4,6,2,success,-1.1,94.601,-49.5,0.982,4963.6,yes +21,student,single,high.school,no,no,no,cellular,oct,tue,362,1,999,0,nonexistent,-1.1,94.601,-49.5,0.982,4963.6,yes +20,student,single,unknown,no,yes,yes,cellular,oct,tue,187,1,3,4,success,-1.1,94.601,-49.5,0.982,4963.6,yes +22,student,single,university.degree,no,yes,no,cellular,oct,tue,166,1,999,0,nonexistent,-1.1,94.601,-49.5,0.982,4963.6,no +27,admin.,single,university.degree,no,yes,yes,cellular,oct,tue,242,1,3,2,success,-1.1,94.601,-49.5,0.982,4963.6,no +27,blue-collar,single,high.school,no,no,no,cellular,oct,tue,253,1,999,2,failure,-1.1,94.601,-49.5,0.982,4963.6,yes +71,retired,married,professional.course,no,no,no,cellular,oct,tue,323,1,999,0,nonexistent,-1.1,94.601,-49.5,0.982,4963.6,yes +27,admin.,single,university.degree,no,no,no,cellular,oct,tue,143,1,999,0,nonexistent,-1.1,94.601,-49.5,0.982,4963.6,no +20,student,single,unknown,no,no,no,telephone,oct,tue,250,1,999,1,failure,-1.1,94.601,-49.5,0.982,4963.6,no +31,technician,married,university.degree,no,no,no,cellular,oct,tue,146,2,12,3,failure,-1.1,94.601,-49.5,0.982,4963.6,no +27,blue-collar,single,high.school,no,yes,no,cellular,oct,tue,209,3,999,1,failure,-1.1,94.601,-49.5,0.982,4963.6,yes +51,housemaid,married,basic.4y,no,no,no,cellular,oct,tue,130,2,999,2,failure,-1.1,94.601,-49.5,0.982,4963.6,no +27,student,single,high.school,no,no,no,telephone,oct,tue,5,1,999,0,nonexistent,-1.1,94.601,-49.5,0.982,4963.6,no +49,admin.,married,high.school,unknown,no,no,cellular,oct,wed,169,1,6,3,success,-1.1,94.601,-49.5,0.985,4963.6,yes +66,retired,married,basic.4y,unknown,unknown,unknown,cellular,oct,wed,216,1,6,3,success,-1.1,94.601,-49.5,0.985,4963.6,yes +65,retired,married,basic.4y,no,yes,yes,cellular,oct,wed,190,1,3,3,success,-1.1,94.601,-49.5,0.985,4963.6,yes +35,admin.,married,university.degree,no,no,no,cellular,oct,wed,194,1,3,2,success,-1.1,94.601,-49.5,0.985,4963.6,yes +52,technician,married,university.degree,no,yes,no,telephone,oct,wed,6,1,999,1,failure,-1.1,94.601,-49.5,0.985,4963.6,no +54,admin.,married,high.school,no,no,no,cellular,oct,wed,252,2,6,2,success,-1.1,94.601,-49.5,0.985,4963.6,yes +60,retired,married,basic.4y,no,yes,no,cellular,oct,wed,357,2,999,1,failure,-1.1,94.601,-49.5,0.985,4963.6,no +63,admin.,married,university.degree,no,yes,yes,cellular,oct,thu,133,2,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,no +33,management,single,university.degree,no,no,no,cellular,oct,thu,119,3,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,no +54,self-employed,married,university.degree,no,no,no,cellular,oct,thu,99,3,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,no +81,retired,divorced,basic.4y,no,yes,no,cellular,oct,thu,192,2,3,2,success,-1.1,94.601,-49.5,0.987,4963.6,no +70,retired,married,professional.course,no,no,no,cellular,oct,thu,585,1,6,3,success,-1.1,94.601,-49.5,0.987,4963.6,yes +50,admin.,married,high.school,no,yes,no,cellular,oct,thu,326,1,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,yes +48,technician,married,professional.course,no,yes,no,cellular,oct,thu,235,1,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,no +48,technician,married,professional.course,no,no,no,cellular,oct,thu,491,1,6,3,success,-1.1,94.601,-49.5,0.987,4963.6,yes +61,blue-collar,married,professional.course,no,yes,no,cellular,oct,thu,246,2,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,yes +54,self-employed,married,university.degree,no,yes,no,cellular,oct,thu,317,6,6,1,success,-1.1,94.601,-49.5,0.987,4963.6,no +37,admin.,single,high.school,no,no,no,telephone,oct,thu,301,1,3,1,success,-1.1,94.601,-49.5,0.987,4963.6,yes +63,admin.,married,university.degree,no,yes,no,cellular,oct,thu,174,2,6,1,success,-1.1,94.601,-49.5,0.987,4963.6,no +37,admin.,single,high.school,no,no,no,cellular,oct,thu,322,1,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,no +37,admin.,single,high.school,no,no,no,cellular,oct,thu,509,1,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,yes +54,self-employed,married,university.degree,no,no,no,cellular,oct,thu,219,3,999,1,failure,-1.1,94.601,-49.5,0.987,4963.6,no +41,admin.,single,high.school,no,no,no,cellular,oct,thu,786,2,999,0,nonexistent,-1.1,94.601,-49.5,0.987,4963.6,no +54,self-employed,married,university.degree,no,yes,no,cellular,oct,thu,72,4,999,1,failure,-1.1,94.601,-49.5,0.987,4963.6,no +51,admin.,married,high.school,no,no,yes,cellular,oct,thu,181,2,999,1,failure,-1.1,94.601,-49.5,0.987,4963.6,no +81,retired,divorced,basic.4y,no,yes,no,cellular,oct,thu,158,1,999,1,failure,-1.1,94.601,-49.5,0.987,4963.6,no +74,retired,married,university.degree,no,yes,no,cellular,oct,fri,212,2,3,2,success,-1.1,94.601,-49.5,0.993,4963.6,no +34,student,single,professional.course,no,yes,no,telephone,oct,fri,6,1,999,0,nonexistent,-1.1,94.601,-49.5,0.993,4963.6,no +65,retired,married,basic.4y,no,no,no,cellular,oct,fri,187,2,7,3,success,-1.1,94.601,-49.5,0.993,4963.6,yes +84,retired,divorced,basic.4y,unknown,yes,no,cellular,oct,fri,106,4,999,0,nonexistent,-1.1,94.601,-49.5,0.993,4963.6,no +24,admin.,single,university.degree,no,yes,no,cellular,oct,fri,1176,3,3,2,success,-1.1,94.601,-49.5,0.993,4963.6,yes +68,retired,divorced,high.school,no,yes,no,cellular,oct,mon,130,4,999,2,failure,-1.1,94.601,-49.5,1.0,4963.6,no +26,student,single,high.school,no,yes,no,telephone,oct,mon,209,1,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,no +68,retired,divorced,high.school,no,yes,yes,cellular,oct,mon,567,1,3,1,success,-1.1,94.601,-49.5,1.0,4963.6,yes +47,admin.,single,university.degree,no,yes,no,cellular,oct,mon,333,1,999,1,failure,-1.1,94.601,-49.5,1.0,4963.6,no +44,technician,married,high.school,no,yes,yes,cellular,oct,mon,310,1,999,1,failure,-1.1,94.601,-49.5,1.0,4963.6,yes +56,technician,divorced,professional.course,no,no,no,cellular,oct,mon,464,1,3,2,success,-1.1,94.601,-49.5,1.0,4963.6,yes +42,technician,married,professional.course,no,yes,yes,cellular,oct,mon,509,1,6,1,success,-1.1,94.601,-49.5,1.0,4963.6,yes +44,admin.,married,university.degree,no,yes,no,cellular,oct,mon,252,1,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,yes +56,technician,divorced,professional.course,no,yes,yes,cellular,oct,mon,170,5,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,no +29,admin.,single,university.degree,no,yes,no,cellular,oct,mon,526,1,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,yes +68,retired,divorced,high.school,no,yes,no,cellular,oct,mon,222,1,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,yes +74,retired,divorced,basic.4y,no,yes,no,cellular,oct,mon,180,2,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,no +74,retired,divorced,basic.4y,no,yes,no,cellular,oct,mon,102,3,3,2,success,-1.1,94.601,-49.5,1.0,4963.6,no +44,services,married,high.school,no,no,no,cellular,oct,mon,95,3,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,no +47,admin.,single,university.degree,no,no,no,cellular,oct,mon,767,3,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,yes +84,retired,divorced,basic.4y,unknown,yes,yes,cellular,oct,mon,138,4,3,1,success,-1.1,94.601,-49.5,1.0,4963.6,no +60,retired,married,university.degree,no,yes,no,cellular,oct,mon,338,2,999,0,nonexistent,-1.1,94.601,-49.5,1.0,4963.6,no +44,technician,married,high.school,no,yes,yes,cellular,oct,mon,159,2,999,1,failure,-1.1,94.601,-49.5,1.0,4963.6,no +24,student,single,professional.course,no,no,yes,cellular,oct,tue,133,3,999,2,failure,-1.1,94.601,-49.5,1.008,4963.6,no +31,admin.,single,university.degree,no,unknown,unknown,cellular,oct,tue,192,1,3,1,success,-1.1,94.601,-49.5,1.008,4963.6,yes +67,retired,divorced,basic.4y,no,yes,no,cellular,oct,tue,218,1,999,1,failure,-1.1,94.601,-49.5,1.008,4963.6,no +48,technician,married,university.degree,no,yes,yes,cellular,oct,tue,337,2,999,0,nonexistent,-1.1,94.601,-49.5,1.008,4963.6,yes +50,entrepreneur,divorced,university.degree,no,yes,no,telephone,oct,tue,898,7,11,2,success,-1.1,94.601,-49.5,1.008,4963.6,yes +54,services,divorced,high.school,no,yes,yes,cellular,oct,wed,178,4,3,1,success,-1.1,94.601,-49.5,1.016,4963.6,yes +54,services,divorced,high.school,no,no,no,cellular,oct,wed,268,1,999,1,failure,-1.1,94.601,-49.5,1.016,4963.6,no +81,retired,married,basic.4y,no,yes,no,cellular,oct,wed,621,1,999,2,failure,-1.1,94.601,-49.5,1.016,4963.6,yes +25,student,married,high.school,no,yes,no,telephone,oct,wed,7,1,999,0,nonexistent,-1.1,94.601,-49.5,1.016,4963.6,no +34,technician,married,university.degree,no,yes,no,telephone,oct,wed,5,1,999,0,nonexistent,-1.1,94.601,-49.5,1.016,4963.6,no +61,housemaid,married,basic.4y,no,yes,no,telephone,oct,wed,238,2,999,2,failure,-1.1,94.601,-49.5,1.016,4963.6,no +54,services,divorced,high.school,no,yes,no,cellular,oct,wed,487,3,999,2,failure,-1.1,94.601,-49.5,1.016,4963.6,yes +38,admin.,divorced,basic.9y,no,no,no,cellular,oct,wed,139,2,999,3,failure,-1.1,94.601,-49.5,1.016,4963.6,no +45,student,single,unknown,no,yes,no,cellular,oct,wed,316,2,999,2,failure,-1.1,94.601,-49.5,1.016,4963.6,no +37,management,married,university.degree,no,yes,no,cellular,oct,thu,150,3,5,5,success,-1.1,94.601,-49.5,1.025,4963.6,yes +80,retired,married,professional.course,no,yes,no,cellular,oct,thu,411,1,999,1,failure,-1.1,94.601,-49.5,1.025,4963.6,yes +63,unknown,married,professional.course,no,no,no,cellular,oct,thu,235,1,6,1,success,-1.1,94.601,-49.5,1.025,4963.6,no +37,housemaid,married,university.degree,no,no,no,cellular,oct,thu,453,1,6,2,success,-1.1,94.601,-49.5,1.025,4963.6,yes +37,housemaid,married,university.degree,no,no,no,cellular,oct,thu,178,2,13,2,success,-1.1,94.601,-49.5,1.025,4963.6,yes +23,student,single,high.school,no,yes,no,cellular,oct,thu,262,3,999,0,nonexistent,-1.1,94.601,-49.5,1.025,4963.6,no +24,blue-collar,single,high.school,no,no,no,cellular,oct,thu,1032,1,3,1,success,-1.1,94.601,-49.5,1.025,4963.6,yes +33,admin.,single,university.degree,no,yes,no,cellular,oct,thu,759,1,3,3,success,-1.1,94.601,-49.5,1.025,4963.6,yes +37,housemaid,married,university.degree,no,no,no,cellular,oct,thu,549,2,11,4,success,-1.1,94.601,-49.5,1.025,4963.6,yes +65,retired,married,high.school,no,yes,no,cellular,oct,thu,201,5,3,1,success,-1.1,94.601,-49.5,1.025,4963.6,no +29,admin.,single,high.school,no,no,no,telephone,oct,thu,330,2,6,1,success,-1.1,94.601,-49.5,1.025,4963.6,yes +31,technician,single,professional.course,no,unknown,unknown,cellular,oct,thu,212,2,999,0,nonexistent,-1.1,94.601,-49.5,1.025,4963.6,yes +34,admin.,divorced,university.degree,no,unknown,unknown,cellular,oct,thu,256,2,999,1,failure,-1.1,94.601,-49.5,1.025,4963.6,no +37,management,married,university.degree,no,yes,no,cellular,oct,thu,339,3,3,3,success,-1.1,94.601,-49.5,1.025,4963.6,yes +45,admin.,married,high.school,no,yes,no,cellular,oct,fri,738,3,6,1,success,-1.1,94.601,-49.5,1.0290000000000001,4963.6,yes +26,unemployed,single,high.school,no,yes,no,cellular,oct,fri,394,3,14,1,success,-1.1,94.601,-49.5,1.0290000000000001,4963.6,yes +31,student,single,high.school,no,yes,no,cellular,oct,fri,716,3,999,0,nonexistent,-1.1,94.601,-49.5,1.0290000000000001,4963.6,yes +25,student,single,high.school,no,yes,no,cellular,oct,fri,234,1,3,1,success,-1.1,94.601,-49.5,1.0290000000000001,4963.6,yes +29,unemployed,single,high.school,no,yes,no,cellular,oct,fri,168,2,999,0,nonexistent,-1.1,94.601,-49.5,1.0290000000000001,4963.6,no +23,student,single,high.school,no,no,yes,cellular,oct,fri,380,1,3,1,success,-1.1,94.601,-49.5,1.0290000000000001,4963.6,yes +27,self-employed,single,university.degree,no,no,no,telephone,oct,fri,84,3,999,0,nonexistent,-1.1,94.601,-49.5,1.0290000000000001,4963.6,no +37,unemployed,single,professional.course,no,no,no,cellular,oct,fri,142,4,6,1,success,-1.1,94.601,-49.5,1.0290000000000001,4963.6,no +25,student,single,high.school,no,no,no,cellular,oct,fri,554,3,999,0,nonexistent,-1.1,94.601,-49.5,1.0290000000000001,4963.6,yes +65,retired,married,high.school,no,yes,yes,cellular,oct,fri,344,2,12,1,success,-1.1,94.601,-49.5,1.0290000000000001,4963.6,yes +37,services,married,high.school,no,yes,yes,cellular,oct,fri,608,2,12,2,failure,-1.1,94.601,-49.5,1.0290000000000001,4963.6,yes +28,admin.,single,university.degree,no,yes,no,cellular,oct,mon,92,4,17,3,failure,-1.1,94.601,-49.5,1.032,4963.6,no +46,management,married,university.degree,no,unknown,unknown,cellular,oct,mon,83,2,12,2,failure,-1.1,94.601,-49.5,1.032,4963.6,no +28,admin.,single,university.degree,no,no,no,cellular,oct,mon,225,1,3,3,success,-1.1,94.601,-49.5,1.032,4963.6,yes +25,student,single,high.school,no,yes,no,cellular,oct,mon,189,1,6,4,success,-1.1,94.601,-49.5,1.032,4963.6,no +36,unemployed,married,high.school,no,yes,no,cellular,oct,mon,304,1,3,1,success,-1.1,94.601,-49.5,1.032,4963.6,yes +33,admin.,single,university.degree,no,yes,no,cellular,oct,mon,400,1,5,2,success,-1.1,94.601,-49.5,1.032,4963.6,yes +33,services,single,high.school,no,yes,no,cellular,oct,mon,182,1,6,1,success,-1.1,94.601,-49.5,1.032,4963.6,yes +30,technician,married,professional.course,no,yes,no,cellular,oct,mon,253,1,9,2,success,-1.1,94.601,-49.5,1.032,4963.6,yes +38,technician,single,university.degree,no,yes,no,telephone,oct,mon,254,1,9,3,failure,-1.1,94.601,-49.5,1.032,4963.6,no +28,admin.,single,university.degree,no,yes,no,cellular,oct,mon,324,1,6,2,success,-1.1,94.601,-49.5,1.032,4963.6,no +23,student,single,high.school,no,yes,no,cellular,oct,mon,226,2,999,1,failure,-1.1,94.601,-49.5,1.032,4963.6,yes +33,admin.,single,university.degree,no,yes,no,cellular,oct,mon,297,5,999,0,nonexistent,-1.1,94.601,-49.5,1.032,4963.6,yes +30,technician,married,professional.course,no,yes,no,cellular,oct,mon,215,1,6,1,success,-1.1,94.601,-49.5,1.032,4963.6,yes +35,admin.,single,university.degree,no,yes,no,cellular,oct,mon,129,1,999,0,nonexistent,-1.1,94.601,-49.5,1.032,4963.6,no +25,student,single,high.school,no,yes,no,cellular,oct,mon,211,2,6,3,success,-1.1,94.601,-49.5,1.032,4963.6,yes +38,admin.,divorced,university.degree,no,yes,no,telephone,oct,mon,293,3,999,0,nonexistent,-1.1,94.601,-49.5,1.032,4963.6,no +62,admin.,married,high.school,no,no,no,cellular,oct,tue,318,1,4,3,success,-1.1,94.601,-49.5,1.037,4963.6,yes +30,student,single,high.school,no,yes,no,cellular,oct,tue,196,1,17,2,failure,-1.1,94.601,-49.5,1.037,4963.6,no +60,admin.,married,high.school,no,no,no,cellular,oct,tue,604,1,999,1,failure,-1.1,94.601,-49.5,1.037,4963.6,yes +62,admin.,married,high.school,no,no,no,cellular,oct,tue,238,4,18,2,failure,-1.1,94.601,-49.5,1.037,4963.6,yes +25,student,single,high.school,no,yes,no,telephone,oct,tue,17,1,999,0,nonexistent,-1.1,94.601,-49.5,1.037,4963.6,no +21,student,single,high.school,no,no,no,cellular,oct,tue,701,2,999,0,nonexistent,-1.1,94.601,-49.5,1.037,4963.6,yes +30,management,married,university.degree,no,no,no,cellular,oct,wed,711,1,999,0,nonexistent,-1.1,94.601,-49.5,1.043,4963.6,yes +27,technician,single,university.degree,no,no,no,cellular,oct,wed,223,2,999,0,nonexistent,-1.1,94.601,-49.5,1.043,4963.6,no +65,retired,married,basic.4y,no,no,no,cellular,oct,wed,882,1,999,0,nonexistent,-1.1,94.601,-49.5,1.043,4963.6,yes +23,student,single,high.school,no,no,no,cellular,oct,wed,409,1,3,1,success,-1.1,94.601,-49.5,1.043,4963.6,no +31,student,single,university.degree,no,no,no,cellular,oct,wed,508,1,999,0,nonexistent,-1.1,94.601,-49.5,1.043,4963.6,yes +27,technician,single,university.degree,no,yes,no,cellular,oct,wed,184,1,999,1,failure,-1.1,94.601,-49.5,1.043,4963.6,yes +60,retired,married,professional.course,no,no,yes,cellular,oct,wed,170,2,999,1,failure,-1.1,94.601,-49.5,1.043,4963.6,no +30,management,married,university.degree,no,no,yes,cellular,oct,wed,255,1,6,1,success,-1.1,94.601,-49.5,1.043,4963.6,yes +65,retired,married,basic.4y,no,yes,no,cellular,oct,wed,258,1,3,3,success,-1.1,94.601,-49.5,1.043,4963.6,yes +42,services,married,basic.9y,no,no,no,telephone,oct,thu,71,1,999,0,nonexistent,-1.1,94.601,-49.5,1.045,4963.6,no +46,admin.,married,basic.9y,no,yes,no,telephone,nov,tue,18,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.047,4963.6,no +31,management,married,university.degree,no,yes,no,cellular,nov,mon,188,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.05,4963.6,yes +51,services,married,high.school,no,yes,no,cellular,nov,mon,176,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +48,admin.,married,university.degree,no,yes,no,cellular,nov,mon,159,1,6,3,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,yes +29,technician,single,university.degree,no,no,no,cellular,nov,mon,240,1,4,1,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +29,technician,single,university.degree,no,no,no,telephone,nov,mon,360,1,3,2,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,yes +37,technician,married,university.degree,no,no,no,cellular,nov,mon,119,1,999,3,failure,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +34,admin.,married,university.degree,no,no,no,cellular,nov,mon,230,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +29,admin.,single,high.school,no,yes,no,telephone,nov,mon,207,1,6,1,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +51,services,married,high.school,no,no,yes,cellular,nov,mon,120,2,3,4,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +37,admin.,married,university.degree,no,no,no,cellular,nov,mon,137,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +61,retired,married,university.degree,no,no,no,cellular,nov,mon,507,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +24,student,single,high.school,no,yes,yes,cellular,nov,mon,106,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +39,admin.,married,high.school,no,no,no,cellular,nov,mon,148,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +35,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,212,1,999,2,failure,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +34,admin.,married,university.degree,no,no,no,cellular,nov,mon,141,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +50,blue-collar,divorced,professional.course,no,yes,no,cellular,nov,mon,742,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.05,4963.6,yes +45,blue-collar,married,high.school,no,yes,yes,cellular,nov,mon,449,2,5,3,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,yes +37,admin.,married,university.degree,no,no,no,cellular,nov,mon,282,2,6,1,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,yes +51,services,married,high.school,no,yes,no,cellular,nov,mon,354,3,6,3,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,no +27,student,single,high.school,no,no,yes,cellular,nov,tue,326,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,no +51,admin.,divorced,high.school,no,yes,no,cellular,nov,tue,283,1,3,7,success,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,no +48,admin.,married,high.school,no,no,no,telephone,nov,tue,301,1,999,2,failure,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,no +24,technician,single,university.degree,no,yes,yes,cellular,nov,tue,467,3,6,3,failure,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,yes +18,student,single,unknown,no,yes,no,cellular,nov,tue,600,2,999,3,failure,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,no +51,admin.,divorced,high.school,no,yes,yes,cellular,nov,tue,334,2,6,4,failure,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,yes +50,blue-collar,divorced,professional.course,no,yes,no,cellular,nov,tue,137,2,9,3,success,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,no +30,blue-collar,single,professional.course,no,yes,no,cellular,nov,tue,111,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,no +18,student,single,basic.4y,no,yes,no,telephone,nov,tue,394,1,13,2,success,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,yes +50,blue-collar,divorced,professional.course,no,yes,no,telephone,nov,tue,301,2,7,2,success,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,yes +31,admin.,single,university.degree,no,no,yes,cellular,nov,wed,212,2,3,6,success,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,wed,228,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,wed,404,1,2,5,success,-1.1,94.76700000000001,-50.8,1.048,4963.6,yes +52,technician,married,university.degree,no,no,no,cellular,nov,wed,164,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +19,student,single,basic.9y,no,yes,no,cellular,nov,wed,182,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +31,admin.,single,university.degree,no,yes,no,telephone,nov,wed,98,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +28,services,married,high.school,no,yes,no,cellular,nov,wed,223,3,999,2,failure,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +34,admin.,married,university.degree,no,no,no,cellular,nov,wed,134,1,3,3,success,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +29,student,single,high.school,no,yes,yes,cellular,nov,thu,289,1,3,3,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,yes +59,admin.,divorced,high.school,no,no,no,cellular,nov,thu,357,3,3,2,success,-1.1,94.76700000000001,-50.8,1.05,4963.6,yes +33,admin.,married,university.degree,no,yes,no,cellular,nov,fri,482,1,12,1,success,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,yes +63,retired,married,basic.4y,no,yes,no,cellular,nov,fri,413,1,3,2,success,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,yes +45,admin.,married,university.degree,no,no,no,cellular,nov,fri,319,1,999,3,failure,-1.1,94.76700000000001,-50.8,1.0490000000000002,4963.6,no +40,technician,married,basic.9y,no,yes,no,cellular,nov,mon,414,2,999,3,failure,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +46,admin.,single,high.school,no,yes,no,cellular,nov,mon,199,2,999,2,failure,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +32,admin.,single,high.school,no,no,no,cellular,nov,mon,191,2,19,2,failure,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +32,admin.,single,high.school,no,no,no,cellular,nov,mon,74,2,999,2,failure,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +32,admin.,single,high.school,no,yes,no,cellular,nov,mon,128,2,999,1,failure,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +64,unknown,married,unknown,no,no,no,cellular,nov,mon,78,1,3,3,success,-1.1,94.76700000000001,-50.8,1.048,4963.6,no +34,technician,married,unknown,no,yes,no,cellular,nov,tue,138,1,1,4,success,-1.1,94.76700000000001,-50.8,1.046,4963.6,no +34,technician,married,unknown,no,yes,no,cellular,nov,tue,200,1,3,1,success,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +46,admin.,single,university.degree,no,no,yes,cellular,nov,tue,173,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.046,4963.6,no +58,admin.,married,high.school,no,yes,no,cellular,nov,tue,173,1,999,2,failure,-1.1,94.76700000000001,-50.8,1.046,4963.6,no +34,technician,married,unknown,no,no,no,cellular,nov,tue,206,1,6,2,success,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +60,admin.,married,unknown,no,no,no,cellular,nov,tue,787,1,7,2,success,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +42,services,divorced,university.degree,no,unknown,unknown,cellular,nov,tue,262,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +36,blue-collar,single,basic.6y,no,no,no,cellular,nov,tue,238,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +29,technician,single,professional.course,no,no,no,cellular,nov,tue,449,2,1,1,success,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +34,technician,married,unknown,no,yes,no,cellular,nov,tue,162,2,999,2,failure,-1.1,94.76700000000001,-50.8,1.046,4963.6,no +36,blue-collar,single,basic.6y,no,yes,no,cellular,nov,tue,330,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +60,admin.,married,unknown,no,no,no,cellular,nov,tue,333,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.046,4963.6,no +46,admin.,single,university.degree,no,yes,no,cellular,nov,tue,1166,3,999,1,failure,-1.1,94.76700000000001,-50.8,1.046,4963.6,no +34,technician,married,unknown,no,no,no,cellular,nov,tue,985,3,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +36,blue-collar,single,basic.6y,no,no,no,cellular,nov,tue,1556,4,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.046,4963.6,yes +37,technician,single,professional.course,no,yes,no,cellular,nov,wed,226,1,6,4,success,-1.1,94.76700000000001,-50.8,1.044,4963.6,yes +37,technician,single,professional.course,no,yes,no,cellular,nov,wed,224,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.044,4963.6,yes +61,admin.,married,high.school,no,yes,no,cellular,nov,wed,300,1,21,5,failure,-1.1,94.76700000000001,-50.8,1.044,4963.6,yes +61,admin.,married,high.school,no,yes,yes,cellular,nov,wed,386,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.044,4963.6,yes +31,admin.,single,high.school,no,yes,no,cellular,nov,wed,456,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.044,4963.6,yes +61,admin.,married,high.school,no,no,no,telephone,nov,wed,508,4,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.044,4963.6,no +31,admin.,single,university.degree,no,yes,no,cellular,nov,thu,260,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.041,4963.6,yes +58,management,married,university.degree,no,yes,no,cellular,nov,thu,193,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.041,4963.6,no +41,unemployed,married,basic.9y,no,no,no,cellular,nov,thu,597,2,3,2,success,-1.1,94.76700000000001,-50.8,1.041,4963.6,yes +28,self-employed,single,university.degree,no,yes,no,cellular,nov,thu,97,2,6,3,success,-1.1,94.76700000000001,-50.8,1.041,4963.6,no +25,student,single,high.school,no,no,no,cellular,nov,thu,244,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.041,4963.6,yes +54,technician,married,unknown,no,yes,no,cellular,nov,thu,222,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.041,4963.6,no +54,unemployed,married,professional.course,no,yes,no,telephone,nov,thu,200,2,10,4,failure,-1.1,94.76700000000001,-50.8,1.041,4963.6,no +42,admin.,married,university.degree,no,yes,no,cellular,nov,thu,419,3,999,1,failure,-1.1,94.76700000000001,-50.8,1.041,4963.6,no +58,unemployed,married,university.degree,no,yes,no,cellular,nov,thu,344,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.041,4963.6,yes +31,services,married,high.school,no,yes,no,cellular,nov,fri,202,3,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.04,4963.6,no +33,management,married,university.degree,no,yes,no,cellular,nov,fri,237,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.04,4963.6,yes +37,admin.,married,university.degree,no,yes,no,cellular,nov,fri,315,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.04,4963.6,yes +43,admin.,divorced,university.degree,no,yes,no,cellular,nov,fri,741,4,999,2,failure,-1.1,94.76700000000001,-50.8,1.04,4963.6,yes +29,technician,single,professional.course,no,no,yes,cellular,nov,fri,127,1,6,2,success,-1.1,94.76700000000001,-50.8,1.04,4963.6,no +35,admin.,single,professional.course,no,yes,no,cellular,nov,fri,92,3,999,4,failure,-1.1,94.76700000000001,-50.8,1.04,4963.6,no +26,admin.,single,university.degree,no,no,no,cellular,nov,fri,528,3,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.04,4963.6,yes +41,admin.,married,university.degree,no,yes,no,cellular,nov,fri,252,4,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.04,4963.6,yes +25,technician,single,professional.course,no,yes,no,cellular,nov,fri,712,2,19,1,success,-1.1,94.76700000000001,-50.8,1.04,4963.6,yes +35,admin.,single,professional.course,no,yes,no,cellular,nov,fri,397,3,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.04,4963.6,yes +30,admin.,single,university.degree,no,yes,no,cellular,nov,mon,324,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,no +41,blue-collar,married,basic.9y,no,yes,no,cellular,nov,mon,371,2,999,1,failure,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,no +41,technician,married,professional.course,no,no,no,cellular,nov,mon,526,2,6,1,success,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,yes +26,management,single,university.degree,no,yes,no,cellular,nov,mon,112,5,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,no +67,housemaid,divorced,professional.course,no,yes,no,cellular,nov,mon,655,2,5,5,success,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,yes +41,technician,married,professional.course,no,yes,no,cellular,nov,mon,185,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,no +31,housemaid,single,university.degree,no,no,no,telephone,nov,mon,152,5,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,no +41,technician,married,professional.course,no,yes,no,cellular,nov,mon,545,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,yes +31,housemaid,single,university.degree,no,no,no,cellular,nov,mon,159,4,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.0390000000000001,4963.6,no +35,technician,divorced,basic.4y,no,no,no,cellular,nov,tue,363,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.035,4963.6,yes +35,technician,divorced,basic.4y,no,yes,no,cellular,nov,tue,514,1,9,4,success,-1.1,94.76700000000001,-50.8,1.035,4963.6,yes +33,admin.,married,university.degree,no,no,no,cellular,nov,tue,843,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.035,4963.6,yes +33,admin.,married,university.degree,no,yes,no,cellular,nov,tue,510,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.035,4963.6,no +60,blue-collar,married,basic.4y,no,yes,no,cellular,nov,tue,347,2,4,1,success,-1.1,94.76700000000001,-50.8,1.035,4963.6,no +35,technician,divorced,basic.4y,no,yes,no,cellular,nov,tue,385,3,4,2,success,-1.1,94.76700000000001,-50.8,1.035,4963.6,yes +54,admin.,married,professional.course,no,no,no,cellular,nov,tue,1868,2,10,1,success,-1.1,94.76700000000001,-50.8,1.035,4963.6,yes +38,housemaid,divorced,university.degree,no,no,no,cellular,nov,wed,403,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.03,4963.6,yes +32,admin.,married,university.degree,no,no,no,telephone,nov,wed,651,1,999,1,failure,-1.1,94.76700000000001,-50.8,1.03,4963.6,yes +32,admin.,married,university.degree,no,yes,no,cellular,nov,wed,236,3,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.03,4963.6,no +38,entrepreneur,married,university.degree,no,no,no,cellular,nov,wed,144,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.03,4963.6,no +62,services,married,high.school,no,yes,no,cellular,nov,wed,154,5,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.03,4963.6,no +40,management,divorced,university.degree,no,yes,no,cellular,nov,wed,293,2,999,4,failure,-1.1,94.76700000000001,-50.8,1.03,4963.6,no +33,student,married,professional.course,no,yes,no,telephone,nov,thu,112,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.031,4963.6,yes +31,admin.,single,university.degree,no,yes,no,cellular,nov,thu,353,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.031,4963.6,yes +62,retired,married,university.degree,no,yes,no,cellular,nov,thu,329,1,999,2,failure,-1.1,94.76700000000001,-50.8,1.031,4963.6,yes +62,retired,married,university.degree,no,yes,no,cellular,nov,thu,208,1,1,6,success,-1.1,94.76700000000001,-50.8,1.031,4963.6,yes +34,student,single,unknown,no,yes,no,cellular,nov,thu,180,1,999,2,failure,-1.1,94.76700000000001,-50.8,1.031,4963.6,no +38,housemaid,divorced,high.school,no,yes,yes,cellular,nov,thu,360,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.031,4963.6,no +57,retired,married,professional.course,no,yes,no,cellular,nov,thu,124,6,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.031,4963.6,no +62,retired,married,university.degree,no,no,no,cellular,nov,thu,483,2,6,3,success,-1.1,94.76700000000001,-50.8,1.031,4963.6,yes +64,retired,divorced,professional.course,no,yes,no,cellular,nov,fri,151,3,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.028,4963.6,no +36,admin.,married,university.degree,no,no,no,cellular,nov,fri,254,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.028,4963.6,no +37,admin.,married,university.degree,no,yes,no,cellular,nov,fri,281,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.028,4963.6,yes +29,unemployed,single,basic.4y,no,yes,no,cellular,nov,fri,112,1,9,1,success,-1.1,94.76700000000001,-50.8,1.028,4963.6,no +73,retired,married,professional.course,no,yes,no,cellular,nov,fri,334,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.028,4963.6,yes +46,blue-collar,married,professional.course,no,no,no,cellular,nov,fri,383,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.028,4963.6,no +56,retired,married,university.degree,no,yes,no,cellular,nov,fri,189,2,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.028,4963.6,no +44,technician,married,professional.course,no,no,no,cellular,nov,fri,442,1,999,0,nonexistent,-1.1,94.76700000000001,-50.8,1.028,4963.6,yes +74,retired,married,professional.course,no,yes,no,cellular,nov,fri,239,3,999,1,failure,-1.1,94.76700000000001,-50.8,1.028,4963.6,no